VinayHajare commited on
Commit
349e4a7
1 Parent(s): 1ae9d81

Upload folder using huggingface_hub

Browse files
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ replay.mp4 filter=lfs diff=lfs merge=lfs -text
.summary/0/events.out.tfevents.1703847683.26400091c553 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:18d6fc5f2429925959032d077fee35c5fad244c8caf3d2a3ff0be92ec90bfd1d
3
+ size 228894
README.md ADDED
@@ -0,0 +1,56 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: sample-factory
3
+ tags:
4
+ - deep-reinforcement-learning
5
+ - reinforcement-learning
6
+ - sample-factory
7
+ model-index:
8
+ - name: APPO
9
+ results:
10
+ - task:
11
+ type: reinforcement-learning
12
+ name: reinforcement-learning
13
+ dataset:
14
+ name: doom_deathmatch_bots
15
+ type: doom_deathmatch_bots
16
+ metrics:
17
+ - type: mean_reward
18
+ value: 0.40 +/- 0.66
19
+ name: mean_reward
20
+ verified: false
21
+ ---
22
+
23
+ A(n) **APPO** model trained on the **doom_deathmatch_bots** environment.
24
+
25
+ This model was trained using Sample-Factory 2.0: https://github.com/alex-petrenko/sample-factory.
26
+ Documentation for how to use Sample-Factory can be found at https://www.samplefactory.dev/
27
+
28
+
29
+ ## Downloading the model
30
+
31
+ After installing Sample-Factory, download the model with:
32
+ ```
33
+ python -m sample_factory.huggingface.load_from_hub -r VinayHajare/vizdoom_deathmatch_bots
34
+ ```
35
+
36
+
37
+ ## Using the model
38
+
39
+ To run the model after download, use the `enjoy` script corresponding to this environment:
40
+ ```
41
+ python -m <path.to.enjoy.module> --algo=APPO --env=doom_deathmatch_bots --train_dir=./train_dir --experiment=vizdoom_deathmatch_bots
42
+ ```
43
+
44
+
45
+ You can also upload models to the Hugging Face Hub using the same script with the `--push_to_hub` flag.
46
+ See https://www.samplefactory.dev/10-huggingface/huggingface/ for more details
47
+
48
+ ## Training with this model
49
+
50
+ To continue training with this model, use the `train` script corresponding to this environment:
51
+ ```
52
+ python -m <path.to.train.module> --algo=APPO --env=doom_deathmatch_bots --train_dir=./train_dir --experiment=vizdoom_deathmatch_bots --restart_behavior=resume --train_for_env_steps=10000000000
53
+ ```
54
+
55
+ Note, you may have to adjust `--train_for_env_steps` to a suitably high number as the experiment will resume at the number of steps it concluded at.
56
+
checkpoint_p0/checkpoint_000000106_868352.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:19ec1a52ebfe9e7d9b6238d058555f5c203aa3a720bc3730175a82a5cef3622f
3
+ size 37739428
checkpoint_p0/checkpoint_000000124_1015808.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5fa5adff076f5b6311001bd3421ccd16d867c53d312b88ff64e67f51a23ecfc9
3
+ size 37739428
config.json ADDED
@@ -0,0 +1,146 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "help": false,
3
+ "algo": "APPO",
4
+ "env": "doom_deathmatch_bots",
5
+ "experiment": "vizdoom_doom_deathmatch_bots",
6
+ "train_dir": "/content/train_dir",
7
+ "restart_behavior": "resume",
8
+ "device": "gpu",
9
+ "seed": null,
10
+ "num_policies": 1,
11
+ "async_rl": true,
12
+ "serial_mode": false,
13
+ "batched_sampling": false,
14
+ "num_batches_to_accumulate": 2,
15
+ "worker_num_splits": 2,
16
+ "policy_workers_per_policy": 1,
17
+ "max_policy_lag": 1000,
18
+ "num_workers": 20,
19
+ "num_envs_per_worker": 12,
20
+ "batch_size": 2048,
21
+ "num_batches_per_epoch": 1,
22
+ "num_epochs": 1,
23
+ "rollout": 32,
24
+ "recurrence": 32,
25
+ "shuffle_minibatches": false,
26
+ "gamma": 0.99,
27
+ "reward_scale": 1.0,
28
+ "reward_clip": 1000.0,
29
+ "value_bootstrap": false,
30
+ "normalize_returns": true,
31
+ "exploration_loss_coeff": 0.001,
32
+ "value_loss_coeff": 0.5,
33
+ "kl_loss_coeff": 0.0,
34
+ "exploration_loss": "symmetric_kl",
35
+ "gae_lambda": 0.95,
36
+ "ppo_clip_ratio": 0.1,
37
+ "ppo_clip_value": 0.2,
38
+ "with_vtrace": false,
39
+ "vtrace_rho": 1.0,
40
+ "vtrace_c": 1.0,
41
+ "optimizer": "adam",
42
+ "adam_eps": 1e-06,
43
+ "adam_beta1": 0.9,
44
+ "adam_beta2": 0.999,
45
+ "max_grad_norm": 4.0,
46
+ "learning_rate": 0.0001,
47
+ "lr_schedule": "constant",
48
+ "lr_schedule_kl_threshold": 0.008,
49
+ "lr_adaptive_min": 1e-06,
50
+ "lr_adaptive_max": 0.01,
51
+ "obs_subtract_mean": 0.0,
52
+ "obs_scale": 255.0,
53
+ "normalize_input": true,
54
+ "normalize_input_keys": null,
55
+ "decorrelate_experience_max_seconds": 0,
56
+ "decorrelate_envs_on_one_worker": true,
57
+ "actor_worker_gpus": [],
58
+ "set_workers_cpu_affinity": true,
59
+ "force_envs_single_thread": false,
60
+ "default_niceness": 0,
61
+ "log_to_file": true,
62
+ "experiment_summaries_interval": 10,
63
+ "flush_summaries_interval": 30,
64
+ "stats_avg": 100,
65
+ "summaries_use_frameskip": true,
66
+ "heartbeat_interval": 20,
67
+ "heartbeat_reporting_interval": 600,
68
+ "train_for_env_steps": 1000000,
69
+ "train_for_seconds": 3600000,
70
+ "save_every_sec": 120,
71
+ "keep_checkpoints": 2,
72
+ "load_checkpoint_kind": "latest",
73
+ "save_milestones_sec": -1,
74
+ "save_best_every_sec": 5,
75
+ "save_best_metric": "reward",
76
+ "save_best_after": 100000,
77
+ "benchmark": false,
78
+ "encoder_mlp_layers": [
79
+ 512,
80
+ 512
81
+ ],
82
+ "encoder_conv_architecture": "convnet_simple",
83
+ "encoder_conv_mlp_layers": [
84
+ 512
85
+ ],
86
+ "use_rnn": true,
87
+ "rnn_size": 512,
88
+ "rnn_type": "gru",
89
+ "rnn_num_layers": 1,
90
+ "decoder_mlp_layers": [],
91
+ "nonlinearity": "elu",
92
+ "policy_initialization": "orthogonal",
93
+ "policy_init_gain": 1.0,
94
+ "actor_critic_share_weights": true,
95
+ "adaptive_stddev": true,
96
+ "continuous_tanh_scale": 0.0,
97
+ "initial_stddev": 1.0,
98
+ "use_env_info_cache": false,
99
+ "env_gpu_actions": false,
100
+ "env_gpu_observations": true,
101
+ "env_frameskip": 4,
102
+ "env_framestack": 1,
103
+ "pixel_format": "CHW",
104
+ "use_record_episode_statistics": false,
105
+ "with_wandb": false,
106
+ "wandb_user": null,
107
+ "wandb_project": "sample_factory",
108
+ "wandb_group": null,
109
+ "wandb_job_type": "SF",
110
+ "wandb_tags": [],
111
+ "with_pbt": false,
112
+ "pbt_mix_policies_in_one_env": true,
113
+ "pbt_period_env_steps": 5000000,
114
+ "pbt_start_mutation": 20000000,
115
+ "pbt_replace_fraction": 0.3,
116
+ "pbt_mutation_rate": 0.15,
117
+ "pbt_replace_reward_gap": 0.1,
118
+ "pbt_replace_reward_gap_absolute": 1e-06,
119
+ "pbt_optimize_gamma": false,
120
+ "pbt_target_objective": "true_objective",
121
+ "pbt_perturb_min": 1.1,
122
+ "pbt_perturb_max": 1.5,
123
+ "num_agents": -1,
124
+ "num_humans": 0,
125
+ "num_bots": -1,
126
+ "start_bot_difficulty": null,
127
+ "timelimit": null,
128
+ "res_w": 128,
129
+ "res_h": 72,
130
+ "wide_aspect_ratio": false,
131
+ "eval_env_frameskip": 1,
132
+ "fps": 35,
133
+ "command_line": "--env=doom_deathmatch_bots --experiment=vizdoom_doom_deathmatch_bots --num_workers=20 --num_envs_per_worker=12 --train_for_env_steps=1000000 --batch_size=2048 --num_batches_per_epoch=1 --train_for_seconds=3600000",
134
+ "cli_args": {
135
+ "env": "doom_deathmatch_bots",
136
+ "experiment": "vizdoom_doom_deathmatch_bots",
137
+ "num_workers": 20,
138
+ "num_envs_per_worker": 12,
139
+ "batch_size": 2048,
140
+ "num_batches_per_epoch": 1,
141
+ "train_for_env_steps": 1000000,
142
+ "train_for_seconds": 3600000
143
+ },
144
+ "git_hash": "unknown",
145
+ "git_repo_name": "not a git repository"
146
+ }
replay.mp4 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9632288b36b331063a143ad790febc42ea59a94ca387b8a9bee2d14ff7ac3ff1
3
+ size 141057461
sf_log.txt ADDED
@@ -0,0 +1,1392 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [2023-12-29 11:02:06,268][12708] Worker 5 uses CPU cores [1]
2
+ [2023-12-29 11:02:07,056][12710] Worker 7 uses CPU cores [1]
3
+ [2023-12-29 11:02:07,069][12706] Worker 4 uses CPU cores [0]
4
+ [2023-12-29 11:02:07,311][12682] Using GPUs [0] for process 0 (actually maps to GPUs [0])
5
+ [2023-12-29 11:02:07,316][12682] Set environment var CUDA_VISIBLE_DEVICES to '0' (GPU indices [0]) for learning process 0
6
+ [2023-12-29 11:02:07,424][12702] Using GPUs [0] for process 0 (actually maps to GPUs [0])
7
+ [2023-12-29 11:02:07,424][12702] Set environment var CUDA_VISIBLE_DEVICES to '0' (GPU indices [0]) for inference process 0
8
+ [2023-12-29 11:02:07,481][12682] Num visible devices: 1
9
+ [2023-12-29 11:02:07,535][12682] Starting seed is not provided
10
+ [2023-12-29 11:02:07,535][12682] Using GPUs [0] for process 0 (actually maps to GPUs [0])
11
+ [2023-12-29 11:02:07,535][12682] Initializing actor-critic model on device cuda:0
12
+ [2023-12-29 11:02:07,536][12682] RunningMeanStd input shape: (23,)
13
+ [2023-12-29 11:02:07,537][12682] RunningMeanStd input shape: (3, 72, 128)
14
+ [2023-12-29 11:02:07,538][12682] RunningMeanStd input shape: (1,)
15
+ [2023-12-29 11:02:07,659][12715] Worker 12 uses CPU cores [0]
16
+ [2023-12-29 11:02:07,671][12702] Num visible devices: 1
17
+ [2023-12-29 11:02:07,669][12682] ConvEncoder: input_channels=3
18
+ [2023-12-29 11:02:07,768][12716] Worker 13 uses CPU cores [1]
19
+ [2023-12-29 11:02:07,770][12721] Worker 18 uses CPU cores [0]
20
+ [2023-12-29 11:02:07,798][12704] Worker 1 uses CPU cores [1]
21
+ [2023-12-29 11:02:07,824][12714] Worker 11 uses CPU cores [1]
22
+ [2023-12-29 11:02:07,848][12713] Worker 9 uses CPU cores [1]
23
+ [2023-12-29 11:02:07,849][12709] Worker 6 uses CPU cores [0]
24
+ [2023-12-29 11:02:07,950][12712] Worker 10 uses CPU cores [0]
25
+ [2023-12-29 11:02:07,973][12703] Worker 0 uses CPU cores [0]
26
+ [2023-12-29 11:02:08,017][12718] Worker 15 uses CPU cores [1]
27
+ [2023-12-29 11:02:08,028][12717] Worker 14 uses CPU cores [0]
28
+ [2023-12-29 11:02:08,045][12707] Worker 2 uses CPU cores [0]
29
+ [2023-12-29 11:02:08,112][12720] Worker 17 uses CPU cores [1]
30
+ [2023-12-29 11:02:08,152][12705] Worker 3 uses CPU cores [1]
31
+ [2023-12-29 11:02:08,162][12719] Worker 16 uses CPU cores [0]
32
+ [2023-12-29 11:02:08,177][12722] Worker 19 uses CPU cores [1]
33
+ [2023-12-29 11:02:08,204][12711] Worker 8 uses CPU cores [0]
34
+ [2023-12-29 11:02:08,250][12682] Conv encoder output size: 512
35
+ [2023-12-29 11:02:08,253][12682] Policy head output size: 640
36
+ [2023-12-29 11:02:08,303][12682] Created Actor Critic model with architecture:
37
+ [2023-12-29 11:02:08,303][12682] ActorCriticSharedWeights(
38
+ (obs_normalizer): ObservationNormalizer(
39
+ (running_mean_std): RunningMeanStdDictInPlace(
40
+ (running_mean_std): ModuleDict(
41
+ (measurements): RunningMeanStdInPlace()
42
+ (obs): RunningMeanStdInPlace()
43
+ )
44
+ )
45
+ )
46
+ (returns_normalizer): RecursiveScriptModule(original_name=RunningMeanStdInPlace)
47
+ (encoder): VizdoomEncoder(
48
+ (basic_encoder): ConvEncoder(
49
+ (enc): RecursiveScriptModule(
50
+ original_name=ConvEncoderImpl
51
+ (conv_head): RecursiveScriptModule(
52
+ original_name=Sequential
53
+ (0): RecursiveScriptModule(original_name=Conv2d)
54
+ (1): RecursiveScriptModule(original_name=ELU)
55
+ (2): RecursiveScriptModule(original_name=Conv2d)
56
+ (3): RecursiveScriptModule(original_name=ELU)
57
+ (4): RecursiveScriptModule(original_name=Conv2d)
58
+ (5): RecursiveScriptModule(original_name=ELU)
59
+ )
60
+ (mlp_layers): RecursiveScriptModule(
61
+ original_name=Sequential
62
+ (0): RecursiveScriptModule(original_name=Linear)
63
+ (1): RecursiveScriptModule(original_name=ELU)
64
+ )
65
+ )
66
+ )
67
+ (measurements_head): Sequential(
68
+ (0): Linear(in_features=23, out_features=128, bias=True)
69
+ (1): ELU(alpha=1.0)
70
+ (2): Linear(in_features=128, out_features=128, bias=True)
71
+ (3): ELU(alpha=1.0)
72
+ )
73
+ )
74
+ (core): ModelCoreRNN(
75
+ (core): GRU(640, 512)
76
+ )
77
+ (decoder): MlpDecoder(
78
+ (mlp): Identity()
79
+ )
80
+ (critic_linear): Linear(in_features=512, out_features=1, bias=True)
81
+ (action_parameterization): ActionParameterizationDefault(
82
+ (distribution_linear): Linear(in_features=512, out_features=39, bias=True)
83
+ )
84
+ )
85
+ [2023-12-29 11:02:08,546][12682] Using optimizer <class 'torch.optim.adam.Adam'>
86
+ [2023-12-29 11:02:09,717][12682] No checkpoints found
87
+ [2023-12-29 11:02:09,718][12682] Did not load from checkpoint, starting from scratch!
88
+ [2023-12-29 11:02:09,718][12682] Initialized policy 0 weights for model version 0
89
+ [2023-12-29 11:02:09,722][12682] Using GPUs [0] for process 0 (actually maps to GPUs [0])
90
+ [2023-12-29 11:02:09,737][12682] LearnerWorker_p0 finished initialization!
91
+ [2023-12-29 11:02:09,936][12702] RunningMeanStd input shape: (23,)
92
+ [2023-12-29 11:02:09,937][12702] RunningMeanStd input shape: (3, 72, 128)
93
+ [2023-12-29 11:02:09,938][12702] RunningMeanStd input shape: (1,)
94
+ [2023-12-29 11:02:09,962][12702] ConvEncoder: input_channels=3
95
+ [2023-12-29 11:02:10,075][12702] Conv encoder output size: 512
96
+ [2023-12-29 11:02:10,077][12702] Policy head output size: 640
97
+ [2023-12-29 11:02:11,034][12713] Doom resolution: 160x120, resize resolution: (128, 72)
98
+ [2023-12-29 11:02:11,015][12708] Doom resolution: 160x120, resize resolution: (128, 72)
99
+ [2023-12-29 11:02:11,079][12711] Doom resolution: 160x120, resize resolution: (128, 72)
100
+ [2023-12-29 11:02:11,097][12713] Port 41200 is available
101
+ [2023-12-29 11:02:11,098][12713] Using port 41200
102
+ [2023-12-29 11:02:11,081][12708] Port 40800 is available
103
+ [2023-12-29 11:02:11,104][12708] Using port 40800
104
+ [2023-12-29 11:02:11,120][12710] Doom resolution: 160x120, resize resolution: (128, 72)
105
+ [2023-12-29 11:02:11,149][12718] Doom resolution: 160x120, resize resolution: (128, 72)
106
+ [2023-12-29 11:02:11,159][12705] Doom resolution: 160x120, resize resolution: (128, 72)
107
+ [2023-12-29 11:02:11,171][12716] Doom resolution: 160x120, resize resolution: (128, 72)
108
+ [2023-12-29 11:02:11,172][12711] Port 41100 is available
109
+ [2023-12-29 11:02:11,172][12711] Using port 41100
110
+ [2023-12-29 11:02:11,172][12710] Port 41000 is available
111
+ [2023-12-29 11:02:11,173][12710] Using port 41000
112
+ [2023-12-29 11:02:11,180][12707] Doom resolution: 160x120, resize resolution: (128, 72)
113
+ [2023-12-29 11:02:11,190][12712] Doom resolution: 160x120, resize resolution: (128, 72)
114
+ [2023-12-29 11:02:11,201][12719] Doom resolution: 160x120, resize resolution: (128, 72)
115
+ [2023-12-29 11:02:11,200][12718] Port 41800 is available
116
+ [2023-12-29 11:02:11,209][12718] Using port 41800
117
+ [2023-12-29 11:02:11,203][12705] Port 40600 is available
118
+ [2023-12-29 11:02:11,214][12705] Using port 40600
119
+ [2023-12-29 11:02:11,219][12721] Doom resolution: 160x120, resize resolution: (128, 72)
120
+ [2023-12-29 11:02:11,240][12707] Port 40500 is available
121
+ [2023-12-29 11:02:11,217][12716] Port 41600 is available
122
+ [2023-12-29 11:02:11,241][12716] Using port 41600
123
+ [2023-12-29 11:02:11,253][12712] Port 41300 is available
124
+ [2023-12-29 11:02:11,253][12712] Using port 41300
125
+ [2023-12-29 11:02:11,254][12709] Doom resolution: 160x120, resize resolution: (128, 72)
126
+ [2023-12-29 11:02:11,236][12704] Doom resolution: 160x120, resize resolution: (128, 72)
127
+ [2023-12-29 11:02:11,294][12717] Doom resolution: 160x120, resize resolution: (128, 72)
128
+ [2023-12-29 11:02:11,313][12715] Doom resolution: 160x120, resize resolution: (128, 72)
129
+ [2023-12-29 11:02:11,313][12704] Port 40400 is available
130
+ [2023-12-29 11:02:11,314][12704] Using port 40400
131
+ [2023-12-29 11:02:11,240][12707] Using port 40500
132
+ [2023-12-29 11:02:11,342][12703] Doom resolution: 160x120, resize resolution: (128, 72)
133
+ [2023-12-29 11:02:11,269][12719] Port 41900 is available
134
+ [2023-12-29 11:02:11,344][12719] Using port 41900
135
+ [2023-12-29 11:02:11,348][12721] Port 42100 is available
136
+ [2023-12-29 11:02:11,348][12721] Using port 42100
137
+ [2023-12-29 11:02:11,370][12709] Port 40900 is available
138
+ [2023-12-29 11:02:11,370][12709] Using port 40900
139
+ [2023-12-29 11:02:11,400][12706] Doom resolution: 160x120, resize resolution: (128, 72)
140
+ [2023-12-29 11:02:11,425][12717] Port 41700 is available
141
+ [2023-12-29 11:02:11,434][12717] Using port 41700
142
+ [2023-12-29 11:02:11,435][12715] Port 41500 is available
143
+ [2023-12-29 11:02:11,442][12715] Using port 41500
144
+ [2023-12-29 11:02:11,452][12703] Port 40300 is available
145
+ [2023-12-29 11:02:11,461][12703] Using port 40300
146
+ [2023-12-29 11:02:11,469][12706] Port 40700 is available
147
+ [2023-12-29 11:02:11,479][12706] Using port 40700
148
+ [2023-12-29 11:02:11,671][12714] Doom resolution: 160x120, resize resolution: (128, 72)
149
+ [2023-12-29 11:02:11,708][12722] Doom resolution: 160x120, resize resolution: (128, 72)
150
+ [2023-12-29 11:02:11,732][12720] Doom resolution: 160x120, resize resolution: (128, 72)
151
+ [2023-12-29 11:02:11,767][12714] Port 41400 is available
152
+ [2023-12-29 11:02:11,767][12714] Using port 41400
153
+ [2023-12-29 11:02:11,784][12720] Port 42000 is available
154
+ [2023-12-29 11:02:11,784][12720] Using port 42000
155
+ [2023-12-29 11:02:11,789][12722] Port 42200 is available
156
+ [2023-12-29 11:02:11,797][12722] Using port 42200
157
+ [2023-12-29 11:02:11,873][12711] Port 41101 is available
158
+ [2023-12-29 11:02:11,897][12711] Using port 41101
159
+ [2023-12-29 11:02:11,938][12712] Port 41301 is available
160
+ [2023-12-29 11:02:11,938][12712] Using port 41301
161
+ [2023-12-29 11:02:11,970][12707] Port 40501 is available
162
+ [2023-12-29 11:02:11,970][12707] Using port 40501
163
+ [2023-12-29 11:02:12,026][12719] Port 41901 is available
164
+ [2023-12-29 11:02:12,035][12719] Using port 41901
165
+ [2023-12-29 11:02:12,013][12708] Port 40801 is available
166
+ [2023-12-29 11:02:12,067][12708] Using port 40801
167
+ [2023-12-29 11:02:12,068][12713] Port 41201 is available
168
+ [2023-12-29 11:02:12,069][12713] Using port 41201
169
+ [2023-12-29 11:02:12,064][12717] Port 41701 is available
170
+ [2023-12-29 11:02:12,083][12717] Using port 41701
171
+ [2023-12-29 11:02:12,087][12721] Port 42101 is available
172
+ [2023-12-29 11:02:12,091][12721] Using port 42101
173
+ [2023-12-29 11:02:12,090][12715] Port 41501 is available
174
+ [2023-12-29 11:02:12,102][12715] Using port 41501
175
+ [2023-12-29 11:02:12,103][12709] Port 40901 is available
176
+ [2023-12-29 11:02:12,110][12709] Using port 40901
177
+ [2023-12-29 11:02:12,110][12703] Port 40301 is available
178
+ [2023-12-29 11:02:12,127][12703] Using port 40301
179
+ [2023-12-29 11:02:12,138][12706] Port 40701 is available
180
+ [2023-12-29 11:02:12,169][12706] Using port 40701
181
+ [2023-12-29 11:02:12,225][12710] Port 41001 is available
182
+ [2023-12-29 11:02:12,233][12710] Using port 41001
183
+ [2023-12-29 11:02:12,250][12718] Port 41801 is available
184
+ [2023-12-29 11:02:12,251][12718] Using port 41801
185
+ [2023-12-29 11:02:12,256][12705] Port 40601 is available
186
+ [2023-12-29 11:02:12,256][12705] Using port 40601
187
+ [2023-12-29 11:02:12,272][12716] Port 41601 is available
188
+ [2023-12-29 11:02:12,287][12716] Using port 41601
189
+ [2023-12-29 11:02:12,352][12704] Port 40401 is available
190
+ [2023-12-29 11:02:12,359][12704] Using port 40401
191
+ [2023-12-29 11:02:12,645][12711] Port 41102 is available
192
+ [2023-12-29 11:02:12,645][12711] Using port 41102
193
+ [2023-12-29 11:02:12,644][12714] Port 41401 is available
194
+ [2023-12-29 11:02:12,656][12714] Using port 41401
195
+ [2023-12-29 11:02:12,663][12722] Port 42201 is available
196
+ [2023-12-29 11:02:12,679][12722] Using port 42201
197
+ [2023-12-29 11:02:12,714][12707] Port 40502 is available
198
+ [2023-12-29 11:02:12,714][12707] Using port 40502
199
+ [2023-12-29 11:02:12,720][12712] Port 41302 is available
200
+ [2023-12-29 11:02:12,720][12712] Using port 41302
201
+ [2023-12-29 11:02:12,695][12720] Port 42001 is available
202
+ [2023-12-29 11:02:12,732][12720] Using port 42001
203
+ [2023-12-29 11:02:12,724][12719] Port 41902 is available
204
+ [2023-12-29 11:02:12,740][12719] Using port 41902
205
+ [2023-12-29 11:02:12,821][12717] Port 41702 is available
206
+ [2023-12-29 11:02:12,821][12717] Using port 41702
207
+ [2023-12-29 11:02:12,838][12715] Port 41502 is available
208
+ [2023-12-29 11:02:12,839][12721] Port 42102 is available
209
+ [2023-12-29 11:02:12,839][12721] Using port 42102
210
+ [2023-12-29 11:02:12,838][12715] Using port 41502
211
+ [2023-12-29 11:02:12,876][12709] Port 40902 is available
212
+ [2023-12-29 11:02:12,887][12709] Using port 40902
213
+ [2023-12-29 11:02:12,931][12708] Port 40802 is available
214
+ [2023-12-29 11:02:12,931][12708] Using port 40802
215
+ [2023-12-29 11:02:12,925][12703] Port 40302 is available
216
+ [2023-12-29 11:02:12,933][12703] Using port 40302
217
+ [2023-12-29 11:02:12,972][12706] Port 40702 is available
218
+ [2023-12-29 11:02:12,992][12713] Port 41202 is available
219
+ [2023-12-29 11:02:12,993][12713] Using port 41202
220
+ [2023-12-29 11:02:12,990][12706] Using port 40702
221
+ [2023-12-29 11:02:13,276][12705] Port 40602 is available
222
+ [2023-12-29 11:02:13,300][12705] Using port 40602
223
+ [2023-12-29 11:02:13,309][12711] Port 41103 is available
224
+ [2023-12-29 11:02:13,309][12711] Using port 41103
225
+ [2023-12-29 11:02:13,313][12710] Port 41002 is available
226
+ [2023-12-29 11:02:13,314][12710] Using port 41002
227
+ [2023-12-29 11:02:13,340][12718] Port 41802 is available
228
+ [2023-12-29 11:02:13,341][12718] Using port 41802
229
+ [2023-12-29 11:02:13,342][12716] Port 41602 is available
230
+ [2023-12-29 11:02:13,343][12716] Using port 41602
231
+ [2023-12-29 11:02:13,347][12704] Port 40402 is available
232
+ [2023-12-29 11:02:13,347][12704] Using port 40402
233
+ [2023-12-29 11:02:13,455][12712] Port 41303 is available
234
+ [2023-12-29 11:02:13,455][12712] Using port 41303
235
+ [2023-12-29 11:02:13,460][12719] Port 41903 is available
236
+ [2023-12-29 11:02:13,474][12707] Port 40503 is available
237
+ [2023-12-29 11:02:13,474][12707] Using port 40503
238
+ [2023-12-29 11:02:13,460][12719] Using port 41903
239
+ [2023-12-29 11:02:13,525][12721] Port 42103 is available
240
+ [2023-12-29 11:02:13,525][12721] Using port 42103
241
+ [2023-12-29 11:02:13,523][12717] Port 41703 is available
242
+ [2023-12-29 11:02:13,533][12717] Using port 41703
243
+ [2023-12-29 11:02:13,548][12714] Port 41402 is available
244
+ [2023-12-29 11:02:13,548][12714] Using port 41402
245
+ [2023-12-29 11:02:13,558][12715] Port 41503 is available
246
+ [2023-12-29 11:02:13,558][12715] Using port 41503
247
+ [2023-12-29 11:02:13,569][12709] Port 40903 is available
248
+ [2023-12-29 11:02:13,569][12709] Using port 40903
249
+ [2023-12-29 11:02:13,581][12722] Port 42202 is available
250
+ [2023-12-29 11:02:13,594][12722] Using port 42202
251
+ [2023-12-29 11:02:13,602][12720] Port 42002 is available
252
+ [2023-12-29 11:02:13,610][12720] Using port 42002
253
+ [2023-12-29 11:02:13,807][12708] Port 40803 is available
254
+ [2023-12-29 11:02:13,824][12708] Using port 40803
255
+ [2023-12-29 11:02:13,913][12713] Port 41203 is available
256
+ [2023-12-29 11:02:13,925][12713] Using port 41203
257
+ [2023-12-29 11:02:13,963][12703] Port 40303 is available
258
+ [2023-12-29 11:02:13,964][12703] Using port 40303
259
+ [2023-12-29 11:02:13,988][12706] Port 40703 is available
260
+ [2023-12-29 11:02:13,989][12706] Using port 40703
261
+ [2023-12-29 11:02:14,036][12705] Port 40603 is available
262
+ [2023-12-29 11:02:14,036][12705] Using port 40603
263
+ [2023-12-29 11:02:14,078][12718] Port 41803 is available
264
+ [2023-12-29 11:02:14,087][12718] Using port 41803
265
+ [2023-12-29 11:02:14,065][12710] Port 41003 is available
266
+ [2023-12-29 11:02:14,107][12704] Port 40403 is available
267
+ [2023-12-29 11:02:14,109][12704] Using port 40403
268
+ [2023-12-29 11:02:14,107][12710] Using port 41003
269
+ [2023-12-29 11:02:14,115][12716] Port 41603 is available
270
+ [2023-12-29 11:02:14,138][12716] Using port 41603
271
+ [2023-12-29 11:02:14,167][12711] Port 41104 is available
272
+ [2023-12-29 11:02:14,167][12711] Using port 41104
273
+ [2023-12-29 11:02:14,207][12712] Port 41304 is available
274
+ [2023-12-29 11:02:14,207][12712] Using port 41304
275
+ [2023-12-29 11:02:14,218][12719] Port 41904 is available
276
+ [2023-12-29 11:02:14,218][12719] Using port 41904
277
+ [2023-12-29 11:02:14,277][12707] Port 40504 is available
278
+ [2023-12-29 11:02:14,278][12707] Using port 40504
279
+ [2023-12-29 11:02:14,335][12714] Port 41403 is available
280
+ [2023-12-29 11:02:14,364][12714] Using port 41403
281
+ [2023-12-29 11:02:14,394][12722] Port 42203 is available
282
+ [2023-12-29 11:02:14,396][12722] Using port 42203
283
+ [2023-12-29 11:02:14,399][12720] Port 42003 is available
284
+ [2023-12-29 11:02:14,416][12720] Using port 42003
285
+ [2023-12-29 11:02:14,438][12717] Port 41704 is available
286
+ [2023-12-29 11:02:14,438][12717] Using port 41704
287
+ [2023-12-29 11:02:14,486][12708] Port 40804 is available
288
+ [2023-12-29 11:02:14,503][12708] Using port 40804
289
+ [2023-12-29 11:02:14,521][12721] Port 42104 is available
290
+ [2023-12-29 11:02:14,522][12721] Using port 42104
291
+ [2023-12-29 11:02:14,556][12709] Port 40904 is available
292
+ [2023-12-29 11:02:14,560][12715] Port 41504 is available
293
+ [2023-12-29 11:02:14,560][12715] Using port 41504
294
+ [2023-12-29 11:02:14,556][12709] Using port 40904
295
+ [2023-12-29 11:02:14,621][12713] Port 41204 is available
296
+ [2023-12-29 11:02:14,631][12713] Using port 41204
297
+ [2023-12-29 11:02:14,667][12705] Port 40604 is available
298
+ [2023-12-29 11:02:14,682][12705] Using port 40604
299
+ [2023-12-29 11:02:14,752][12710] Port 41004 is available
300
+ [2023-12-29 11:02:14,766][12703] Port 40304 is available
301
+ [2023-12-29 11:02:14,767][12703] Using port 40304
302
+ [2023-12-29 11:02:14,772][12718] Port 41804 is available
303
+ [2023-12-29 11:02:14,776][12718] Using port 41804
304
+ [2023-12-29 11:02:14,752][12710] Using port 41004
305
+ [2023-12-29 11:02:14,771][12704] Port 40404 is available
306
+ [2023-12-29 11:02:14,787][12704] Using port 40404
307
+ [2023-12-29 11:02:14,820][12716] Port 41604 is available
308
+ [2023-12-29 11:02:14,821][12716] Using port 41604
309
+ [2023-12-29 11:02:14,844][12706] Port 40704 is available
310
+ [2023-12-29 11:02:14,844][12706] Using port 40704
311
+ [2023-12-29 11:02:15,031][12714] Port 41404 is available
312
+ [2023-12-29 11:02:15,032][12714] Using port 41404
313
+ [2023-12-29 11:02:15,044][12722] Port 42204 is available
314
+ [2023-12-29 11:02:15,053][12722] Using port 42204
315
+ [2023-12-29 11:02:15,065][12711] Port 41105 is available
316
+ [2023-12-29 11:02:15,066][12711] Using port 41105
317
+ [2023-12-29 11:02:15,094][12712] Port 41305 is available
318
+ [2023-12-29 11:02:15,097][12711] Using port 41100 on host...
319
+ [2023-12-29 11:02:15,102][12712] Using port 41305
320
+ [2023-12-29 11:02:15,124][12712] Using port 41300 on host...
321
+ [2023-12-29 11:02:15,122][12719] Port 41905 is available
322
+ [2023-12-29 11:02:15,129][12719] Using port 41905
323
+ [2023-12-29 11:02:15,142][12707] Port 40505 is available
324
+ [2023-12-29 11:02:15,143][12707] Using port 40505
325
+ [2023-12-29 11:02:15,173][12719] Using port 41900 on host...
326
+ [2023-12-29 11:02:15,180][12720] Port 42004 is available
327
+ [2023-12-29 11:02:15,190][12720] Using port 42004
328
+ [2023-12-29 11:02:15,213][12708] Port 40805 is available
329
+ [2023-12-29 11:02:15,214][12708] Using port 40805
330
+ [2023-12-29 11:02:15,190][12707] Using port 40500 on host...
331
+ [2023-12-29 11:02:15,234][12708] Using port 40800 on host...
332
+ [2023-12-29 11:02:15,289][12713] Port 41205 is available
333
+ [2023-12-29 11:02:15,306][12713] Using port 41205
334
+ [2023-12-29 11:02:15,306][12717] Port 41705 is available
335
+ [2023-12-29 11:02:15,330][12717] Using port 41705
336
+ [2023-12-29 11:02:15,333][12721] Port 42105 is available
337
+ [2023-12-29 11:02:15,333][12721] Using port 42105
338
+ [2023-12-29 11:02:15,347][12717] Using port 41700 on host...
339
+ [2023-12-29 11:02:15,349][12705] Port 40605 is available
340
+ [2023-12-29 11:02:15,350][12705] Using port 40605
341
+ [2023-12-29 11:02:15,351][12713] Using port 41200 on host...
342
+ [2023-12-29 11:02:15,367][12715] Port 41505 is available
343
+ [2023-12-29 11:02:15,369][12715] Using port 41505
344
+ [2023-12-29 11:02:15,367][12721] Using port 42100 on host...
345
+ [2023-12-29 11:02:15,378][12709] Port 40905 is available
346
+ [2023-12-29 11:02:15,386][12709] Using port 40905
347
+ [2023-12-29 11:02:15,392][12715] Using port 41500 on host...
348
+ [2023-12-29 11:02:15,389][12709] Using port 40900 on host...
349
+ [2023-12-29 11:02:15,434][12705] Using port 40600 on host...
350
+ [2023-12-29 11:02:15,516][12710] Port 41005 is available
351
+ [2023-12-29 11:02:15,516][12710] Using port 41005
352
+ [2023-12-29 11:02:15,579][12703] Port 40305 is available
353
+ [2023-12-29 11:02:15,588][12703] Using port 40305
354
+ [2023-12-29 11:02:15,604][12704] Port 40405 is available
355
+ [2023-12-29 11:02:15,605][12718] Port 41805 is available
356
+ [2023-12-29 11:02:15,605][12718] Using port 41805
357
+ [2023-12-29 11:02:15,609][12710] Using port 41000 on host...
358
+ [2023-12-29 11:02:15,584][12706] Port 40705 is available
359
+ [2023-12-29 11:02:15,612][12706] Using port 40705
360
+ [2023-12-29 11:02:15,612][12716] Port 41605 is available
361
+ [2023-12-29 11:02:15,604][12704] Using port 40405
362
+ [2023-12-29 11:02:15,612][12716] Using port 41605
363
+ [2023-12-29 11:02:15,631][12718] Using port 41800 on host...
364
+ [2023-12-29 11:02:15,632][12704] Using port 40400 on host...
365
+ [2023-12-29 11:02:15,600][12703] Using port 40300 on host...
366
+ [2023-12-29 11:02:15,642][12716] Using port 41600 on host...
367
+ [2023-12-29 11:02:15,670][12706] Using port 40700 on host...
368
+ [2023-12-29 11:02:15,790][12722] Port 42205 is available
369
+ [2023-12-29 11:02:15,790][12722] Using port 42205
370
+ [2023-12-29 11:02:15,806][12714] Port 41405 is available
371
+ [2023-12-29 11:02:15,806][12714] Using port 41405
372
+ [2023-12-29 11:02:15,836][12722] Using port 42200 on host...
373
+ [2023-12-29 11:02:15,856][12714] Using port 41400 on host...
374
+ [2023-12-29 11:02:15,989][12720] Port 42005 is available
375
+ [2023-12-29 11:02:15,990][12720] Using port 42005
376
+ [2023-12-29 11:02:16,015][12720] Using port 42000 on host...
377
+ [2023-12-29 11:02:20,876][12711] Initialized w:8 v:0 player:0
378
+ [2023-12-29 11:02:20,889][12712] Initialized w:10 v:0 player:0
379
+ [2023-12-29 11:02:20,885][12711] Decorrelating experience for 0 frames...
380
+ [2023-12-29 11:02:20,892][12712] Decorrelating experience for 0 frames...
381
+ [2023-12-29 11:02:20,908][12712] Using port 41301 on host...
382
+ [2023-12-29 11:02:20,912][12711] Using port 41101 on host...
383
+ [2023-12-29 11:02:20,915][12719] Initialized w:16 v:0 player:0
384
+ [2023-12-29 11:02:20,929][12719] Decorrelating experience for 0 frames...
385
+ [2023-12-29 11:02:20,947][12719] Using port 41901 on host...
386
+ [2023-12-29 11:02:20,951][12708] Initialized w:5 v:0 player:0
387
+ [2023-12-29 11:02:20,956][12707] Initialized w:2 v:0 player:0
388
+ [2023-12-29 11:02:20,960][12708] Decorrelating experience for 0 frames...
389
+ [2023-12-29 11:02:20,978][12708] Using port 40801 on host...
390
+ [2023-12-29 11:02:20,959][12707] Decorrelating experience for 0 frames...
391
+ [2023-12-29 11:02:20,980][12707] Using port 40501 on host...
392
+ [2023-12-29 11:02:21,028][12713] Initialized w:9 v:0 player:0
393
+ [2023-12-29 11:02:21,036][12713] Decorrelating experience for 0 frames...
394
+ [2023-12-29 11:02:21,037][12705] Initialized w:3 v:0 player:0
395
+ [2023-12-29 11:02:21,050][12713] Using port 41201 on host...
396
+ [2023-12-29 11:02:21,039][12705] Decorrelating experience for 0 frames...
397
+ [2023-12-29 11:02:21,058][12705] Using port 40601 on host...
398
+ [2023-12-29 11:02:21,057][12717] Initialized w:14 v:0 player:0
399
+ [2023-12-29 11:02:21,076][12709] Initialized w:6 v:0 player:0
400
+ [2023-12-29 11:02:21,074][12721] Initialized w:18 v:0 player:0
401
+ [2023-12-29 11:02:21,082][12717] Decorrelating experience for 0 frames...
402
+ [2023-12-29 11:02:21,079][12709] Decorrelating experience for 0 frames...
403
+ [2023-12-29 11:02:21,081][12721] Decorrelating experience for 0 frames...
404
+ [2023-12-29 11:02:21,099][12717] Using port 41701 on host...
405
+ [2023-12-29 11:02:21,106][12715] Initialized w:12 v:0 player:0
406
+ [2023-12-29 11:02:21,101][12709] Using port 40901 on host...
407
+ [2023-12-29 11:02:21,104][12721] Using port 42101 on host...
408
+ [2023-12-29 11:02:21,121][12715] Decorrelating experience for 0 frames...
409
+ [2023-12-29 11:02:21,131][12715] Using port 41501 on host...
410
+ [2023-12-29 11:02:21,209][12710] Initialized w:7 v:0 player:0
411
+ [2023-12-29 11:02:21,210][12718] Initialized w:15 v:0 player:0
412
+ [2023-12-29 11:02:21,214][12704] Initialized w:1 v:0 player:0
413
+ [2023-12-29 11:02:21,216][12718] Decorrelating experience for 0 frames...
414
+ [2023-12-29 11:02:21,218][12710] Decorrelating experience for 0 frames...
415
+ [2023-12-29 11:02:21,221][12704] Decorrelating experience for 0 frames...
416
+ [2023-12-29 11:02:21,228][12718] Using port 41801 on host...
417
+ [2023-12-29 11:02:21,229][12710] Using port 41001 on host...
418
+ [2023-12-29 11:02:21,231][12704] Using port 40401 on host...
419
+ [2023-12-29 11:02:21,244][12716] Initialized w:13 v:0 player:0
420
+ [2023-12-29 11:02:21,248][12716] Decorrelating experience for 0 frames...
421
+ [2023-12-29 11:02:21,260][12716] Using port 41601 on host...
422
+ [2023-12-29 11:02:21,328][12703] Initialized w:0 v:0 player:0
423
+ [2023-12-29 11:02:21,358][12714] Initialized w:11 v:0 player:0
424
+ [2023-12-29 11:02:21,338][12703] Decorrelating experience for 0 frames...
425
+ [2023-12-29 11:02:21,374][12722] Initialized w:19 v:0 player:0
426
+ [2023-12-29 11:02:21,379][12714] Decorrelating experience for 0 frames...
427
+ [2023-12-29 11:02:21,368][12703] Using port 40301 on host...
428
+ [2023-12-29 11:02:21,385][12722] Decorrelating experience for 0 frames...
429
+ [2023-12-29 11:02:21,390][12714] Using port 41401 on host...
430
+ [2023-12-29 11:02:21,392][12722] Using port 42201 on host...
431
+ [2023-12-29 11:02:21,391][12706] Initialized w:4 v:0 player:0
432
+ [2023-12-29 11:02:21,406][12706] Decorrelating experience for 0 frames...
433
+ [2023-12-29 11:02:21,413][12706] Using port 40701 on host...
434
+ [2023-12-29 11:02:21,469][12720] Initialized w:17 v:0 player:0
435
+ [2023-12-29 11:02:21,475][12720] Decorrelating experience for 0 frames...
436
+ [2023-12-29 11:02:21,495][12720] Using port 42001 on host...
437
+ [2023-12-29 11:02:25,196][12711] Initialized w:8 v:1 player:0
438
+ [2023-12-29 11:02:25,199][12711] Decorrelating experience for 32 frames...
439
+ [2023-12-29 11:02:25,224][12712] Initialized w:10 v:1 player:0
440
+ [2023-12-29 11:02:25,226][12712] Decorrelating experience for 32 frames...
441
+ [2023-12-29 11:02:25,271][12719] Initialized w:16 v:1 player:0
442
+ [2023-12-29 11:02:25,288][12719] Decorrelating experience for 32 frames...
443
+ [2023-12-29 11:02:25,336][12707] Initialized w:2 v:1 player:0
444
+ [2023-12-29 11:02:25,339][12707] Decorrelating experience for 32 frames...
445
+ [2023-12-29 11:02:25,378][12708] Initialized w:5 v:1 player:0
446
+ [2023-12-29 11:02:25,387][12708] Decorrelating experience for 32 frames...
447
+ [2023-12-29 11:02:25,417][12705] Initialized w:3 v:1 player:0
448
+ [2023-12-29 11:02:25,423][12713] Initialized w:9 v:1 player:0
449
+ [2023-12-29 11:02:25,426][12713] Decorrelating experience for 32 frames...
450
+ [2023-12-29 11:02:25,422][12705] Decorrelating experience for 32 frames...
451
+ [2023-12-29 11:02:25,430][12717] Initialized w:14 v:1 player:0
452
+ [2023-12-29 11:02:25,436][12721] Initialized w:18 v:1 player:0
453
+ [2023-12-29 11:02:25,433][12717] Decorrelating experience for 32 frames...
454
+ [2023-12-29 11:02:25,457][12709] Initialized w:6 v:1 player:0
455
+ [2023-12-29 11:02:25,449][12721] Decorrelating experience for 32 frames...
456
+ [2023-12-29 11:02:25,467][12715] Initialized w:12 v:1 player:0
457
+ [2023-12-29 11:02:25,478][12709] Decorrelating experience for 32 frames...
458
+ [2023-12-29 11:02:25,471][12715] Decorrelating experience for 32 frames...
459
+ [2023-12-29 11:02:25,597][12704] Initialized w:1 v:1 player:0
460
+ [2023-12-29 11:02:25,605][12718] Initialized w:15 v:1 player:0
461
+ [2023-12-29 11:02:25,610][12710] Initialized w:7 v:1 player:0
462
+ [2023-12-29 11:02:25,604][12704] Decorrelating experience for 32 frames...
463
+ [2023-12-29 11:02:25,624][12716] Initialized w:13 v:1 player:0
464
+ [2023-12-29 11:02:25,616][12718] Decorrelating experience for 32 frames...
465
+ [2023-12-29 11:02:25,633][12716] Decorrelating experience for 32 frames...
466
+ [2023-12-29 11:02:25,621][12710] Decorrelating experience for 32 frames...
467
+ [2023-12-29 11:02:25,821][12714] Initialized w:11 v:1 player:0
468
+ [2023-12-29 11:02:25,824][12703] Initialized w:0 v:1 player:0
469
+ [2023-12-29 11:02:25,833][12714] Decorrelating experience for 32 frames...
470
+ [2023-12-29 11:02:25,826][12703] Decorrelating experience for 32 frames...
471
+ [2023-12-29 11:02:25,865][12722] Initialized w:19 v:1 player:0
472
+ [2023-12-29 11:02:25,873][12706] Initialized w:4 v:1 player:0
473
+ [2023-12-29 11:02:25,881][12722] Decorrelating experience for 32 frames...
474
+ [2023-12-29 11:02:25,878][12706] Decorrelating experience for 32 frames...
475
+ [2023-12-29 11:02:25,949][12711] Using port 41102 on host...
476
+ [2023-12-29 11:02:25,980][12720] Initialized w:17 v:1 player:0
477
+ [2023-12-29 11:02:25,975][12712] Using port 41302 on host...
478
+ [2023-12-29 11:02:25,987][12720] Decorrelating experience for 32 frames...
479
+ [2023-12-29 11:02:26,033][12719] Using port 41902 on host...
480
+ [2023-12-29 11:02:26,131][12708] Using port 40802 on host...
481
+ [2023-12-29 11:02:26,145][12707] Using port 40502 on host...
482
+ [2023-12-29 11:02:26,164][12705] Using port 40602 on host...
483
+ [2023-12-29 11:02:26,225][12713] Using port 41202 on host...
484
+ [2023-12-29 11:02:26,223][12715] Using port 41502 on host...
485
+ [2023-12-29 11:02:26,256][12717] Using port 41702 on host...
486
+ [2023-12-29 11:02:26,259][12721] Using port 42102 on host...
487
+ [2023-12-29 11:02:26,282][12709] Using port 40902 on host...
488
+ [2023-12-29 11:02:26,352][12718] Using port 41802 on host...
489
+ [2023-12-29 11:02:26,375][12716] Using port 41602 on host...
490
+ [2023-12-29 11:02:26,379][12710] Using port 41002 on host...
491
+ [2023-12-29 11:02:26,413][12704] Using port 40402 on host...
492
+ [2023-12-29 11:02:26,511][12703] Using port 40302 on host...
493
+ [2023-12-29 11:02:26,549][12714] Using port 41402 on host...
494
+ [2023-12-29 11:02:26,544][12706] Using port 40702 on host...
495
+ [2023-12-29 11:02:26,573][12722] Using port 42202 on host...
496
+ [2023-12-29 11:02:26,690][12720] Using port 42002 on host...
497
+ [2023-12-29 11:02:30,805][12712] Initialized w:10 v:2 player:0
498
+ [2023-12-29 11:02:30,812][12712] Decorrelating experience for 64 frames...
499
+ [2023-12-29 11:02:30,858][12711] Initialized w:8 v:2 player:0
500
+ [2023-12-29 11:02:30,859][12711] Decorrelating experience for 64 frames...
501
+ [2023-12-29 11:02:30,979][12719] Initialized w:16 v:2 player:0
502
+ [2023-12-29 11:02:31,008][12719] Decorrelating experience for 64 frames...
503
+ [2023-12-29 11:02:31,027][12705] Initialized w:3 v:2 player:0
504
+ [2023-12-29 11:02:31,042][12708] Initialized w:5 v:2 player:0
505
+ [2023-12-29 11:02:31,050][12708] Decorrelating experience for 64 frames...
506
+ [2023-12-29 11:02:31,051][12705] Decorrelating experience for 64 frames...
507
+ [2023-12-29 11:02:31,132][12713] Initialized w:9 v:2 player:0
508
+ [2023-12-29 11:02:31,143][12713] Decorrelating experience for 64 frames...
509
+ [2023-12-29 11:02:31,229][12707] Initialized w:2 v:2 player:0
510
+ [2023-12-29 11:02:31,234][12707] Decorrelating experience for 64 frames...
511
+ [2023-12-29 11:02:31,264][12715] Initialized w:12 v:2 player:0
512
+ [2023-12-29 11:02:31,266][12715] Decorrelating experience for 64 frames...
513
+ [2023-12-29 11:02:31,308][12709] Initialized w:6 v:2 player:0
514
+ [2023-12-29 11:02:31,329][12709] Decorrelating experience for 64 frames...
515
+ [2023-12-29 11:02:31,340][12721] Initialized w:18 v:2 player:0
516
+ [2023-12-29 11:02:31,355][12717] Initialized w:14 v:2 player:0
517
+ [2023-12-29 11:02:31,362][12717] Decorrelating experience for 64 frames...
518
+ [2023-12-29 11:02:31,363][12716] Initialized w:13 v:2 player:0
519
+ [2023-12-29 11:02:31,370][12721] Decorrelating experience for 64 frames...
520
+ [2023-12-29 11:02:31,371][12710] Initialized w:7 v:2 player:0
521
+ [2023-12-29 11:02:31,373][12710] Decorrelating experience for 64 frames...
522
+ [2023-12-29 11:02:31,377][12704] Initialized w:1 v:2 player:0
523
+ [2023-12-29 11:02:31,385][12718] Initialized w:15 v:2 player:0
524
+ [2023-12-29 11:02:31,400][12716] Decorrelating experience for 64 frames...
525
+ [2023-12-29 11:02:31,391][12704] Decorrelating experience for 64 frames...
526
+ [2023-12-29 11:02:31,410][12718] Decorrelating experience for 64 frames...
527
+ [2023-12-29 11:02:31,737][12714] Initialized w:11 v:2 player:0
528
+ [2023-12-29 11:02:31,739][12714] Decorrelating experience for 64 frames...
529
+ [2023-12-29 11:02:31,852][12722] Initialized w:19 v:2 player:0
530
+ [2023-12-29 11:02:31,853][12722] Decorrelating experience for 64 frames...
531
+ [2023-12-29 11:02:31,958][12703] Initialized w:0 v:2 player:0
532
+ [2023-12-29 11:02:31,962][12703] Decorrelating experience for 64 frames...
533
+ [2023-12-29 11:02:32,122][12706] Initialized w:4 v:2 player:0
534
+ [2023-12-29 11:02:32,124][12706] Decorrelating experience for 64 frames...
535
+ [2023-12-29 11:02:32,197][12720] Initialized w:17 v:2 player:0
536
+ [2023-12-29 11:02:32,198][12720] Decorrelating experience for 64 frames...
537
+ [2023-12-29 11:02:33,628][12712] Using port 41303 on host...
538
+ [2023-12-29 11:02:33,651][12711] Using port 41103 on host...
539
+ [2023-12-29 11:02:33,902][12708] Using port 40803 on host...
540
+ [2023-12-29 11:02:33,899][12719] Using port 41903 on host...
541
+ [2023-12-29 11:02:34,049][12707] Using port 40503 on host...
542
+ [2023-12-29 11:02:34,081][12705] Using port 40603 on host...
543
+ [2023-12-29 11:02:34,102][12715] Using port 41503 on host...
544
+ [2023-12-29 11:02:34,182][12721] Using port 42103 on host...
545
+ [2023-12-29 11:02:34,205][12713] Using port 41203 on host...
546
+ [2023-12-29 11:02:34,235][12717] Using port 41703 on host...
547
+ [2023-12-29 11:02:34,215][12709] Using port 40903 on host...
548
+ [2023-12-29 11:02:34,482][12710] Using port 41003 on host...
549
+ [2023-12-29 11:02:34,493][12718] Using port 41803 on host...
550
+ [2023-12-29 11:02:34,572][12716] Using port 41603 on host...
551
+ [2023-12-29 11:02:34,666][12704] Using port 40403 on host...
552
+ [2023-12-29 11:02:34,780][12703] Using port 40303 on host...
553
+ [2023-12-29 11:02:34,860][12706] Using port 40703 on host...
554
+ [2023-12-29 11:02:34,893][12714] Using port 41403 on host...
555
+ [2023-12-29 11:02:35,137][12722] Using port 42203 on host...
556
+ [2023-12-29 11:02:35,239][12720] Using port 42003 on host...
557
+ [2023-12-29 11:02:40,102][12712] Initialized w:10 v:3 player:0
558
+ [2023-12-29 11:02:40,112][12712] Decorrelating experience for 96 frames...
559
+ [2023-12-29 11:02:40,113][12711] Initialized w:8 v:3 player:0
560
+ [2023-12-29 11:02:40,115][12711] Decorrelating experience for 96 frames...
561
+ [2023-12-29 11:02:40,339][12719] Initialized w:16 v:3 player:0
562
+ [2023-12-29 11:02:40,341][12719] Decorrelating experience for 96 frames...
563
+ [2023-12-29 11:02:40,426][12707] Initialized w:2 v:3 player:0
564
+ [2023-12-29 11:02:40,428][12707] Decorrelating experience for 96 frames...
565
+ [2023-12-29 11:02:40,671][12715] Initialized w:12 v:3 player:0
566
+ [2023-12-29 11:02:40,702][12721] Initialized w:18 v:3 player:0
567
+ [2023-12-29 11:02:40,704][12721] Decorrelating experience for 96 frames...
568
+ [2023-12-29 11:02:40,708][12715] Decorrelating experience for 96 frames...
569
+ [2023-12-29 11:02:40,716][12717] Initialized w:14 v:3 player:0
570
+ [2023-12-29 11:02:40,770][12717] Decorrelating experience for 96 frames...
571
+ [2023-12-29 11:02:40,883][12709] Initialized w:6 v:3 player:0
572
+ [2023-12-29 11:02:40,896][12709] Decorrelating experience for 96 frames...
573
+ [2023-12-29 11:02:40,931][12708] Initialized w:5 v:3 player:0
574
+ [2023-12-29 11:02:40,933][12708] Decorrelating experience for 96 frames...
575
+ [2023-12-29 11:02:40,975][12705] Initialized w:3 v:3 player:0
576
+ [2023-12-29 11:02:40,982][12705] Decorrelating experience for 96 frames...
577
+ [2023-12-29 11:02:41,073][12713] Initialized w:9 v:3 player:0
578
+ [2023-12-29 11:02:41,075][12713] Decorrelating experience for 96 frames...
579
+ [2023-12-29 11:02:41,126][12710] Initialized w:7 v:3 player:0
580
+ [2023-12-29 11:02:41,129][12710] Decorrelating experience for 96 frames...
581
+ [2023-12-29 11:02:41,227][12718] Initialized w:15 v:3 player:0
582
+ [2023-12-29 11:02:41,233][12718] Decorrelating experience for 96 frames...
583
+ [2023-12-29 11:02:41,247][12716] Initialized w:13 v:3 player:0
584
+ [2023-12-29 11:02:41,260][12716] Decorrelating experience for 96 frames...
585
+ [2023-12-29 11:02:41,363][12704] Initialized w:1 v:3 player:0
586
+ [2023-12-29 11:02:41,387][12704] Decorrelating experience for 96 frames...
587
+ [2023-12-29 11:02:41,498][12714] Initialized w:11 v:3 player:0
588
+ [2023-12-29 11:02:41,500][12714] Decorrelating experience for 96 frames...
589
+ [2023-12-29 11:02:41,545][12703] Initialized w:0 v:3 player:0
590
+ [2023-12-29 11:02:41,554][12703] Decorrelating experience for 96 frames...
591
+ [2023-12-29 11:02:41,696][12720] Initialized w:17 v:3 player:0
592
+ [2023-12-29 11:02:41,720][12706] Initialized w:4 v:3 player:0
593
+ [2023-12-29 11:02:41,709][12722] Initialized w:19 v:3 player:0
594
+ [2023-12-29 11:02:41,722][12706] Decorrelating experience for 96 frames...
595
+ [2023-12-29 11:02:41,722][12722] Decorrelating experience for 96 frames...
596
+ [2023-12-29 11:02:41,705][12720] Decorrelating experience for 96 frames...
597
+ [2023-12-29 11:02:43,904][12708] Using port 40804 on host...
598
+ [2023-12-29 11:02:44,078][12705] Using port 40604 on host...
599
+ [2023-12-29 11:02:44,211][12713] Using port 41204 on host...
600
+ [2023-12-29 11:02:44,218][12710] Using port 41004 on host...
601
+ [2023-12-29 11:02:44,340][12711] Using port 41104 on host...
602
+ [2023-12-29 11:02:44,347][12718] Using port 41804 on host...
603
+ [2023-12-29 11:02:44,416][12716] Using port 41604 on host...
604
+ [2023-12-29 11:02:44,499][12704] Using port 40404 on host...
605
+ [2023-12-29 11:02:44,566][12712] Using port 41304 on host...
606
+ [2023-12-29 11:02:44,602][12707] Using port 40504 on host...
607
+ [2023-12-29 11:02:44,611][12714] Using port 41404 on host...
608
+ [2023-12-29 11:02:44,661][12719] Using port 41904 on host...
609
+ [2023-12-29 11:02:44,718][12715] Using port 41504 on host...
610
+ [2023-12-29 11:02:44,791][12721] Using port 42104 on host...
611
+ [2023-12-29 11:02:44,828][12709] Using port 40904 on host...
612
+ [2023-12-29 11:02:44,837][12717] Using port 41704 on host...
613
+ [2023-12-29 11:02:44,936][12720] Using port 42004 on host...
614
+ [2023-12-29 11:02:45,136][12722] Using port 42204 on host...
615
+ [2023-12-29 11:02:45,171][12703] Using port 40304 on host...
616
+ [2023-12-29 11:02:45,380][12706] Using port 40704 on host...
617
+ [2023-12-29 11:02:50,577][12711] Initialized w:8 v:4 player:0
618
+ [2023-12-29 11:02:50,579][12711] Decorrelating experience for 128 frames...
619
+ [2023-12-29 11:02:50,671][12712] Initialized w:10 v:4 player:0
620
+ [2023-12-29 11:02:50,673][12712] Decorrelating experience for 128 frames...
621
+ [2023-12-29 11:02:50,696][12707] Initialized w:2 v:4 player:0
622
+ [2023-12-29 11:02:50,700][12715] Initialized w:12 v:4 player:0
623
+ [2023-12-29 11:02:50,702][12715] Decorrelating experience for 128 frames...
624
+ [2023-12-29 11:02:50,708][12707] Decorrelating experience for 128 frames...
625
+ [2023-12-29 11:02:50,717][12719] Initialized w:16 v:4 player:0
626
+ [2023-12-29 11:02:50,719][12719] Decorrelating experience for 128 frames...
627
+ [2023-12-29 11:02:50,808][12721] Initialized w:18 v:4 player:0
628
+ [2023-12-29 11:02:50,810][12721] Decorrelating experience for 128 frames...
629
+ [2023-12-29 11:02:50,831][12709] Initialized w:6 v:4 player:0
630
+ [2023-12-29 11:02:50,833][12709] Decorrelating experience for 128 frames...
631
+ [2023-12-29 11:02:50,874][12708] Initialized w:5 v:4 player:0
632
+ [2023-12-29 11:02:50,887][12717] Initialized w:14 v:4 player:0
633
+ [2023-12-29 11:02:50,889][12717] Decorrelating experience for 128 frames...
634
+ [2023-12-29 11:02:50,879][12708] Decorrelating experience for 128 frames...
635
+ [2023-12-29 11:02:50,927][12705] Initialized w:3 v:4 player:0
636
+ [2023-12-29 11:02:50,930][12705] Decorrelating experience for 128 frames...
637
+ [2023-12-29 11:02:50,967][12713] Initialized w:9 v:4 player:0
638
+ [2023-12-29 11:02:50,969][12713] Decorrelating experience for 128 frames...
639
+ [2023-12-29 11:02:51,035][12710] Initialized w:7 v:4 player:0
640
+ [2023-12-29 11:02:51,039][12710] Decorrelating experience for 128 frames...
641
+ [2023-12-29 11:02:51,133][12716] Initialized w:13 v:4 player:0
642
+ [2023-12-29 11:02:51,151][12718] Initialized w:15 v:4 player:0
643
+ [2023-12-29 11:02:51,140][12716] Decorrelating experience for 128 frames...
644
+ [2023-12-29 11:02:51,160][12704] Initialized w:1 v:4 player:0
645
+ [2023-12-29 11:02:51,154][12718] Decorrelating experience for 128 frames...
646
+ [2023-12-29 11:02:51,165][12704] Decorrelating experience for 128 frames...
647
+ [2023-12-29 11:02:51,304][12714] Initialized w:11 v:4 player:0
648
+ [2023-12-29 11:02:51,324][12714] Decorrelating experience for 128 frames...
649
+ [2023-12-29 11:02:51,359][12703] Initialized w:0 v:4 player:0
650
+ [2023-12-29 11:02:51,361][12703] Decorrelating experience for 128 frames...
651
+ [2023-12-29 11:02:51,491][12706] Initialized w:4 v:4 player:0
652
+ [2023-12-29 11:02:51,509][12706] Decorrelating experience for 128 frames...
653
+ [2023-12-29 11:02:51,585][12720] Initialized w:17 v:4 player:0
654
+ [2023-12-29 11:02:51,590][12720] Decorrelating experience for 128 frames...
655
+ [2023-12-29 11:02:51,728][12722] Initialized w:19 v:4 player:0
656
+ [2023-12-29 11:02:51,731][12722] Decorrelating experience for 128 frames...
657
+ [2023-12-29 11:02:53,635][12711] Using port 41105 on host...
658
+ [2023-12-29 11:02:53,794][12708] Using port 40805 on host...
659
+ [2023-12-29 11:02:53,816][12712] Using port 41305 on host...
660
+ [2023-12-29 11:02:53,879][12707] Using port 40505 on host...
661
+ [2023-12-29 11:02:53,920][12705] Using port 40605 on host...
662
+ [2023-12-29 11:02:54,000][12709] Using port 40905 on host...
663
+ [2023-12-29 11:02:54,002][12717] Using port 41705 on host...
664
+ [2023-12-29 11:02:54,016][12715] Using port 41505 on host...
665
+ [2023-12-29 11:02:54,057][12721] Using port 42105 on host...
666
+ [2023-12-29 11:02:54,158][12713] Using port 41205 on host...
667
+ [2023-12-29 11:02:54,188][12719] Using port 41905 on host...
668
+ [2023-12-29 11:02:54,179][12710] Using port 41005 on host...
669
+ [2023-12-29 11:02:54,291][12704] Using port 40405 on host...
670
+ [2023-12-29 11:02:54,360][12718] Using port 41805 on host...
671
+ [2023-12-29 11:02:54,366][12714] Using port 41405 on host...
672
+ [2023-12-29 11:02:54,385][12703] Using port 40305 on host...
673
+ [2023-12-29 11:02:54,480][12706] Using port 40705 on host...
674
+ [2023-12-29 11:02:54,488][12716] Using port 41605 on host...
675
+ [2023-12-29 11:02:54,553][12720] Using port 42005 on host...
676
+ [2023-12-29 11:02:54,821][12722] Using port 42205 on host...
677
+ [2023-12-29 11:02:58,148][12711] Initialized w:8 v:5 player:0
678
+ [2023-12-29 11:02:58,150][12711] Decorrelating experience for 160 frames...
679
+ [2023-12-29 11:02:58,269][12712] Initialized w:10 v:5 player:0
680
+ [2023-12-29 11:02:58,271][12712] Decorrelating experience for 160 frames...
681
+ [2023-12-29 11:02:58,340][12707] Initialized w:2 v:5 player:0
682
+ [2023-12-29 11:02:58,342][12707] Decorrelating experience for 160 frames...
683
+ [2023-12-29 11:02:58,369][12708] Initialized w:5 v:5 player:0
684
+ [2023-12-29 11:02:58,376][12708] Decorrelating experience for 160 frames...
685
+ [2023-12-29 11:02:58,429][12717] Initialized w:14 v:5 player:0
686
+ [2023-12-29 11:02:58,434][12709] Initialized w:6 v:5 player:0
687
+ [2023-12-29 11:02:58,439][12721] Initialized w:18 v:5 player:0
688
+ [2023-12-29 11:02:58,444][12717] Decorrelating experience for 160 frames...
689
+ [2023-12-29 11:02:58,445][12709] Decorrelating experience for 160 frames...
690
+ [2023-12-29 11:02:58,460][12721] Decorrelating experience for 160 frames...
691
+ [2023-12-29 11:02:58,477][12715] Initialized w:12 v:5 player:0
692
+ [2023-12-29 11:02:58,488][12715] Decorrelating experience for 160 frames...
693
+ [2023-12-29 11:02:58,532][12705] Initialized w:3 v:5 player:0
694
+ [2023-12-29 11:02:58,537][12705] Decorrelating experience for 160 frames...
695
+ [2023-12-29 11:02:58,599][12713] Initialized w:9 v:5 player:0
696
+ [2023-12-29 11:02:58,610][12713] Decorrelating experience for 160 frames...
697
+ [2023-12-29 11:02:58,632][12710] Initialized w:7 v:5 player:0
698
+ [2023-12-29 11:02:58,636][12710] Decorrelating experience for 160 frames...
699
+ [2023-12-29 11:02:58,711][12719] Initialized w:16 v:5 player:0
700
+ [2023-12-29 11:02:58,718][12719] Decorrelating experience for 160 frames...
701
+ [2023-12-29 11:02:58,731][12704] Initialized w:1 v:5 player:0
702
+ [2023-12-29 11:02:58,735][12704] Decorrelating experience for 160 frames...
703
+ [2023-12-29 11:02:58,808][12714] Initialized w:11 v:5 player:0
704
+ [2023-12-29 11:02:58,810][12714] Decorrelating experience for 160 frames...
705
+ [2023-12-29 11:02:58,838][12718] Initialized w:15 v:5 player:0
706
+ [2023-12-29 11:02:58,853][12718] Decorrelating experience for 160 frames...
707
+ [2023-12-29 11:02:58,911][12703] Initialized w:0 v:5 player:0
708
+ [2023-12-29 11:02:58,932][12703] Decorrelating experience for 160 frames...
709
+ [2023-12-29 11:02:58,945][12716] Initialized w:13 v:5 player:0
710
+ [2023-12-29 11:02:58,965][12716] Decorrelating experience for 160 frames...
711
+ [2023-12-29 11:02:58,986][12706] Initialized w:4 v:5 player:0
712
+ [2023-12-29 11:02:58,988][12706] Decorrelating experience for 160 frames...
713
+ [2023-12-29 11:02:59,035][12720] Initialized w:17 v:5 player:0
714
+ [2023-12-29 11:02:59,038][12720] Decorrelating experience for 160 frames...
715
+ [2023-12-29 11:02:59,340][12722] Initialized w:19 v:5 player:0
716
+ [2023-12-29 11:02:59,347][12722] Decorrelating experience for 160 frames...
717
+ [2023-12-29 11:03:03,040][12711] Port 41106 is available
718
+ [2023-12-29 11:03:03,040][12711] Using port 41106
719
+ [2023-12-29 11:03:03,384][12712] Port 41306 is available
720
+ [2023-12-29 11:03:03,398][12712] Using port 41306
721
+ [2023-12-29 11:03:03,461][12707] Port 40506 is available
722
+ [2023-12-29 11:03:03,461][12707] Using port 40506
723
+ [2023-12-29 11:03:03,602][12721] Port 42106 is available
724
+ [2023-12-29 11:03:03,602][12721] Using port 42106
725
+ [2023-12-29 11:03:03,738][12711] Port 41107 is available
726
+ [2023-12-29 11:03:03,756][12711] Using port 41107
727
+ [2023-12-29 11:03:03,903][12717] Port 41706 is available
728
+ [2023-12-29 11:03:03,903][12717] Using port 41706
729
+ [2023-12-29 11:03:03,966][12712] Port 41307 is available
730
+ [2023-12-29 11:03:03,966][12712] Using port 41307
731
+ [2023-12-29 11:03:04,048][12715] Port 41506 is available
732
+ [2023-12-29 11:03:04,048][12715] Using port 41506
733
+ [2023-12-29 11:03:04,037][12707] Port 40507 is available
734
+ [2023-12-29 11:03:04,049][12707] Using port 40507
735
+ [2023-12-29 11:03:04,079][12719] Port 41906 is available
736
+ [2023-12-29 11:03:04,079][12719] Using port 41906
737
+ [2023-12-29 11:03:04,132][12721] Port 42107 is available
738
+ [2023-12-29 11:03:04,132][12721] Using port 42107
739
+ [2023-12-29 11:03:04,173][12709] Port 40906 is available
740
+ [2023-12-29 11:03:04,174][12709] Using port 40906
741
+ [2023-12-29 11:03:04,231][12703] Port 40306 is available
742
+ [2023-12-29 11:03:04,235][12703] Using port 40306
743
+ [2023-12-29 11:03:04,237][12711] Port 41108 is available
744
+ [2023-12-29 11:03:04,237][12711] Using port 41108
745
+ [2023-12-29 11:03:04,274][12705] Port 40606 is available
746
+ [2023-12-29 11:03:04,277][12705] Using port 40606
747
+ [2023-12-29 11:03:04,317][12708] Port 40806 is available
748
+ [2023-12-29 11:03:04,318][12708] Using port 40806
749
+ [2023-12-29 11:03:04,360][12706] Port 40706 is available
750
+ [2023-12-29 11:03:04,360][12706] Using port 40706
751
+ [2023-12-29 11:03:04,446][12710] Port 41006 is available
752
+ [2023-12-29 11:03:04,446][12710] Using port 41006
753
+ [2023-12-29 11:03:04,431][12704] Port 40406 is available
754
+ [2023-12-29 11:03:04,463][12704] Using port 40406
755
+ [2023-12-29 11:03:04,465][12714] Port 41406 is available
756
+ [2023-12-29 11:03:04,458][12713] Port 41206 is available
757
+ [2023-12-29 11:03:04,475][12714] Using port 41406
758
+ [2023-12-29 11:03:04,480][12713] Using port 41206
759
+ [2023-12-29 11:03:04,483][12717] Port 41707 is available
760
+ [2023-12-29 11:03:04,494][12717] Using port 41707
761
+ [2023-12-29 11:03:04,512][12712] Port 41308 is available
762
+ [2023-12-29 11:03:04,512][12712] Using port 41308
763
+ [2023-12-29 11:03:04,597][12720] Port 42006 is available
764
+ [2023-12-29 11:03:04,597][12720] Using port 42006
765
+ [2023-12-29 11:03:04,611][12715] Port 41507 is available
766
+ [2023-12-29 11:03:04,590][12716] Port 41606 is available
767
+ [2023-12-29 11:03:04,613][12716] Using port 41606
768
+ [2023-12-29 11:03:04,617][12707] Port 40508 is available
769
+ [2023-12-29 11:03:04,618][12707] Using port 40508
770
+ [2023-12-29 11:03:04,638][12718] Port 41806 is available
771
+ [2023-12-29 11:03:04,639][12718] Using port 41806
772
+ [2023-12-29 11:03:04,611][12715] Using port 41507
773
+ [2023-12-29 11:03:04,728][12719] Port 41907 is available
774
+ [2023-12-29 11:03:04,728][12719] Using port 41907
775
+ [2023-12-29 11:03:04,733][12721] Port 42108 is available
776
+ [2023-12-29 11:03:04,734][12721] Using port 42108
777
+ [2023-12-29 11:03:04,808][12705] Port 40607 is available
778
+ [2023-12-29 11:03:04,816][12705] Using port 40607
779
+ [2023-12-29 11:03:04,851][12709] Port 40907 is available
780
+ [2023-12-29 11:03:04,859][12709] Using port 40907
781
+ [2023-12-29 11:03:04,836][12708] Port 40807 is available
782
+ [2023-12-29 11:03:04,862][12708] Using port 40807
783
+ [2023-12-29 11:03:04,929][12711] Port 41109 is available
784
+ [2023-12-29 11:03:04,929][12711] Using port 41109
785
+ [2023-12-29 11:03:04,948][12722] Port 42206 is available
786
+ [2023-12-29 11:03:04,970][12722] Using port 42206
787
+ [2023-12-29 11:03:05,011][12703] Port 40307 is available
788
+ [2023-12-29 11:03:05,011][12703] Using port 40307
789
+ [2023-12-29 11:03:05,010][12704] Port 40407 is available
790
+ [2023-12-29 11:03:05,039][12704] Using port 40407
791
+ [2023-12-29 11:03:05,023][12710] Port 41007 is available
792
+ [2023-12-29 11:03:05,050][12710] Using port 41007
793
+ [2023-12-29 11:03:05,057][12706] Port 40707 is available
794
+ [2023-12-29 11:03:05,079][12706] Using port 40707
795
+ [2023-12-29 11:03:05,064][12714] Port 41407 is available
796
+ [2023-12-29 11:03:05,110][12714] Using port 41407
797
+ [2023-12-29 11:03:05,126][12717] Port 41708 is available
798
+ [2023-12-29 11:03:05,126][12717] Using port 41708
799
+ [2023-12-29 11:03:05,141][12712] Port 41309 is available
800
+ [2023-12-29 11:03:05,141][12712] Using port 41309
801
+ [2023-12-29 11:03:05,216][12720] Port 42007 is available
802
+ [2023-12-29 11:03:05,216][12720] Using port 42007
803
+ [2023-12-29 11:03:05,235][12707] Port 40509 is available
804
+ [2023-12-29 11:03:05,235][12707] Using port 40509
805
+ [2023-12-29 11:03:05,254][12716] Port 41607 is available
806
+ [2023-12-29 11:03:05,254][12716] Using port 41607
807
+ [2023-12-29 11:03:05,256][12715] Port 41508 is available
808
+ [2023-12-29 11:03:05,259][12715] Using port 41508
809
+ [2023-12-29 11:03:05,274][12718] Port 41807 is available
810
+ [2023-12-29 11:03:05,307][12719] Port 41908 is available
811
+ [2023-12-29 11:03:05,308][12719] Using port 41908
812
+ [2023-12-29 11:03:05,311][12721] Port 42109 is available
813
+ [2023-12-29 11:03:05,274][12718] Using port 41807
814
+ [2023-12-29 11:03:05,311][12721] Using port 42109
815
+ [2023-12-29 11:03:05,390][12709] Port 40908 is available
816
+ [2023-12-29 11:03:05,403][12709] Using port 40908
817
+ [2023-12-29 11:03:05,479][12711] Port 41110 is available
818
+ [2023-12-29 11:03:05,489][12711] Using port 41110
819
+ [2023-12-29 11:03:05,523][12703] Port 40308 is available
820
+ [2023-12-29 11:03:05,525][12703] Using port 40308
821
+ [2023-12-29 11:03:05,582][12706] Port 40708 is available
822
+ [2023-12-29 11:03:05,589][12706] Using port 40708
823
+ [2023-12-29 11:03:05,618][12717] Port 41709 is available
824
+ [2023-12-29 11:03:05,677][12717] Using port 41709
825
+ [2023-12-29 11:03:05,735][12712] Port 41310 is available
826
+ [2023-12-29 11:03:05,735][12712] Using port 41310
827
+ [2023-12-29 11:03:05,717][12705] Port 40608 is available
828
+ [2023-12-29 11:03:05,741][12705] Using port 40608
829
+ [2023-12-29 11:03:05,765][12708] Port 40808 is available
830
+ [2023-12-29 11:03:05,765][12708] Using port 40808
831
+ [2023-12-29 11:03:05,827][12722] Port 42207 is available
832
+ [2023-12-29 11:03:05,827][12722] Using port 42207
833
+ [2023-12-29 11:03:05,837][12707] Port 40510 is available
834
+ [2023-12-29 11:03:05,859][12707] Using port 40510
835
+ [2023-12-29 11:03:05,842][12715] Port 41509 is available
836
+ [2023-12-29 11:03:05,866][12715] Using port 41509
837
+ [2023-12-29 11:03:05,926][12704] Port 40408 is available
838
+ [2023-12-29 11:03:05,928][12719] Port 41909 is available
839
+ [2023-12-29 11:03:05,928][12719] Using port 41909
840
+ [2023-12-29 11:03:05,953][12721] Port 42110 is available
841
+ [2023-12-29 11:03:05,954][12721] Using port 42110
842
+ [2023-12-29 11:03:05,956][12710] Port 41008 is available
843
+ [2023-12-29 11:03:05,956][12710] Using port 41008
844
+ [2023-12-29 11:03:05,926][12704] Using port 40408
845
+ [2023-12-29 11:03:05,987][12714] Port 41408 is available
846
+ [2023-12-29 11:03:06,032][12714] Using port 41408
847
+ [2023-12-29 11:03:06,049][12709] Port 40909 is available
848
+ [2023-12-29 11:03:06,049][12709] Using port 40909
849
+ [2023-12-29 11:03:06,056][12713] Port 41207 is available
850
+ [2023-12-29 11:03:06,057][12713] Using port 41207
851
+ [2023-12-29 11:03:06,063][12720] Port 42008 is available
852
+ [2023-12-29 11:03:06,131][12720] Using port 42008
853
+ [2023-12-29 11:03:06,162][12711] Port 41111 is available
854
+ [2023-12-29 11:03:06,163][12711] Using port 41111
855
+ [2023-12-29 11:03:06,163][12718] Port 41808 is available
856
+ [2023-12-29 11:03:06,168][12716] Port 41608 is available
857
+ [2023-12-29 11:03:06,212][12718] Using port 41808
858
+ [2023-12-29 11:03:06,194][12711] Using port 41106 on host...
859
+ [2023-12-29 11:03:06,168][12716] Using port 41608
860
+ [2023-12-29 11:03:06,201][12703] Port 40309 is available
861
+ [2023-12-29 11:03:06,223][12703] Using port 40309
862
+ [2023-12-29 11:03:06,298][12706] Port 40709 is available
863
+ [2023-12-29 11:03:06,299][12706] Using port 40709
864
+ [2023-12-29 11:03:06,323][12717] Port 41710 is available
865
+ [2023-12-29 11:03:06,374][12717] Using port 41710
866
+ [2023-12-29 11:03:06,391][12712] Port 41311 is available
867
+ [2023-12-29 11:03:06,425][12712] Using port 41311
868
+ [2023-12-29 11:03:06,466][12712] Using port 41306 on host...
869
+ [2023-12-29 11:03:06,558][12707] Port 40511 is available
870
+ [2023-12-29 11:03:06,558][12707] Using port 40511
871
+ [2023-12-29 11:03:06,539][12715] Port 41510 is available
872
+ [2023-12-29 11:03:06,578][12715] Using port 41510
873
+ [2023-12-29 11:03:06,608][12707] Using port 40506 on host...
874
+ [2023-12-29 11:03:06,609][12705] Port 40609 is available
875
+ [2023-12-29 11:03:06,609][12705] Using port 40609
876
+ [2023-12-29 11:03:06,585][12708] Port 40809 is available
877
+ [2023-12-29 11:03:06,629][12708] Using port 40809
878
+ [2023-12-29 11:03:06,667][12722] Port 42208 is available
879
+ [2023-12-29 11:03:06,688][12722] Using port 42208
880
+ [2023-12-29 11:03:06,680][12719] Port 41910 is available
881
+ [2023-12-29 11:03:06,697][12719] Using port 41910
882
+ [2023-12-29 11:03:06,699][12721] Port 42111 is available
883
+ [2023-12-29 11:03:06,699][12721] Using port 42111
884
+ [2023-12-29 11:03:06,738][12721] Using port 42106 on host...
885
+ [2023-12-29 11:03:06,762][12709] Port 40910 is available
886
+ [2023-12-29 11:03:06,782][12710] Port 41009 is available
887
+ [2023-12-29 11:03:06,782][12710] Using port 41009
888
+ [2023-12-29 11:03:06,762][12709] Using port 40910
889
+ [2023-12-29 11:03:06,809][12704] Port 40409 is available
890
+ [2023-12-29 11:03:06,851][12714] Port 41409 is available
891
+ [2023-12-29 11:03:06,809][12704] Using port 40409
892
+ [2023-12-29 11:03:06,851][12714] Using port 41409
893
+ [2023-12-29 11:03:06,899][12713] Port 41208 is available
894
+ [2023-12-29 11:03:06,901][12703] Port 40310 is available
895
+ [2023-12-29 11:03:06,930][12703] Using port 40310
896
+ [2023-12-29 11:03:06,899][12713] Using port 41208
897
+ [2023-12-29 11:03:06,968][12720] Port 42009 is available
898
+ [2023-12-29 11:03:06,969][12720] Using port 42009
899
+ [2023-12-29 11:03:07,010][12706] Port 40710 is available
900
+ [2023-12-29 11:03:07,035][12716] Port 41609 is available
901
+ [2023-12-29 11:03:07,036][12716] Using port 41609
902
+ [2023-12-29 11:03:07,035][12706] Using port 40710
903
+ [2023-12-29 11:03:07,050][12718] Port 41809 is available
904
+ [2023-12-29 11:03:07,050][12718] Using port 41809
905
+ [2023-12-29 11:03:07,024][12717] Port 41711 is available
906
+ [2023-12-29 11:03:07,068][12717] Using port 41711
907
+ [2023-12-29 11:03:07,101][12717] Using port 41706 on host...
908
+ [2023-12-29 11:03:07,249][12715] Port 41511 is available
909
+ [2023-12-29 11:03:07,287][12705] Port 40610 is available
910
+ [2023-12-29 11:03:07,287][12705] Using port 40610
911
+ [2023-12-29 11:03:07,249][12715] Using port 41511
912
+ [2023-12-29 11:03:07,332][12715] Using port 41506 on host...
913
+ [2023-12-29 11:03:07,361][12708] Port 40810 is available
914
+ [2023-12-29 11:03:07,361][12708] Using port 40810
915
+ [2023-12-29 11:03:07,383][12719] Port 41911 is available
916
+ [2023-12-29 11:03:07,428][12719] Using port 41911
917
+ [2023-12-29 11:03:07,449][12722] Port 42209 is available
918
+ [2023-12-29 11:03:07,472][12719] Using port 41906 on host...
919
+ [2023-12-29 11:03:07,450][12722] Using port 42209
920
+ [2023-12-29 11:03:07,500][12709] Port 40911 is available
921
+ [2023-12-29 11:03:07,542][12709] Using port 40911
922
+ [2023-12-29 11:03:07,583][12709] Using port 40906 on host...
923
+ [2023-12-29 11:03:07,597][12710] Port 41010 is available
924
+ [2023-12-29 11:03:07,597][12710] Using port 41010
925
+ [2023-12-29 11:03:07,598][12704] Port 40410 is available
926
+ [2023-12-29 11:03:07,599][12704] Using port 40410
927
+ [2023-12-29 11:03:07,611][12714] Port 41410 is available
928
+ [2023-12-29 11:03:07,612][12714] Using port 41410
929
+ [2023-12-29 11:03:07,658][12713] Port 41209 is available
930
+ [2023-12-29 11:03:07,658][12713] Using port 41209
931
+ [2023-12-29 11:03:07,646][12703] Port 40311 is available
932
+ [2023-12-29 11:03:07,682][12703] Using port 40311
933
+ [2023-12-29 11:03:07,721][12703] Using port 40306 on host...
934
+ [2023-12-29 11:03:07,722][12720] Port 42010 is available
935
+ [2023-12-29 11:03:07,722][12720] Using port 42010
936
+ [2023-12-29 11:03:07,761][12706] Port 40711 is available
937
+ [2023-12-29 11:03:07,761][12706] Using port 40711
938
+ [2023-12-29 11:03:07,789][12718] Port 41810 is available
939
+ [2023-12-29 11:03:07,789][12718] Using port 41810
940
+ [2023-12-29 11:03:07,808][12706] Using port 40706 on host...
941
+ [2023-12-29 11:03:07,813][12716] Port 41610 is available
942
+ [2023-12-29 11:03:07,854][12716] Using port 41610
943
+ [2023-12-29 11:03:08,129][12705] Port 40611 is available
944
+ [2023-12-29 11:03:08,129][12705] Using port 40611
945
+ [2023-12-29 11:03:08,181][12708] Port 40811 is available
946
+ [2023-12-29 11:03:08,181][12708] Using port 40811
947
+ [2023-12-29 11:03:08,216][12705] Using port 40606 on host...
948
+ [2023-12-29 11:03:08,222][12708] Using port 40806 on host...
949
+ [2023-12-29 11:03:08,239][12722] Port 42210 is available
950
+ [2023-12-29 11:03:08,239][12722] Using port 42210
951
+ [2023-12-29 11:03:08,368][12710] Port 41011 is available
952
+ [2023-12-29 11:03:08,368][12710] Using port 41011
953
+ [2023-12-29 11:03:08,377][12704] Port 40411 is available
954
+ [2023-12-29 11:03:08,377][12704] Using port 40411
955
+ [2023-12-29 11:03:08,395][12714] Port 41411 is available
956
+ [2023-12-29 11:03:08,415][12714] Using port 41411
957
+ [2023-12-29 11:03:08,408][12704] Using port 40406 on host...
958
+ [2023-12-29 11:03:08,412][12710] Using port 41006 on host...
959
+ [2023-12-29 11:03:08,429][12713] Port 41210 is available
960
+ [2023-12-29 11:03:08,430][12713] Using port 41210
961
+ [2023-12-29 11:03:08,436][12720] Port 42011 is available
962
+ [2023-12-29 11:03:08,437][12714] Using port 41406 on host...
963
+ [2023-12-29 11:03:08,452][12720] Using port 42011
964
+ [2023-12-29 11:03:08,484][12720] Using port 42006 on host...
965
+ [2023-12-29 11:03:08,499][12716] Port 41611 is available
966
+ [2023-12-29 11:03:08,500][12716] Using port 41611
967
+ [2023-12-29 11:03:08,529][12718] Port 41811 is available
968
+ [2023-12-29 11:03:08,530][12718] Using port 41811
969
+ [2023-12-29 11:03:08,557][12718] Using port 41806 on host...
970
+ [2023-12-29 11:03:08,562][12716] Using port 41606 on host...
971
+ [2023-12-29 11:03:08,890][12722] Port 42211 is available
972
+ [2023-12-29 11:03:08,890][12722] Using port 42211
973
+ [2023-12-29 11:03:08,925][12722] Using port 42206 on host...
974
+ [2023-12-29 11:03:09,048][12713] Port 41211 is available
975
+ [2023-12-29 11:03:09,081][12713] Using port 41211
976
+ [2023-12-29 11:03:09,104][12713] Using port 41206 on host...
977
+ [2023-12-29 11:03:12,375][12711] Initialized w:8 v:6 player:0
978
+ [2023-12-29 11:03:12,386][12711] Decorrelating experience for 192 frames...
979
+ [2023-12-29 11:03:12,529][12712] Initialized w:10 v:6 player:0
980
+ [2023-12-29 11:03:12,556][12712] Decorrelating experience for 192 frames...
981
+ [2023-12-29 11:03:12,698][12707] Initialized w:2 v:6 player:0
982
+ [2023-12-29 11:03:12,707][12707] Decorrelating experience for 192 frames...
983
+ [2023-12-29 11:03:12,769][12721] Initialized w:18 v:6 player:0
984
+ [2023-12-29 11:03:12,773][12721] Decorrelating experience for 192 frames...
985
+ [2023-12-29 11:03:13,047][12717] Initialized w:14 v:6 player:0
986
+ [2023-12-29 11:03:13,057][12717] Decorrelating experience for 192 frames...
987
+ [2023-12-29 11:03:13,205][12715] Initialized w:12 v:6 player:0
988
+ [2023-12-29 11:03:13,218][12715] Decorrelating experience for 192 frames...
989
+ [2023-12-29 11:03:13,327][12719] Initialized w:16 v:6 player:0
990
+ [2023-12-29 11:03:13,329][12719] Decorrelating experience for 192 frames...
991
+ [2023-12-29 11:03:13,510][12709] Initialized w:6 v:6 player:0
992
+ [2023-12-29 11:03:13,514][12709] Decorrelating experience for 192 frames...
993
+ [2023-12-29 11:03:13,653][12703] Initialized w:0 v:6 player:0
994
+ [2023-12-29 11:03:13,655][12703] Decorrelating experience for 192 frames...
995
+ [2023-12-29 11:03:14,022][12706] Initialized w:4 v:6 player:0
996
+ [2023-12-29 11:03:14,023][12706] Decorrelating experience for 192 frames...
997
+ [2023-12-29 11:03:15,526][12705] Initialized w:3 v:6 player:0
998
+ [2023-12-29 11:03:15,538][12708] Initialized w:5 v:6 player:0
999
+ [2023-12-29 11:03:15,528][12705] Decorrelating experience for 192 frames...
1000
+ [2023-12-29 11:03:15,540][12708] Decorrelating experience for 192 frames...
1001
+ [2023-12-29 11:03:15,625][12704] Initialized w:1 v:6 player:0
1002
+ [2023-12-29 11:03:15,645][12714] Initialized w:11 v:6 player:0
1003
+ [2023-12-29 11:03:15,650][12714] Decorrelating experience for 192 frames...
1004
+ [2023-12-29 11:03:15,636][12704] Decorrelating experience for 192 frames...
1005
+ [2023-12-29 11:03:15,668][12710] Initialized w:7 v:6 player:0
1006
+ [2023-12-29 11:03:15,674][12710] Decorrelating experience for 192 frames...
1007
+ [2023-12-29 11:03:15,707][12720] Initialized w:17 v:6 player:0
1008
+ [2023-12-29 11:03:15,725][12720] Decorrelating experience for 192 frames...
1009
+ [2023-12-29 11:03:15,778][12718] Initialized w:15 v:6 player:0
1010
+ [2023-12-29 11:03:15,787][12718] Decorrelating experience for 192 frames...
1011
+ [2023-12-29 11:03:15,817][12716] Initialized w:13 v:6 player:0
1012
+ [2023-12-29 11:03:15,826][12716] Decorrelating experience for 192 frames...
1013
+ [2023-12-29 11:03:16,231][12722] Initialized w:19 v:6 player:0
1014
+ [2023-12-29 11:03:16,246][12722] Decorrelating experience for 192 frames...
1015
+ [2023-12-29 11:03:16,459][12713] Initialized w:9 v:6 player:0
1016
+ [2023-12-29 11:03:16,462][12713] Decorrelating experience for 192 frames...
1017
+ [2023-12-29 11:03:19,746][12711] Using port 41107 on host...
1018
+ [2023-12-29 11:03:20,157][12707] Using port 40507 on host...
1019
+ [2023-12-29 11:03:20,204][12712] Using port 41307 on host...
1020
+ [2023-12-29 11:03:20,351][12721] Using port 42107 on host...
1021
+ [2023-12-29 11:03:20,649][12715] Using port 41507 on host...
1022
+ [2023-12-29 11:03:20,676][12717] Using port 41707 on host...
1023
+ [2023-12-29 11:03:20,953][12719] Using port 41907 on host...
1024
+ [2023-12-29 11:03:20,973][12709] Using port 40907 on host...
1025
+ [2023-12-29 11:03:21,153][12703] Using port 40307 on host...
1026
+ [2023-12-29 11:03:21,263][12706] Using port 40707 on host...
1027
+ [2023-12-29 11:03:22,318][12708] Using port 40807 on host...
1028
+ [2023-12-29 11:03:22,368][12714] Using port 41407 on host...
1029
+ [2023-12-29 11:03:22,430][12705] Using port 40607 on host...
1030
+ [2023-12-29 11:03:22,450][12710] Using port 41007 on host...
1031
+ [2023-12-29 11:03:22,557][12720] Using port 42007 on host...
1032
+ [2023-12-29 11:03:22,569][12704] Using port 40407 on host...
1033
+ [2023-12-29 11:03:22,948][12716] Using port 41607 on host...
1034
+ [2023-12-29 11:03:23,065][12718] Using port 41807 on host...
1035
+ [2023-12-29 11:03:23,138][12722] Using port 42207 on host...
1036
+ [2023-12-29 11:03:23,258][12682] Saving /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000000_0.pth...
1037
+ [2023-12-29 11:03:23,642][12713] Using port 41207 on host...
1038
+ [2023-12-29 11:03:25,206][12711] Initialized w:8 v:7 player:0
1039
+ [2023-12-29 11:03:25,222][12711] Decorrelating experience for 224 frames...
1040
+ [2023-12-29 11:03:25,458][12707] Initialized w:2 v:7 player:0
1041
+ [2023-12-29 11:03:25,460][12707] Decorrelating experience for 224 frames...
1042
+ [2023-12-29 11:03:25,510][12712] Initialized w:10 v:7 player:0
1043
+ [2023-12-29 11:03:25,513][12712] Decorrelating experience for 224 frames...
1044
+ [2023-12-29 11:03:25,616][12721] Initialized w:18 v:7 player:0
1045
+ [2023-12-29 11:03:25,627][12721] Decorrelating experience for 224 frames...
1046
+ [2023-12-29 11:03:25,862][12717] Initialized w:14 v:7 player:0
1047
+ [2023-12-29 11:03:25,880][12715] Initialized w:12 v:7 player:0
1048
+ [2023-12-29 11:03:25,865][12717] Decorrelating experience for 224 frames...
1049
+ [2023-12-29 11:03:25,895][12715] Decorrelating experience for 224 frames...
1050
+ [2023-12-29 11:03:26,222][12719] Initialized w:16 v:7 player:0
1051
+ [2023-12-29 11:03:26,243][12709] Initialized w:6 v:7 player:0
1052
+ [2023-12-29 11:03:26,244][12709] Decorrelating experience for 224 frames...
1053
+ [2023-12-29 11:03:26,234][12719] Decorrelating experience for 224 frames...
1054
+ [2023-12-29 11:03:26,615][12703] Initialized w:0 v:7 player:0
1055
+ [2023-12-29 11:03:26,617][12703] Decorrelating experience for 224 frames...
1056
+ [2023-12-29 11:03:26,814][12706] Initialized w:4 v:7 player:0
1057
+ [2023-12-29 11:03:26,826][12706] Decorrelating experience for 224 frames...
1058
+ [2023-12-29 11:03:29,429][12708] Initialized w:5 v:7 player:0
1059
+ [2023-12-29 11:03:29,449][12714] Initialized w:11 v:7 player:0
1060
+ [2023-12-29 11:03:29,434][12708] Decorrelating experience for 224 frames...
1061
+ [2023-12-29 11:03:29,458][12705] Initialized w:3 v:7 player:0
1062
+ [2023-12-29 11:03:29,451][12714] Decorrelating experience for 224 frames...
1063
+ [2023-12-29 11:03:29,468][12710] Initialized w:7 v:7 player:0
1064
+ [2023-12-29 11:03:29,460][12705] Decorrelating experience for 224 frames...
1065
+ [2023-12-29 11:03:29,478][12710] Decorrelating experience for 224 frames...
1066
+ [2023-12-29 11:03:29,531][12720] Initialized w:17 v:7 player:0
1067
+ [2023-12-29 11:03:29,533][12720] Decorrelating experience for 224 frames...
1068
+ [2023-12-29 11:03:29,566][12704] Initialized w:1 v:7 player:0
1069
+ [2023-12-29 11:03:29,567][12704] Decorrelating experience for 224 frames...
1070
+ [2023-12-29 11:03:29,938][12716] Initialized w:13 v:7 player:0
1071
+ [2023-12-29 11:03:29,944][12716] Decorrelating experience for 224 frames...
1072
+ [2023-12-29 11:03:30,036][12718] Initialized w:15 v:7 player:0
1073
+ [2023-12-29 11:03:30,041][12718] Decorrelating experience for 224 frames...
1074
+ [2023-12-29 11:03:30,184][12722] Initialized w:19 v:7 player:0
1075
+ [2023-12-29 11:03:30,188][12722] Decorrelating experience for 224 frames...
1076
+ [2023-12-29 11:03:30,651][12713] Initialized w:9 v:7 player:0
1077
+ [2023-12-29 11:03:30,667][12713] Decorrelating experience for 224 frames...
1078
+ [2023-12-29 11:03:32,180][12711] Using port 41108 on host...
1079
+ [2023-12-29 11:03:32,700][12707] Using port 40508 on host...
1080
+ [2023-12-29 11:03:32,763][12721] Using port 42108 on host...
1081
+ [2023-12-29 11:03:32,793][12712] Using port 41308 on host...
1082
+ [2023-12-29 11:03:33,059][12717] Using port 41708 on host...
1083
+ [2023-12-29 11:03:33,121][12715] Using port 41508 on host...
1084
+ [2023-12-29 11:03:33,355][12719] Using port 41908 on host...
1085
+ [2023-12-29 11:03:33,482][12709] Using port 40908 on host...
1086
+ [2023-12-29 11:03:33,577][12706] Using port 40708 on host...
1087
+ [2023-12-29 11:03:33,632][12703] Using port 40308 on host...
1088
+ [2023-12-29 11:03:34,669][12710] Using port 41008 on host...
1089
+ [2023-12-29 11:03:34,781][12708] Using port 40808 on host...
1090
+ [2023-12-29 11:03:34,826][12714] Using port 41408 on host...
1091
+ [2023-12-29 11:03:34,844][12705] Using port 40608 on host...
1092
+ [2023-12-29 11:03:34,948][12720] Using port 42008 on host...
1093
+ [2023-12-29 11:03:35,115][12704] Using port 40408 on host...
1094
+ [2023-12-29 11:03:35,188][12716] Using port 41608 on host...
1095
+ [2023-12-29 11:03:35,353][12718] Using port 41808 on host...
1096
+ [2023-12-29 11:03:35,424][12722] Using port 42208 on host...
1097
+ [2023-12-29 11:03:35,701][12713] Using port 41208 on host...
1098
+ [2023-12-29 11:03:36,765][12711] Initialized w:8 v:8 player:0
1099
+ [2023-12-29 11:03:36,770][12711] Decorrelating experience for 256 frames...
1100
+ [2023-12-29 11:03:37,149][12707] Initialized w:2 v:8 player:0
1101
+ [2023-12-29 11:03:37,155][12707] Decorrelating experience for 256 frames...
1102
+ [2023-12-29 11:03:37,165][12721] Initialized w:18 v:8 player:0
1103
+ [2023-12-29 11:03:37,175][12721] Decorrelating experience for 256 frames...
1104
+ [2023-12-29 11:03:37,220][12712] Initialized w:10 v:8 player:0
1105
+ [2023-12-29 11:03:37,222][12712] Decorrelating experience for 256 frames...
1106
+ [2023-12-29 11:03:37,439][12715] Initialized w:12 v:8 player:0
1107
+ [2023-12-29 11:03:37,448][12715] Decorrelating experience for 256 frames...
1108
+ [2023-12-29 11:03:37,453][12717] Initialized w:14 v:8 player:0
1109
+ [2023-12-29 11:03:37,460][12717] Decorrelating experience for 256 frames...
1110
+ [2023-12-29 11:03:37,745][12719] Initialized w:16 v:8 player:0
1111
+ [2023-12-29 11:03:37,751][12719] Decorrelating experience for 256 frames...
1112
+ [2023-12-29 11:03:37,930][12709] Initialized w:6 v:8 player:0
1113
+ [2023-12-29 11:03:37,954][12709] Decorrelating experience for 256 frames...
1114
+ [2023-12-29 11:03:38,015][12706] Initialized w:4 v:8 player:0
1115
+ [2023-12-29 11:03:38,029][12706] Decorrelating experience for 256 frames...
1116
+ [2023-12-29 11:03:38,130][12703] Initialized w:0 v:8 player:0
1117
+ [2023-12-29 11:03:38,135][12703] Decorrelating experience for 256 frames...
1118
+ [2023-12-29 11:03:39,196][12710] Initialized w:7 v:8 player:0
1119
+ [2023-12-29 11:03:39,199][12710] Decorrelating experience for 256 frames...
1120
+ [2023-12-29 11:03:39,266][12708] Initialized w:5 v:8 player:0
1121
+ [2023-12-29 11:03:39,288][12714] Initialized w:11 v:8 player:0
1122
+ [2023-12-29 11:03:39,271][12708] Decorrelating experience for 256 frames...
1123
+ [2023-12-29 11:03:39,299][12714] Decorrelating experience for 256 frames...
1124
+ [2023-12-29 11:03:39,352][12705] Initialized w:3 v:8 player:0
1125
+ [2023-12-29 11:03:39,354][12705] Decorrelating experience for 256 frames...
1126
+ [2023-12-29 11:03:39,469][12720] Initialized w:17 v:8 player:0
1127
+ [2023-12-29 11:03:39,474][12720] Decorrelating experience for 256 frames...
1128
+ [2023-12-29 11:03:39,592][12716] Initialized w:13 v:8 player:0
1129
+ [2023-12-29 11:03:39,603][12704] Initialized w:1 v:8 player:0
1130
+ [2023-12-29 11:03:39,599][12716] Decorrelating experience for 256 frames...
1131
+ [2023-12-29 11:03:39,607][12704] Decorrelating experience for 256 frames...
1132
+ [2023-12-29 11:03:39,850][12718] Initialized w:15 v:8 player:0
1133
+ [2023-12-29 11:03:39,870][12718] Decorrelating experience for 256 frames...
1134
+ [2023-12-29 11:03:39,884][12722] Initialized w:19 v:8 player:0
1135
+ [2023-12-29 11:03:39,887][12722] Decorrelating experience for 256 frames...
1136
+ [2023-12-29 11:03:40,348][12713] Initialized w:9 v:8 player:0
1137
+ [2023-12-29 11:03:40,351][12713] Decorrelating experience for 256 frames...
1138
+ [2023-12-29 11:03:44,553][12711] Using port 41109 on host...
1139
+ [2023-12-29 11:03:45,225][12712] Using port 41309 on host...
1140
+ [2023-12-29 11:03:45,226][12707] Using port 40509 on host...
1141
+ [2023-12-29 11:03:45,397][12721] Using port 42109 on host...
1142
+ [2023-12-29 11:03:45,548][12717] Using port 41709 on host...
1143
+ [2023-12-29 11:03:45,662][12715] Using port 41509 on host...
1144
+ [2023-12-29 11:03:45,890][12719] Using port 41909 on host...
1145
+ [2023-12-29 11:03:46,043][12706] Using port 40709 on host...
1146
+ [2023-12-29 11:03:46,203][12703] Using port 40309 on host...
1147
+ [2023-12-29 11:03:46,242][12709] Using port 40909 on host...
1148
+ [2023-12-29 11:03:49,684][12714] Using port 41409 on host...
1149
+ [2023-12-29 11:03:49,999][12711] Initialized w:8 v:9 player:0
1150
+ [2023-12-29 11:03:50,007][12711] Decorrelating experience for 288 frames...
1151
+ [2023-12-29 11:03:50,046][12710] Using port 41009 on host...
1152
+ [2023-12-29 11:03:50,350][12707] Initialized w:2 v:9 player:0
1153
+ [2023-12-29 11:03:50,362][12707] Decorrelating experience for 288 frames...
1154
+ [2023-12-29 11:03:50,419][12705] Using port 40609 on host...
1155
+ [2023-12-29 11:03:50,440][12708] Using port 40809 on host...
1156
+ [2023-12-29 11:03:50,463][12712] Initialized w:10 v:9 player:0
1157
+ [2023-12-29 11:03:50,472][12712] Decorrelating experience for 288 frames...
1158
+ [2023-12-29 11:03:50,545][12721] Initialized w:18 v:9 player:0
1159
+ [2023-12-29 11:03:50,550][12721] Decorrelating experience for 288 frames...
1160
+ [2023-12-29 11:03:50,577][12717] Initialized w:14 v:9 player:0
1161
+ [2023-12-29 11:03:50,600][12717] Decorrelating experience for 288 frames...
1162
+ [2023-12-29 11:03:50,709][12715] Initialized w:12 v:9 player:0
1163
+ [2023-12-29 11:03:50,713][12715] Decorrelating experience for 288 frames...
1164
+ [2023-12-29 11:03:50,886][12719] Initialized w:16 v:9 player:0
1165
+ [2023-12-29 11:03:50,890][12719] Decorrelating experience for 288 frames...
1166
+ [2023-12-29 11:03:50,909][12720] Using port 42009 on host...
1167
+ [2023-12-29 11:03:50,949][12716] Using port 41609 on host...
1168
+ [2023-12-29 11:03:51,152][12706] Initialized w:4 v:9 player:0
1169
+ [2023-12-29 11:03:51,157][12706] Decorrelating experience for 288 frames...
1170
+ [2023-12-29 11:03:51,322][12704] Using port 40409 on host...
1171
+ [2023-12-29 11:03:51,314][12722] Using port 42209 on host...
1172
+ [2023-12-29 11:03:51,419][12718] Using port 41809 on host...
1173
+ [2023-12-29 11:03:51,504][12703] Initialized w:0 v:9 player:0
1174
+ [2023-12-29 11:03:51,509][12709] Initialized w:6 v:9 player:0
1175
+ [2023-12-29 11:03:51,515][12709] Decorrelating experience for 288 frames...
1176
+ [2023-12-29 11:03:51,511][12703] Decorrelating experience for 288 frames...
1177
+ [2023-12-29 11:03:51,923][12713] Using port 41209 on host...
1178
+ [2023-12-29 11:03:55,908][12714] Initialized w:11 v:9 player:0
1179
+ [2023-12-29 11:03:55,916][12714] Decorrelating experience for 288 frames...
1180
+ [2023-12-29 11:03:55,986][12710] Initialized w:7 v:9 player:0
1181
+ [2023-12-29 11:03:56,002][12710] Decorrelating experience for 288 frames...
1182
+ [2023-12-29 11:03:56,080][12705] Initialized w:3 v:9 player:0
1183
+ [2023-12-29 11:03:56,085][12708] Initialized w:5 v:9 player:0
1184
+ [2023-12-29 11:03:56,087][12705] Decorrelating experience for 288 frames...
1185
+ [2023-12-29 11:03:56,091][12708] Decorrelating experience for 288 frames...
1186
+ [2023-12-29 11:03:56,359][12716] Initialized w:13 v:9 player:0
1187
+ [2023-12-29 11:03:56,377][12716] Decorrelating experience for 288 frames...
1188
+ [2023-12-29 11:03:56,381][12720] Initialized w:17 v:9 player:0
1189
+ [2023-12-29 11:03:56,383][12720] Decorrelating experience for 288 frames...
1190
+ [2023-12-29 11:03:56,706][12704] Initialized w:1 v:9 player:0
1191
+ [2023-12-29 11:03:56,708][12704] Decorrelating experience for 288 frames...
1192
+ [2023-12-29 11:03:56,724][12722] Initialized w:19 v:9 player:0
1193
+ [2023-12-29 11:03:56,730][12722] Decorrelating experience for 288 frames...
1194
+ [2023-12-29 11:03:56,822][12718] Initialized w:15 v:9 player:0
1195
+ [2023-12-29 11:03:56,829][12718] Decorrelating experience for 288 frames...
1196
+ [2023-12-29 11:03:57,316][12713] Initialized w:9 v:9 player:0
1197
+ [2023-12-29 11:03:57,336][12713] Decorrelating experience for 288 frames...
1198
+ [2023-12-29 11:04:01,036][12711] Using port 41110 on host...
1199
+ [2023-12-29 11:04:01,794][12712] Using port 41310 on host...
1200
+ [2023-12-29 11:04:01,831][12707] Using port 40510 on host...
1201
+ [2023-12-29 11:04:02,004][12721] Using port 42110 on host...
1202
+ [2023-12-29 11:04:02,066][12717] Using port 41710 on host...
1203
+ [2023-12-29 11:04:02,226][12715] Using port 41510 on host...
1204
+ [2023-12-29 11:04:02,564][12719] Using port 41910 on host...
1205
+ [2023-12-29 11:04:02,789][12703] Using port 40310 on host...
1206
+ [2023-12-29 11:04:02,805][12706] Using port 40710 on host...
1207
+ [2023-12-29 11:04:02,826][12709] Using port 40910 on host...
1208
+ [2023-12-29 11:04:06,447][12711] Initialized w:8 v:10 player:0
1209
+ [2023-12-29 11:04:06,449][12711] Decorrelating experience for 320 frames...
1210
+ [2023-12-29 11:04:06,862][12707] Initialized w:2 v:10 player:0
1211
+ [2023-12-29 11:04:06,888][12712] Initialized w:10 v:10 player:0
1212
+ [2023-12-29 11:04:06,894][12712] Decorrelating experience for 320 frames...
1213
+ [2023-12-29 11:04:06,871][12707] Decorrelating experience for 320 frames...
1214
+ [2023-12-29 11:04:06,971][12714] Using port 41410 on host...
1215
+ [2023-12-29 11:04:07,062][12721] Initialized w:18 v:10 player:0
1216
+ [2023-12-29 11:04:07,088][12721] Decorrelating experience for 320 frames...
1217
+ [2023-12-29 11:04:07,150][12717] Initialized w:14 v:10 player:0
1218
+ [2023-12-29 11:04:07,187][12717] Decorrelating experience for 320 frames...
1219
+ [2023-12-29 11:04:07,315][12715] Initialized w:12 v:10 player:0
1220
+ [2023-12-29 11:04:07,331][12715] Decorrelating experience for 320 frames...
1221
+ [2023-12-29 11:04:07,565][12719] Initialized w:16 v:10 player:0
1222
+ [2023-12-29 11:04:07,569][12719] Decorrelating experience for 320 frames...
1223
+ [2023-12-29 11:04:07,662][12710] Using port 41010 on host...
1224
+ [2023-12-29 11:04:07,679][12708] Using port 40810 on host...
1225
+ [2023-12-29 11:04:07,843][12720] Using port 42010 on host...
1226
+ [2023-12-29 11:04:07,901][12703] Initialized w:0 v:10 player:0
1227
+ [2023-12-29 11:04:07,913][12703] Decorrelating experience for 320 frames...
1228
+ [2023-12-29 11:04:07,934][12706] Initialized w:4 v:10 player:0
1229
+ [2023-12-29 11:04:07,940][12705] Using port 40610 on host...
1230
+ [2023-12-29 11:04:07,937][12706] Decorrelating experience for 320 frames...
1231
+ [2023-12-29 11:04:07,981][12716] Using port 41610 on host...
1232
+ [2023-12-29 11:04:08,012][12709] Initialized w:6 v:10 player:0
1233
+ [2023-12-29 11:04:08,017][12709] Decorrelating experience for 320 frames...
1234
+ [2023-12-29 11:04:08,181][12704] Using port 40410 on host...
1235
+ [2023-12-29 11:04:08,617][12718] Using port 41810 on host...
1236
+ [2023-12-29 11:04:08,651][12722] Using port 42210 on host...
1237
+ [2023-12-29 11:04:08,846][12713] Using port 41210 on host...
1238
+ [2023-12-29 11:04:12,995][12714] Initialized w:11 v:10 player:0
1239
+ [2023-12-29 11:04:12,997][12714] Decorrelating experience for 320 frames...
1240
+ [2023-12-29 11:04:13,218][12708] Initialized w:5 v:10 player:0
1241
+ [2023-12-29 11:04:13,220][12708] Decorrelating experience for 320 frames...
1242
+ [2023-12-29 11:04:13,231][12710] Initialized w:7 v:10 player:0
1243
+ [2023-12-29 11:04:13,249][12710] Decorrelating experience for 320 frames...
1244
+ [2023-12-29 11:04:13,298][12720] Initialized w:17 v:10 player:0
1245
+ [2023-12-29 11:04:13,312][12720] Decorrelating experience for 320 frames...
1246
+ [2023-12-29 11:04:13,377][12705] Initialized w:3 v:10 player:0
1247
+ [2023-12-29 11:04:13,380][12716] Initialized w:13 v:10 player:0
1248
+ [2023-12-29 11:04:13,382][12716] Decorrelating experience for 320 frames...
1249
+ [2023-12-29 11:04:13,394][12705] Decorrelating experience for 320 frames...
1250
+ [2023-12-29 11:04:13,470][12704] Initialized w:1 v:10 player:0
1251
+ [2023-12-29 11:04:13,472][12704] Decorrelating experience for 320 frames...
1252
+ [2023-12-29 11:04:13,949][12722] Initialized w:19 v:10 player:0
1253
+ [2023-12-29 11:04:13,961][12718] Initialized w:15 v:10 player:0
1254
+ [2023-12-29 11:04:13,965][12722] Decorrelating experience for 320 frames...
1255
+ [2023-12-29 11:04:13,972][12718] Decorrelating experience for 320 frames...
1256
+ [2023-12-29 11:04:14,267][12713] Initialized w:9 v:10 player:0
1257
+ [2023-12-29 11:04:14,287][12713] Decorrelating experience for 320 frames...
1258
+ [2023-12-29 11:04:19,540][12711] Using port 41111 on host...
1259
+ [2023-12-29 11:04:20,305][12712] Using port 41311 on host...
1260
+ [2023-12-29 11:04:20,476][12707] Using port 40511 on host...
1261
+ [2023-12-29 11:04:20,943][12721] Using port 42111 on host...
1262
+ [2023-12-29 11:04:20,949][12717] Using port 41711 on host...
1263
+ [2023-12-29 11:04:21,017][12715] Using port 41511 on host...
1264
+ [2023-12-29 11:04:21,149][12719] Using port 41911 on host...
1265
+ [2023-12-29 11:04:21,244][12703] Using port 40311 on host...
1266
+ [2023-12-29 11:04:21,264][12709] Using port 40911 on host...
1267
+ [2023-12-29 11:04:21,298][12706] Using port 40711 on host...
1268
+ [2023-12-29 11:04:22,577][12714] Using port 41411 on host...
1269
+ [2023-12-29 11:04:23,217][12708] Using port 40811 on host...
1270
+ [2023-12-29 11:04:23,230][12716] Using port 41611 on host...
1271
+ [2023-12-29 11:04:23,272][12720] Using port 42011 on host...
1272
+ [2023-12-29 11:04:23,326][12710] Using port 41011 on host...
1273
+ [2023-12-29 11:04:23,331][12704] Using port 40411 on host...
1274
+ [2023-12-29 11:04:23,405][12705] Using port 40611 on host...
1275
+ [2023-12-29 11:04:23,734][12722] Using port 42211 on host...
1276
+ [2023-12-29 11:04:23,791][12718] Using port 41811 on host...
1277
+ [2023-12-29 11:04:23,820][12713] Using port 41211 on host...
1278
+ [2023-12-29 11:04:24,363][12711] Initialized w:8 v:11 player:0
1279
+ [2023-12-29 11:04:24,368][12711] Decorrelating experience for 352 frames...
1280
+ [2023-12-29 11:04:24,778][12712] Initialized w:10 v:11 player:0
1281
+ [2023-12-29 11:04:24,792][12712] Decorrelating experience for 352 frames...
1282
+ [2023-12-29 11:04:24,800][12707] Initialized w:2 v:11 player:0
1283
+ [2023-12-29 11:04:24,809][12707] Decorrelating experience for 352 frames...
1284
+ [2023-12-29 11:04:25,137][12717] Initialized w:14 v:11 player:0
1285
+ [2023-12-29 11:04:25,146][12717] Decorrelating experience for 352 frames...
1286
+ [2023-12-29 11:04:25,148][12721] Initialized w:18 v:11 player:0
1287
+ [2023-12-29 11:04:25,164][12721] Decorrelating experience for 352 frames...
1288
+ [2023-12-29 11:04:25,254][12715] Initialized w:12 v:11 player:0
1289
+ [2023-12-29 11:04:25,259][12715] Decorrelating experience for 352 frames...
1290
+ [2023-12-29 11:04:25,415][12719] Initialized w:16 v:11 player:0
1291
+ [2023-12-29 11:04:25,426][12719] Decorrelating experience for 352 frames...
1292
+ [2023-12-29 11:04:25,485][12709] Initialized w:6 v:11 player:0
1293
+ [2023-12-29 11:04:25,487][12703] Initialized w:0 v:11 player:0
1294
+ [2023-12-29 11:04:25,496][12703] Decorrelating experience for 352 frames...
1295
+ [2023-12-29 11:04:25,500][12709] Decorrelating experience for 352 frames...
1296
+ [2023-12-29 11:04:25,529][12706] Initialized w:4 v:11 player:0
1297
+ [2023-12-29 11:04:25,535][12706] Decorrelating experience for 352 frames...
1298
+ [2023-12-29 11:04:27,192][12714] Initialized w:11 v:11 player:0
1299
+ [2023-12-29 11:04:27,197][12714] Decorrelating experience for 352 frames...
1300
+ [2023-12-29 11:04:27,664][12720] Initialized w:17 v:11 player:0
1301
+ [2023-12-29 11:04:27,673][12708] Initialized w:5 v:11 player:0
1302
+ [2023-12-29 11:04:27,680][12720] Decorrelating experience for 352 frames...
1303
+ [2023-12-29 11:04:27,688][12704] Initialized w:1 v:11 player:0
1304
+ [2023-12-29 11:04:27,683][12708] Decorrelating experience for 352 frames...
1305
+ [2023-12-29 11:04:27,701][12716] Initialized w:13 v:11 player:0
1306
+ [2023-12-29 11:04:27,705][12710] Initialized w:7 v:11 player:0
1307
+ [2023-12-29 11:04:27,702][12704] Decorrelating experience for 352 frames...
1308
+ [2023-12-29 11:04:27,703][12716] Decorrelating experience for 352 frames...
1309
+ [2023-12-29 11:04:27,707][12710] Decorrelating experience for 352 frames...
1310
+ [2023-12-29 11:04:27,873][12705] Initialized w:3 v:11 player:0
1311
+ [2023-12-29 11:04:27,877][12705] Decorrelating experience for 352 frames...
1312
+ [2023-12-29 11:04:28,259][12718] Initialized w:15 v:11 player:0
1313
+ [2023-12-29 11:04:28,261][12722] Initialized w:19 v:11 player:0
1314
+ [2023-12-29 11:04:28,266][12722] Decorrelating experience for 352 frames...
1315
+ [2023-12-29 11:04:28,263][12718] Decorrelating experience for 352 frames...
1316
+ [2023-12-29 11:04:28,341][12713] Initialized w:9 v:11 player:0
1317
+ [2023-12-29 11:04:28,343][12713] Decorrelating experience for 352 frames...
1318
+ [2023-12-29 11:04:56,300][12682] Signal inference workers to stop experience collection...
1319
+ [2023-12-29 11:04:56,372][12702] InferenceWorker_p0-w0: stopping experience collection
1320
+ [2023-12-29 11:05:03,052][12682] Signal inference workers to resume experience collection...
1321
+ [2023-12-29 11:05:03,054][12702] InferenceWorker_p0-w0: resuming experience collection
1322
+ [2023-12-29 11:05:23,288][12682] Saving /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000007_57344.pth...
1323
+ [2023-12-29 11:05:40,370][12702] Updated weights for policy 0, policy_version 10 (0.0038)
1324
+ [2023-12-29 11:06:30,871][12702] Updated weights for policy 0, policy_version 20 (0.0057)
1325
+ [2023-12-29 11:07:13,259][12702] Updated weights for policy 0, policy_version 30 (0.0024)
1326
+ [2023-12-29 11:07:23,259][12682] Saving /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000031_253952.pth...
1327
+ [2023-12-29 11:07:32,508][12682] Removing /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000000_0.pth
1328
+ [2023-12-29 11:08:04,334][12702] Updated weights for policy 0, policy_version 40 (0.0052)
1329
+ [2023-12-29 11:08:53,477][12702] Updated weights for policy 0, policy_version 50 (0.0030)
1330
+ [2023-12-29 11:09:23,266][12682] Saving /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000056_458752.pth...
1331
+ [2023-12-29 11:09:35,744][12682] Removing /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000007_57344.pth
1332
+ [2023-12-29 11:09:37,866][12702] Updated weights for policy 0, policy_version 60 (0.0042)
1333
+ [2023-12-29 11:10:28,306][12702] Updated weights for policy 0, policy_version 70 (0.0033)
1334
+ [2023-12-29 11:11:18,207][12702] Updated weights for policy 0, policy_version 80 (0.0052)
1335
+ [2023-12-29 11:11:23,268][12682] Saving /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000081_663552.pth...
1336
+ [2023-12-29 11:11:36,808][12682] Removing /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000031_253952.pth
1337
+ [2023-12-29 11:12:02,279][12702] Updated weights for policy 0, policy_version 90 (0.0031)
1338
+ [2023-12-29 11:12:52,356][12702] Updated weights for policy 0, policy_version 100 (0.0021)
1339
+ [2023-12-29 11:13:23,269][12682] Saving /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000106_868352.pth...
1340
+ [2023-12-29 11:13:39,040][12682] Removing /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000056_458752.pth
1341
+ [2023-12-29 11:13:48,438][12702] Updated weights for policy 0, policy_version 110 (0.0051)
1342
+ [2023-12-29 11:14:40,425][12702] Updated weights for policy 0, policy_version 120 (0.0074)
1343
+ [2023-12-29 11:15:02,136][12682] Stopping Batcher_0...
1344
+ [2023-12-29 11:15:02,137][12682] Loop batcher_evt_loop terminating...
1345
+ [2023-12-29 11:15:02,167][12682] Saving /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000124_1015808.pth...
1346
+ [2023-12-29 11:15:02,407][12702] Weights refcount: 2 0
1347
+ [2023-12-29 11:15:02,422][12702] Stopping InferenceWorker_p0-w0...
1348
+ [2023-12-29 11:15:02,423][12702] Loop inference_proc0-0_evt_loop terminating...
1349
+ [2023-12-29 11:15:02,895][12709] Stopping RolloutWorker_w6...
1350
+ [2023-12-29 11:15:02,896][12709] Loop rollout_proc6_evt_loop terminating...
1351
+ [2023-12-29 11:15:02,943][12715] Stopping RolloutWorker_w12...
1352
+ [2023-12-29 11:15:02,944][12712] Stopping RolloutWorker_w10...
1353
+ [2023-12-29 11:15:02,945][12715] Loop rollout_proc12_evt_loop terminating...
1354
+ [2023-12-29 11:15:02,975][12721] Stopping RolloutWorker_w18...
1355
+ [2023-12-29 11:15:02,985][12721] Loop rollout_proc18_evt_loop terminating...
1356
+ [2023-12-29 11:15:02,953][12712] Loop rollout_proc10_evt_loop terminating...
1357
+ [2023-12-29 11:15:03,113][12716] Stopping RolloutWorker_w13...
1358
+ [2023-12-29 11:15:03,143][12682] Removing /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000081_663552.pth
1359
+ [2023-12-29 11:15:03,147][12682] Saving /content/train_dir/vizdoom_doom_deathmatch_bots/checkpoint_p0/checkpoint_000000124_1015808.pth...
1360
+ [2023-12-29 11:15:03,159][12716] Loop rollout_proc13_evt_loop terminating...
1361
+ [2023-12-29 11:15:03,168][12717] Stopping RolloutWorker_w14...
1362
+ [2023-12-29 11:15:03,194][12719] Stopping RolloutWorker_w16...
1363
+ [2023-12-29 11:15:03,171][12717] Loop rollout_proc14_evt_loop terminating...
1364
+ [2023-12-29 11:15:03,207][12706] Stopping RolloutWorker_w4...
1365
+ [2023-12-29 11:15:03,207][12706] Loop rollout_proc4_evt_loop terminating...
1366
+ [2023-12-29 11:15:03,218][12707] Stopping RolloutWorker_w2...
1367
+ [2023-12-29 11:15:03,219][12707] Loop rollout_proc2_evt_loop terminating...
1368
+ [2023-12-29 11:15:03,196][12719] Loop rollout_proc16_evt_loop terminating...
1369
+ [2023-12-29 11:15:03,249][12720] Stopping RolloutWorker_w17...
1370
+ [2023-12-29 11:15:03,250][12720] Loop rollout_proc17_evt_loop terminating...
1371
+ [2023-12-29 11:15:03,297][12711] Stopping RolloutWorker_w8...
1372
+ [2023-12-29 11:15:03,290][12703] Stopping RolloutWorker_w0...
1373
+ [2023-12-29 11:15:03,305][12703] Loop rollout_proc0_evt_loop terminating...
1374
+ [2023-12-29 11:15:03,300][12711] Loop rollout_proc8_evt_loop terminating...
1375
+ [2023-12-29 11:15:03,326][12722] Stopping RolloutWorker_w19...
1376
+ [2023-12-29 11:15:03,330][12722] Loop rollout_proc19_evt_loop terminating...
1377
+ [2023-12-29 11:15:03,473][12708] Stopping RolloutWorker_w5...
1378
+ [2023-12-29 11:15:03,474][12708] Loop rollout_proc5_evt_loop terminating...
1379
+ [2023-12-29 11:15:03,577][12718] Stopping RolloutWorker_w15...
1380
+ [2023-12-29 11:15:03,577][12718] Loop rollout_proc15_evt_loop terminating...
1381
+ [2023-12-29 11:15:03,645][12714] Stopping RolloutWorker_w11...
1382
+ [2023-12-29 11:15:03,656][12710] Stopping RolloutWorker_w7...
1383
+ [2023-12-29 11:15:03,673][12710] Loop rollout_proc7_evt_loop terminating...
1384
+ [2023-12-29 11:15:03,645][12714] Loop rollout_proc11_evt_loop terminating...
1385
+ [2023-12-29 11:15:03,715][12704] Stopping RolloutWorker_w1...
1386
+ [2023-12-29 11:15:03,732][12704] Loop rollout_proc1_evt_loop terminating...
1387
+ [2023-12-29 11:15:03,767][12713] Stopping RolloutWorker_w9...
1388
+ [2023-12-29 11:15:03,791][12713] Loop rollout_proc9_evt_loop terminating...
1389
+ [2023-12-29 11:15:03,827][12705] Stopping RolloutWorker_w3...
1390
+ [2023-12-29 11:15:03,827][12705] Loop rollout_proc3_evt_loop terminating...
1391
+ [2023-12-29 11:15:07,337][12682] Stopping LearnerWorker_p0...
1392
+ [2023-12-29 11:15:07,345][12682] Loop learner_proc0_evt_loop terminating...