3outeille's picture
3outeille HF staff
Upload llama-1B/8_GPUS/dp-1_tp-8_pp-1_mbz-4
217b095 verified
raw
history blame
209 kB
========================
START TIME: Thu Jul 4 22:49:14 UTC 2024
python3 version = Python 3.10.14
========================
The token has not been saved to the git credentials helper. Pass `add_to_git_credential=True` in this function directly or `--add-to-git-credential` if using via `huggingface-cli` if you want to set the git credential as well.
Token is valid (permission: write).
Your token has been saved to /admin/home/ferdinand_mom/.cache/huggingface/token
Login successful
Already on 'bench_cluster'
M examples/config_tiny_llama.py
M examples/config_tiny_llama.yaml
M examples/train_tiny_llama.sh
Your branch is up to date with 'origin/bench_cluster'.
Job status: RUNNING
[2024-07-04 22:49:22,341] torch.distributed.run: [WARNING]
[2024-07-04 22:49:22,341] torch.distributed.run: [WARNING] *****************************************
[2024-07-04 22:49:22,341] torch.distributed.run: [WARNING] Setting OMP_NUM_THREADS environment variable for each process to be 1 in default, to avoid your system being overloaded, please further tune the variable for optimal performance in your application as needed.
[2024-07-04 22:49:22,341] torch.distributed.run: [WARNING] *****************************************
[default0]:07/04/2024 22:49:40 [WARNING|DP=0|PP=0|TP=0|ip-26-0-165-164]: [Vocab Size Padding] Padded vocab (size: 50257) with 7 dummy tokens (new size: 50264)
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Config:
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Config(general=GeneralArgs(project='bench_cluster',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: run='%date_%jobid',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: seed=42,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: step=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: consumed_train_samples=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: benchmark_csv_path=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: ignore_sanity_checks=True),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: parallelism=ParallelismArgs(dp=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: pp=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tp=8,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: pp_engine=<nanotron.parallel.pipeline_parallel.engine.OneForwardOneBackwardPipelineEngine object at 0x7fac85cd88e0>,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tp_mode=<TensorParallelLinearMode.REDUCE_SCATTER: 2>,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tp_linear_async_communication=False,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: expert_parallel_size=1),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: model=ModelArgs(model_config=LlamaConfig(bos_token_id=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: eos_token_id=2,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: hidden_act='silu',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: hidden_size=2048,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: initializer_range=0.02,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: intermediate_size=4096,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: is_llama_config=True,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: max_position_embeddings=4096,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: num_attention_heads=32,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: num_hidden_layers=24,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: num_key_value_heads=32,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: pad_token_id=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: pretraining_tp=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: rms_norm_eps=1e-05,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: rope_scaling=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: rope_theta=10000.0,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tie_word_embeddings=True,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: use_cache=True,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: vocab_size=50264),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: init_method=RandomInit(std=0.025),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: dtype=torch.bfloat16,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: make_vocab_size_divisible_by=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: ddp_bucket_cap_mb=25),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tokenizer=TokenizerArgs(tokenizer_name_or_path='openai-community/gpt2',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tokenizer_revision=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tokenizer_max_length=None),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: checkpoints=CheckpointsArgs(checkpoints_path=PosixPath('/dev/null'),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: checkpoint_interval=100000,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: save_initial_state=False,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: resume_checkpoint_path=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: checkpoints_path_is_shared_file_system=False),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: logging=LoggingArgs(log_level='info',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: log_level_replica='info',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration_step_info_interval=1),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tokens=TokensArgs(sequence_length=4096,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: train_steps=20,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: micro_batch_size=4,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: batch_accumulation_per_replica=256,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: val_check_interval=-1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: limit_val_batches=0,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: limit_test_batches=0),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: optimizer=OptimizerArgs(optimizer_factory=AdamWOptimizerArgs(adam_eps=1e-08,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: adam_beta1=0.9,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: adam_beta2=0.95,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: torch_adam_is_fused=True,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: name='adamW'),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: zero_stage=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: weight_decay=0.01,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: clip_grad=1.0,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: accumulate_grad_in_fp32=True,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: learning_rate_scheduler=LRSchedulerArgs(learning_rate=0.0001,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: lr_warmup_steps=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: lr_warmup_style='linear',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: lr_decay_style='linear',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: lr_decay_steps=19,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: lr_decay_starting_step=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: min_decay_lr=1e-05)),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: data_stages=[DatasetStageArgs(name='Training Stage',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: start_training_step=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: data=DataArgs(dataset=PretrainDatasetsArgs(hf_dataset_or_datasets='roneneldan/TinyStories',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: hf_dataset_splits='train',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: hf_dataset_config_name=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: dataset_processing_num_proc_per_process=64,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: dataset_overwrite_cache=False,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: text_column_name='text'),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: seed=42,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: num_loading_workers=0))],
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: profiler=ProfilerArgs(profiler_export_path=PosixPath('/fsx/ferdinandmom/ferdinand-hf/bench_cluster/results/llama-1B/8_GPUS/dp-1_tp-8_pp-1_mbz-4')),
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: lighteval=None)
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Model Config:
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: LlamaConfig(bos_token_id=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: eos_token_id=2,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: hidden_act='silu',
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: hidden_size=2048,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: initializer_range=0.02,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: intermediate_size=4096,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: is_llama_config=True,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: max_position_embeddings=4096,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: num_attention_heads=32,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: num_hidden_layers=24,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: num_key_value_heads=32,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: pad_token_id=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: pretraining_tp=1,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: rms_norm_eps=1e-05,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: rope_scaling=None,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: rope_theta=10000.0,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: tie_word_embeddings=True,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: use_cache=True,
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: vocab_size=50264)
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Building model..
[default0]:07/04/2024 22:49:40 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Setting PP block ranks...
[default3]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=3|ip-26-0-165-164]: Local number of parameters: 139M (264.73MiB)
[default4]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=4|ip-26-0-165-164]: Local number of parameters: 139M (264.73MiB)
[default7]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=7|ip-26-0-165-164]: Local number of parameters: 139M (264.73MiB)
[default5]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=5|ip-26-0-165-164]: Local number of parameters: 139M (264.73MiB)
[default2]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=2|ip-26-0-165-164]: Local number of parameters: 139M (264.73MiB)
[default1]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=1|ip-26-0-165-164]: Local number of parameters: 139M (264.73MiB)
[default1]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=1|ip-26-0-165-164]: [After model building] Memory usage: 290.76MiB. Peak allocated: 317.33MiB Peak reserved: 324.00MiB
[default1]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=1|ip-26-0-165-164]: No checkpoint path provided.
[default6]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=6|ip-26-0-165-164]: Local number of parameters: 139M (264.73MiB)
[default6]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=6|ip-26-0-165-164]: [After model building] Memory usage: 290.76MiB. Peak allocated: 317.33MiB Peak reserved: 324.00MiB
[default6]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=6|ip-26-0-165-164]: No checkpoint path provided.
[default0]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Total number of parameters: 1.11G (2117.88MiB)
[default0]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Local number of parameters: 139M (264.73MiB)
[default0]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: [After model building] Memory usage: 290.76MiB. Peak allocated: 317.33MiB Peak reserved: 324.00MiB
[default0]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: No checkpoint path provided.
[default0]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Parametrizing model parameters using StandardParametrizator
[default0]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: [Optimizer Building] Using LearningRateForSP as learning rate
[default0]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: [ZeRO sharding] Size of optimizer params per rank:
[default0]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: [ZeRO sharding] DP Rank 0 has 139M out of 139M (100.00%) params' optimizer states
[default3]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=3|ip-26-0-165-164]: [After model building] Memory usage: 290.76MiB. Peak allocated: 317.33MiB Peak reserved: 324.00MiB
[default3]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=3|ip-26-0-165-164]: No checkpoint path provided.
[default4]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=4|ip-26-0-165-164]: [After model building] Memory usage: 290.76MiB. Peak allocated: 317.33MiB Peak reserved: 324.00MiB
[default4]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=4|ip-26-0-165-164]: No checkpoint path provided.
[default7]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=7|ip-26-0-165-164]: [After model building] Memory usage: 290.76MiB. Peak allocated: 317.33MiB Peak reserved: 324.00MiB
[default7]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=7|ip-26-0-165-164]: No checkpoint path provided.
[default5]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=5|ip-26-0-165-164]: [After model building] Memory usage: 290.76MiB. Peak allocated: 317.33MiB Peak reserved: 324.00MiB
[default5]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=5|ip-26-0-165-164]: No checkpoint path provided.
[default2]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=2|ip-26-0-165-164]: [After model building] Memory usage: 290.76MiB. Peak allocated: 317.33MiB Peak reserved: 324.00MiB
[default2]:07/04/2024 22:49:56 [INFO|DP=0|PP=0|TP=2|ip-26-0-165-164]: No checkpoint path provided.
[default0]:07/04/2024 22:49:58 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: [Training Plan] Stage Training Stage has 19 remaining training steps and has consumed 0 samples
[default0]:07/04/2024 22:49:58 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Using `datasets` library
[default0]:07/04/2024 22:49:58 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Loading tokenizer from openai-community/gpt2 and transformers/hf_hub versions ('4.41.2', '0.23.4')
[default0]:Repo card metadata block was not found. Setting CardData to empty.
[default0]:07/04/2024 22:49:58 [WARNING|DP=0|PP=0|TP=0|ip-26-0-165-164]: Repo card metadata block was not found. Setting CardData to empty.
[default0]:07/04/2024 22:50:00 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: [Training Plan] There are 1 training stages
[default0]:07/04/2024 22:50:00 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: [Stage Training Stage] start from step 1
[default0]:07/04/2024 22:50:00 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]:
[default0]:07/04/2024 22:50:00 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: [Start training] datetime: 2024-07-04 22:50:00.671882 | mbs: 4 | grad_accum: 256 | global_batch_size: 1024 | sequence_length: 4096 | train_steps: 20 | start_iteration_step: 0 | consumed_train_samples: 0
[default1]:07/04/2024 22:50:00 [WARNING|DP=0|PP=0|TP=1|ip-26-0-165-164]: Repo card metadata block was not found. Setting CardData to empty.
[default6]:07/04/2024 22:50:00 [WARNING|DP=0|PP=0|TP=6|ip-26-0-165-164]: Repo card metadata block was not found. Setting CardData to empty.
[default6]:Repo card metadata block was not found. Setting CardData to empty.
[default1]:Repo card metadata block was not found. Setting CardData to empty.
[default3]:07/04/2024 22:50:00 [WARNING|DP=0|PP=0|TP=3|ip-26-0-165-164]: Repo card metadata block was not found. Setting CardData to empty.
[default4]:Repo card metadata block was not found. Setting CardData to empty.
[default2]:07/04/2024 22:50:00 [WARNING|DP=0|PP=0|TP=2|ip-26-0-165-164]: Repo card metadata block was not found. Setting CardData to empty.
[default4]:07/04/2024 22:50:00 [WARNING|DP=0|PP=0|TP=4|ip-26-0-165-164]: Repo card metadata block was not found. Setting CardData to empty.
[default7]:07/04/2024 22:50:00 [WARNING|DP=0|PP=0|TP=7|ip-26-0-165-164]: Repo card metadata block was not found. Setting CardData to empty.
[default5]:07/04/2024 22:50:00 [WARNING|DP=0|PP=0|TP=5|ip-26-0-165-164]: Repo card metadata block was not found. Setting CardData to empty.
[default3]:Repo card metadata block was not found. Setting CardData to empty.
[default7]:Repo card metadata block was not found. Setting CardData to empty.
[default5]:Repo card metadata block was not found. Setting CardData to empty.
[default2]:Repo card metadata block was not found. Setting CardData to empty.
[default0]:07/04/2024 22:50:06 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Resuming training from stage Training Stage, it has trained for 0 samples and has 19 remaining train steps
[default0]:07/04/2024 22:50:06 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 1350.75MiB. Peak allocated 1350.76MiB. Peak reserved: 1384.00MiB
[default0]:/fsx/ferdinandmom/miniforge3/envs/env-bench-cluster/lib/python3.10/site-packages/torch/autograd/__init__.py:266: UserWarning: c10d::allreduce_: an autograd kernel was not registered to the Autograd key(s) but we are trying to backprop through it. This may lead to silently incorrect behavior. This behavior is deprecated and will be removed in a future version of PyTorch. If your operator is differentiable, please ensure you have registered an autograd kernel to the correct Autograd key (e.g. DispatchKey::Autograd, DispatchKey::CompositeImplicitAutograd). If your operator is not differentiable, or to squash this warning and use the previous behavior, please register torch::CppFunction::makeFallthrough() to DispatchKey::Autograd. (Triggered internally at ../torch/csrc/autograd/autograd_not_implemented_fallback.cpp:63.)
[default0]: Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
[default6]:/fsx/ferdinandmom/miniforge3/envs/env-bench-cluster/lib/python3.10/site-packages/torch/autograd/__init__.py:266: UserWarning: c10d::allreduce_: an autograd kernel was not registered to the Autograd key(s) but we are trying to backprop through it. This may lead to silently incorrect behavior. This behavior is deprecated and will be removed in a future version of PyTorch. If your operator is differentiable, please ensure you have registered an autograd kernel to the correct Autograd key (e.g. DispatchKey::Autograd, DispatchKey::CompositeImplicitAutograd). If your operator is not differentiable, or to squash this warning and use the previous behavior, please register torch::CppFunction::makeFallthrough() to DispatchKey::Autograd. (Triggered internally at ../torch/csrc/autograd/autograd_not_implemented_fallback.cpp:63.)
[default6]: Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
[default4]:/fsx/ferdinandmom/miniforge3/envs/env-bench-cluster/lib/python3.10/site-packages/torch/autograd/__init__.py:266: UserWarning: c10d::allreduce_: an autograd kernel was not registered to the Autograd key(s) but we are trying to backprop through it. This may lead to silently incorrect behavior. This behavior is deprecated and will be removed in a future version of PyTorch. If your operator is differentiable, please ensure you have registered an autograd kernel to the correct Autograd key (e.g. DispatchKey::Autograd, DispatchKey::CompositeImplicitAutograd). If your operator is not differentiable, or to squash this warning and use the previous behavior, please register torch::CppFunction::makeFallthrough() to DispatchKey::Autograd. (Triggered internally at ../torch/csrc/autograd/autograd_not_implemented_fallback.cpp:63.)
[default4]: Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
[default1]:/fsx/ferdinandmom/miniforge3/envs/env-bench-cluster/lib/python3.10/site-packages/torch/autograd/__init__.py:266: UserWarning: c10d::allreduce_: an autograd kernel was not registered to the Autograd key(s) but we are trying to backprop through it. This may lead to silently incorrect behavior. This behavior is deprecated and will be removed in a future version of PyTorch. If your operator is differentiable, please ensure you have registered an autograd kernel to the correct Autograd key (e.g. DispatchKey::Autograd, DispatchKey::CompositeImplicitAutograd). If your operator is not differentiable, or to squash this warning and use the previous behavior, please register torch::CppFunction::makeFallthrough() to DispatchKey::Autograd. (Triggered internally at ../torch/csrc/autograd/autograd_not_implemented_fallback.cpp:63.)
[default1]: Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
[default3]:/fsx/ferdinandmom/miniforge3/envs/env-bench-cluster/lib/python3.10/site-packages/torch/autograd/__init__.py:266: UserWarning: c10d::allreduce_: an autograd kernel was not registered to the Autograd key(s) but we are trying to backprop through it. This may lead to silently incorrect behavior. This behavior is deprecated and will be removed in a future version of PyTorch. If your operator is differentiable, please ensure you have registered an autograd kernel to the correct Autograd key (e.g. DispatchKey::Autograd, DispatchKey::CompositeImplicitAutograd). If your operator is not differentiable, or to squash this warning and use the previous behavior, please register torch::CppFunction::makeFallthrough() to DispatchKey::Autograd. (Triggered internally at ../torch/csrc/autograd/autograd_not_implemented_fallback.cpp:63.)
[default3]: Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
[default7]:/fsx/ferdinandmom/miniforge3/envs/env-bench-cluster/lib/python3.10/site-packages/torch/autograd/__init__.py:266: UserWarning: c10d::allreduce_: an autograd kernel was not registered to the Autograd key(s) but we are trying to backprop through it. This may lead to silently incorrect behavior. This behavior is deprecated and will be removed in a future version of PyTorch. If your operator is differentiable, please ensure you have registered an autograd kernel to the correct Autograd key (e.g. DispatchKey::Autograd, DispatchKey::CompositeImplicitAutograd). If your operator is not differentiable, or to squash this warning and use the previous behavior, please register torch::CppFunction::makeFallthrough() to DispatchKey::Autograd. (Triggered internally at ../torch/csrc/autograd/autograd_not_implemented_fallback.cpp:63.)
[default7]: Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
[default2]:/fsx/ferdinandmom/miniforge3/envs/env-bench-cluster/lib/python3.10/site-packages/torch/autograd/__init__.py:266: UserWarning: c10d::allreduce_: an autograd kernel was not registered to the Autograd key(s) but we are trying to backprop through it. This may lead to silently incorrect behavior. This behavior is deprecated and will be removed in a future version of PyTorch. If your operator is differentiable, please ensure you have registered an autograd kernel to the correct Autograd key (e.g. DispatchKey::Autograd, DispatchKey::CompositeImplicitAutograd). If your operator is not differentiable, or to squash this warning and use the previous behavior, please register torch::CppFunction::makeFallthrough() to DispatchKey::Autograd. (Triggered internally at ../torch/csrc/autograd/autograd_not_implemented_fallback.cpp:63.)
[default2]: Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
[default5]:/fsx/ferdinandmom/miniforge3/envs/env-bench-cluster/lib/python3.10/site-packages/torch/autograd/__init__.py:266: UserWarning: c10d::allreduce_: an autograd kernel was not registered to the Autograd key(s) but we are trying to backprop through it. This may lead to silently incorrect behavior. This behavior is deprecated and will be removed in a future version of PyTorch. If your operator is differentiable, please ensure you have registered an autograd kernel to the correct Autograd key (e.g. DispatchKey::Autograd, DispatchKey::CompositeImplicitAutograd). If your operator is not differentiable, or to squash this warning and use the previous behavior, please register torch::CppFunction::makeFallthrough() to DispatchKey::Autograd. (Triggered internally at ../torch/csrc/autograd/autograd_not_implemented_fallback.cpp:63.)
[default5]: Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass
[default0]:07/04/2024 22:50:51 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 1427.16MiB. Peak allocated 8627.80MiB. Peak reserved: 9340.00MiB
[default0]:07/04/2024 22:50:51 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 1 / 20 | consumed_tokens: 4.19M | elapsed_time_per_iteration_ms: 44.5K | tokens_per_sec: 94.3K | tokens_per_sec_per_gpu: 11.8K | global_batch_size: 1.02K | lm_loss: 11.5 | lr: 0.0001 | model_tflops_per_gpu: 107 | hardware_tflops_per_gpu: 107 | grad_norm: 15.7 | cuda_memory_allocated: 2.61G | cuda_max_memory_reserved: 9.79G | hd_total_memory_tb: 312G | hd_used_memory_tb: 66.7G | hd_free_memory_tb: 245G
[default0]:07/04/2024 22:50:51 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 2488.00MiB. Peak reserved: 9340.00MiB
[default0]:07/04/2024 22:51:26 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.12MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 22:51:26 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 2 / 20 | consumed_tokens: 8.39M | elapsed_time_per_iteration_ms: 35.8K | tokens_per_sec: 117K | tokens_per_sec_per_gpu: 14.6K | global_batch_size: 1.02K | lm_loss: 11.5 | lr: 9.53e-05 | model_tflops_per_gpu: 133 | hardware_tflops_per_gpu: 133 | grad_norm: 16 | cuda_memory_allocated: 2.61G | cuda_max_memory_reserved: 10.6G | hd_total_memory_tb: 312G | hd_used_memory_tb: 66.7G | hd_free_memory_tb: 245G
[default0]:07/04/2024 22:51:27 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 2488.20MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 22:52:09 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.12MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:STAGE:2024-07-04 22:52:09 3524991:3524991 ActivityProfilerController.cpp:314] Completed Stage: Warm Up
[default0]:07/04/2024 22:52:09 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 3 / 20 | consumed_tokens: 12.6M | elapsed_time_per_iteration_ms: 42.3K | tokens_per_sec: 99.1K | tokens_per_sec_per_gpu: 12.4K | global_batch_size: 1.02K | lm_loss: 12.8 | lr: 9.05e-05 | model_tflops_per_gpu: 112 | hardware_tflops_per_gpu: 112 | grad_norm: 137 | cuda_memory_allocated: 2.61G | cuda_max_memory_reserved: 10.6G | hd_total_memory_tb: 312G | hd_used_memory_tb: 66.7G | hd_free_memory_tb: 245G
[default0]:07/04/2024 22:52:09 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 2488.20MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 22:53:04 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.12MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 22:53:04 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 4 / 20 | consumed_tokens: 16.8M | elapsed_time_per_iteration_ms: 55.6K | tokens_per_sec: 75.4K | tokens_per_sec_per_gpu: 9.42K | global_batch_size: 1.02K | lm_loss: 12.2 | lr: 8.58e-05 | model_tflops_per_gpu: 85.5 | hardware_tflops_per_gpu: 85.5 | grad_norm: 22.4 | cuda_memory_allocated: 2.61G | cuda_max_memory_reserved: 10.6G | hd_total_memory_tb: 312G | hd_used_memory_tb: 66.7G | hd_free_memory_tb: 245G
[default0]:07/04/2024 22:53:04 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 2488.20MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 22:54:00 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 5 / 20 | consumed_tokens: 21M | elapsed_time_per_iteration_ms: 55.9K | tokens_per_sec: 75K | tokens_per_sec_per_gpu: 9.38K | global_batch_size: 1.02K | lm_loss: 12.4 | lr: 8.11e-05 | model_tflops_per_gpu: 85.1 | hardware_tflops_per_gpu: 85.1 | grad_norm: 42.8
[default0]:07/04/2024 22:54:00 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 22:54:57 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 6 / 20 | consumed_tokens: 25.2M | elapsed_time_per_iteration_ms: 56.7K | tokens_per_sec: 73.9K | tokens_per_sec_per_gpu: 9.24K | global_batch_size: 1.02K | lm_loss: 11.1 | lr: 7.63e-05 | model_tflops_per_gpu: 83.9 | hardware_tflops_per_gpu: 83.9 | grad_norm: 24.8
[default0]:STAGE:2024-07-04 22:57:25 3524991:3524991 ActivityProfilerController.cpp:320] Completed Stage: Collection
[default0]:STAGE:2024-07-04 22:57:39 3524991:3524991 ActivityProfilerController.cpp:324] Completed Stage: Post Processing
[default0]:07/04/2024 23:15:38 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:16:21 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 7 / 20 | consumed_tokens: 29.4M | elapsed_time_per_iteration_ms: 43.3K | tokens_per_sec: 96.8K | tokens_per_sec_per_gpu: 12.1K | global_batch_size: 1.02K | lm_loss: 10.2 | lr: 7.16e-05 | model_tflops_per_gpu: 110 | hardware_tflops_per_gpu: 110 | grad_norm: 12.1
[default0]:07/04/2024 23:16:21 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:17:03 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 8 / 20 | consumed_tokens: 33.6M | elapsed_time_per_iteration_ms: 41.4K | tokens_per_sec: 101K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 9.8 | lr: 6.68e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 7.31
[default0]:07/04/2024 23:17:03 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:17:44 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 9 / 20 | consumed_tokens: 37.7M | elapsed_time_per_iteration_ms: 41.2K | tokens_per_sec: 102K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 9.32 | lr: 6.21e-05 | model_tflops_per_gpu: 116 | hardware_tflops_per_gpu: 116 | grad_norm: 6.66
[default0]:07/04/2024 23:17:44 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:18:25 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 10 / 20 | consumed_tokens: 41.9M | elapsed_time_per_iteration_ms: 41.2K | tokens_per_sec: 102K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 9.22 | lr: 5.74e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 16.3
[default0]:07/04/2024 23:18:25 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:19:06 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 11 / 20 | consumed_tokens: 46.1M | elapsed_time_per_iteration_ms: 41.3K | tokens_per_sec: 102K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 8.63 | lr: 5.26e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 7.95
[default0]:07/04/2024 23:19:06 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:19:48 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 12 / 20 | consumed_tokens: 50.3M | elapsed_time_per_iteration_ms: 41.4K | tokens_per_sec: 101K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 8.27 | lr: 4.79e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 5.43
[default0]:07/04/2024 23:19:48 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:20:29 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 13 / 20 | consumed_tokens: 54.5M | elapsed_time_per_iteration_ms: 41.3K | tokens_per_sec: 102K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 8.1 | lr: 4.32e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 5.53
[default0]:07/04/2024 23:20:29 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:21:11 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 14 / 20 | consumed_tokens: 58.7M | elapsed_time_per_iteration_ms: 41.5K | tokens_per_sec: 101K | tokens_per_sec_per_gpu: 12.6K | global_batch_size: 1.02K | lm_loss: 7.93 | lr: 3.84e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 5.77
[default0]:07/04/2024 23:21:11 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:21:52 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 15 / 20 | consumed_tokens: 62.9M | elapsed_time_per_iteration_ms: 41.3K | tokens_per_sec: 102K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 7.72 | lr: 3.37e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 5.17
[default0]:07/04/2024 23:21:52 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:22:33 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 16 / 20 | consumed_tokens: 67.1M | elapsed_time_per_iteration_ms: 41.5K | tokens_per_sec: 101K | tokens_per_sec_per_gpu: 12.6K | global_batch_size: 1.02K | lm_loss: 7.56 | lr: 2.89e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 4.94
[default0]:07/04/2024 23:22:33 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:23:15 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 17 / 20 | consumed_tokens: 71.3M | elapsed_time_per_iteration_ms: 41.2K | tokens_per_sec: 102K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 7.45 | lr: 2.42e-05 | model_tflops_per_gpu: 116 | hardware_tflops_per_gpu: 116 | grad_norm: 4.93
[default0]:07/04/2024 23:23:15 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:23:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 18 / 20 | consumed_tokens: 75.5M | elapsed_time_per_iteration_ms: 41.5K | tokens_per_sec: 101K | tokens_per_sec_per_gpu: 12.6K | global_batch_size: 1.02K | lm_loss: 7.35 | lr: 1.95e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 4.02
[default0]:07/04/2024 23:23:56 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:24:37 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 19 / 20 | consumed_tokens: 79.7M | elapsed_time_per_iteration_ms: 41.2K | tokens_per_sec: 102K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 7.29 | lr: 1.47e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 4.11
[default0]:07/04/2024 23:24:37 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: Memory usage: 2488.00MiB. Peak allocated 9689.30MiB. Peak reserved: 10130.00MiB
[default0]:07/04/2024 23:25:19 [INFO|DP=0|PP=0|TP=0|ip-26-0-165-164]: iteration: 20 / 20 | consumed_tokens: 83.9M | elapsed_time_per_iteration_ms: 41.4K | tokens_per_sec: 101K | tokens_per_sec_per_gpu: 12.7K | global_batch_size: 1.02K | lm_loss: 7.23 | lr: 1e-05 | model_tflops_per_gpu: 115 | hardware_tflops_per_gpu: 115 | grad_norm: 3.96
Saved 1 csv files over 1 completed logs
Processing file: /fsx/ferdinandmom/ferdinand-hf/bench_cluster/results/llama-1B/8_GPUS/dp-1_tp-8_pp-1_mbz-4/profiler/ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json
Results written to /fsx/ferdinandmom/ferdinand-hf/bench_cluster/results/llama-1B/8_GPUS/dp-1_tp-8_pp-1_mbz-4/profiler.csv
Consider using `hf_transfer` for faster uploads. This solution comes with some limitations. See https://huggingface.co/docs/huggingface_hub/hf_transfer for more details.
ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 0%| | 0.00/36.8G [00:00<?, ?B/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 0%| | 27.1M/36.8G [00:00<02:19, 264MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 0%| | 53.5M/36.8G [00:00<06:58, 87.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 0%| | 73.6M/36.8G [00:00<08:10, 74.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 0%| | 109M/36.8G [00:00<05:02, 121MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 0%| | 128M/36.8G [00:01<06:05, 100MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 0%| | 147M/36.8G [00:01<09:04, 67.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 0%| | 171M/36.8G [00:01<06:51, 89.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 187M/36.8G [00:02<07:41, 79.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 206M/36.8G [00:02<06:23, 95.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 221M/36.8G [00:02<08:02, 75.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 257M/36.8G [00:02<06:58, 87.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 289M/36.8G [00:03<05:07, 119MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 307M/36.8G [00:03<06:30, 93.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 331M/36.8G [00:03<07:59, 76.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 357M/36.8G [00:03<06:09, 98.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 373M/36.8G [00:04<10:35, 57.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 397M/36.8G [00:04<08:03, 75.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 412M/36.8G [00:05<09:39, 62.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%| | 441M/36.8G [00:05<11:16, 53.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%|▏ | 471M/36.8G [00:05<07:58, 75.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%|▏ | 487M/36.8G [00:06<09:12, 65.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 1%|▏ | 515M/36.8G [00:06<09:07, 66.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 552M/36.8G [00:06<07:55, 76.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 589M/36.8G [00:07<09:23, 64.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 621M/36.8G [00:07<07:00, 85.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 637M/36.8G [00:08<07:34, 79.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 662M/36.8G [00:08<09:19, 64.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 699M/36.8G [00:09<07:55, 75.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 732M/36.8G [00:09<05:54, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 750M/36.8G [00:09<06:54, 86.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 772M/36.8G [00:09<07:33, 79.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 803M/36.8G [00:09<05:37, 106MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 821M/36.8G [00:10<07:31, 79.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 846M/36.8G [00:10<08:09, 73.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 881M/36.8G [00:10<05:46, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 2%|▏ | 898M/36.8G [00:11<06:48, 87.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 920M/36.8G [00:11<07:22, 81.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 950M/36.8G [00:11<05:30, 108MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 967M/36.8G [00:11<07:03, 84.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 993M/36.8G [00:12<07:28, 79.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.03G/36.8G [00:12<07:14, 82.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.07G/36.8G [00:13<06:32, 90.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.10G/36.8G [00:13<08:41, 68.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.14G/36.8G [00:13<06:37, 89.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.15G/36.8G [00:14<08:01, 74.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.18G/36.8G [00:14<10:08, 58.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.21G/36.8G [00:15<07:30, 79.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.22G/36.8G [00:15<08:29, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.25G/36.8G [00:15<07:49, 75.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 3%|β–Ž | 1.29G/36.8G [00:15<05:36, 106MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|β–Ž | 1.30G/36.8G [00:16<07:32, 78.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|β–Ž | 1.32G/36.8G [00:16<08:21, 70.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|β–Ž | 1.36G/36.8G [00:16<05:45, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|β–Ž | 1.38G/36.8G [00:17<06:23, 92.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.40G/36.8G [00:17<08:00, 73.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.43G/36.8G [00:17<07:20, 80.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.47G/36.8G [00:17<05:26, 108MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.48G/36.8G [00:18<06:26, 91.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.51G/36.8G [00:19<11:55, 49.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.54G/36.8G [00:19<08:02, 73.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.56G/36.8G [00:19<08:21, 70.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.58G/36.8G [00:20<09:54, 59.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.62G/36.8G [00:20<06:45, 86.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.63G/36.8G [00:20<07:17, 80.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 4%|▍ | 1.65G/36.8G [00:20<06:15, 93.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|▍ | 1.67G/36.8G [00:20<07:42, 75.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|▍ | 1.69G/36.8G [00:21<06:25, 91.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|▍ | 1.70G/36.8G [00:21<09:27, 61.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|▍ | 1.73G/36.8G [00:21<08:46, 66.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|▍ | 1.76G/36.8G [00:22<06:14, 93.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|▍ | 1.77G/36.8G [00:22<07:07, 81.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|▍ | 1.80G/36.8G [00:22<08:43, 66.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|▍ | 1.84G/36.8G [00:22<06:00, 96.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|β–Œ | 1.85G/36.8G [00:23<08:27, 68.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|β–Œ | 1.88G/36.8G [00:23<08:32, 68.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|β–Œ | 1.91G/36.8G [00:23<05:52, 98.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|β–Œ | 1.93G/36.8G [00:24<07:53, 73.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|β–Œ | 1.95G/36.8G [00:24<08:35, 67.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|β–Œ | 1.98G/36.8G [00:24<06:00, 96.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 5%|β–Œ | 2.00G/36.8G [00:26<18:45, 30.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.02G/36.8G [00:27<15:35, 37.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.06G/36.8G [00:27<10:09, 57.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.08G/36.8G [00:27<10:30, 55.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.10G/36.8G [00:28<12:00, 48.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.13G/36.8G [00:28<07:47, 74.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.15G/36.8G [00:28<08:15, 70.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.17G/36.8G [00:28<09:35, 60.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.21G/36.8G [00:29<08:26, 68.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.24G/36.8G [00:29<06:00, 95.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.26G/36.8G [00:29<06:38, 86.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–Œ | 2.28G/36.8G [00:30<07:28, 76.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–‹ | 2.32G/36.8G [00:30<06:59, 82.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 6%|β–‹ | 2.35G/36.8G [00:30<06:16, 91.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.39G/36.8G [00:31<07:12, 79.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.42G/36.8G [00:31<05:32, 103MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.44G/36.8G [00:31<06:32, 87.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.46G/36.8G [00:32<07:10, 79.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.50G/36.8G [00:32<07:57, 71.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.53G/36.8G [00:32<06:01, 94.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.55G/36.8G [00:33<07:05, 80.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.57G/36.8G [00:33<05:40, 100MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.59G/36.8G [00:33<06:07, 92.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.61G/36.8G [00:33<07:12, 79.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.65G/36.8G [00:34<07:26, 76.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.69G/36.8G [00:34<06:41, 84.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.72G/36.8G [00:34<05:06, 111MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 7%|β–‹ | 2.73G/36.8G [00:35<05:47, 98.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 2.76G/36.8G [00:35<06:17, 90.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 2.79G/36.8G [00:35<04:43, 120MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 2.81G/36.8G [00:36<06:59, 81.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 2.83G/36.8G [00:36<07:31, 75.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 2.87G/36.8G [00:36<06:42, 84.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 2.91G/36.8G [00:37<10:20, 54.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 2.94G/36.8G [00:38<08:49, 64.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 2.98G/36.8G [00:38<08:04, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 3.01G/36.8G [00:38<06:04, 92.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 3.03G/36.8G [00:39<07:07, 79.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 3.05G/36.8G [00:39<07:37, 73.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 3.08G/36.8G [00:39<05:41, 98.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 8%|β–Š | 3.10G/36.8G [00:39<06:29, 86.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–Š | 3.13G/36.8G [00:40<06:41, 83.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–Š | 3.16G/36.8G [00:40<06:58, 80.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–Š | 3.20G/36.8G [00:40<05:06, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–Š | 3.22G/36.8G [00:41<05:53, 95.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.24G/36.8G [00:41<10:15, 54.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.27G/36.8G [00:42<07:14, 77.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.29G/36.8G [00:42<09:21, 59.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.31G/36.8G [00:43<09:20, 59.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.35G/36.8G [00:43<06:16, 88.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.37G/36.8G [00:43<07:06, 78.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.38G/36.8G [00:43<07:45, 71.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.42G/36.8G [00:44<07:24, 75.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.46G/36.8G [00:44<05:22, 103MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 9%|β–‰ | 3.47G/36.8G [00:44<06:41, 82.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–‰ | 3.49G/36.8G [00:45<07:41, 72.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–‰ | 3.53G/36.8G [00:45<06:49, 81.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–‰ | 3.57G/36.8G [00:45<06:13, 89.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–‰ | 3.60G/36.8G [00:46<05:53, 93.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–‰ | 3.64G/36.8G [00:46<04:32, 122MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–‰ | 3.66G/36.8G [00:46<05:04, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–ˆ | 3.68G/36.8G [00:46<06:21, 86.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–ˆ | 3.71G/36.8G [00:47<05:46, 95.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–ˆ | 3.75G/36.8G [00:47<05:56, 92.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–ˆ | 3.79G/36.8G [00:48<05:56, 92.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–ˆ | 3.83G/36.8G [00:48<06:37, 82.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 10%|β–ˆ | 3.86G/36.8G [00:48<05:08, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 3.88G/36.8G [00:48<05:47, 94.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 3.90G/36.8G [00:49<07:03, 77.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 3.94G/36.8G [00:50<07:56, 68.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 3.97G/36.8G [00:50<06:54, 79.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 4.01G/36.8G [00:50<06:25, 85.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 4.04G/36.8G [00:50<05:05, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 4.06G/36.8G [00:51<05:52, 92.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 4.08G/36.8G [00:51<06:36, 82.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆ | 4.12G/36.8G [00:51<06:03, 89.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆβ– | 4.15G/36.8G [00:52<04:38, 117MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆβ– | 4.17G/36.8G [00:53<09:44, 55.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆβ– | 4.19G/36.8G [00:53<08:15, 65.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 11%|β–ˆβ– | 4.20G/36.8G [00:53<13:26, 40.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.23G/36.8G [00:54<11:58, 45.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.27G/36.8G [00:54<09:24, 57.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.30G/36.8G [00:55<07:56, 68.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.34G/36.8G [00:55<07:20, 73.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.38G/36.8G [00:56<07:09, 75.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.41G/36.8G [01:01<29:33, 18.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.45G/36.8G [01:01<22:06, 24.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.49G/36.8G [01:02<16:47, 32.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.52G/36.8G [01:02<12:43, 42.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.53G/36.8G [01:03<17:52, 30.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.56G/36.8G [01:03<13:48, 38.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 12%|β–ˆβ– | 4.57G/36.8G [01:03<12:48, 41.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.60G/36.8G [01:04<10:56, 49.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.63G/36.8G [01:04<07:18, 73.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.65G/36.8G [01:04<07:37, 70.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.67G/36.8G [01:04<06:32, 81.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.68G/36.8G [01:04<07:50, 68.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.71G/36.8G [01:05<06:03, 88.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.72G/36.8G [01:05<07:39, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.74G/36.8G [01:05<09:15, 57.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.78G/36.8G [01:06<08:35, 62.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.82G/36.8G [01:06<07:41, 69.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.86G/36.8G [01:07<06:39, 79.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.89G/36.8G [01:07<06:51, 77.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.92G/36.8G [01:07<05:17, 100MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 13%|β–ˆβ–Ž | 4.94G/36.8G [01:08<06:03, 87.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ–Ž | 4.97G/36.8G [01:08<08:18, 63.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ–Ž | 5.00G/36.8G [01:09<09:06, 58.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ–Ž | 5.03G/36.8G [01:09<06:46, 78.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ–Ž | 5.05G/36.8G [01:09<07:26, 71.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.08G/36.8G [01:10<08:00, 66.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.11G/36.8G [01:10<05:39, 93.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.13G/36.8G [01:10<06:15, 84.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.15G/36.8G [01:11<06:51, 76.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.18G/36.8G [01:11<05:04, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.20G/36.8G [01:11<06:09, 85.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.22G/36.8G [01:11<05:07, 103MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.24G/36.8G [01:12<06:00, 87.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.26G/36.8G [01:12<06:09, 85.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.30G/36.8G [01:12<05:55, 88.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 14%|β–ˆβ– | 5.33G/36.8G [01:12<04:18, 122MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ– | 5.35G/36.8G [01:13<05:16, 99.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ– | 5.37G/36.8G [01:13<06:51, 76.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ– | 5.39G/36.8G [01:13<05:42, 91.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ– | 5.41G/36.8G [01:13<05:23, 96.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ– | 5.42G/36.8G [01:14<06:30, 80.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ– | 5.44G/36.8G [01:14<07:31, 69.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ– | 5.48G/36.8G [01:14<06:28, 80.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ– | 5.52G/36.8G [01:14<04:36, 113MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ–Œ | 5.53G/36.8G [01:15<06:00, 86.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ–Œ | 5.55G/36.8G [01:15<06:49, 76.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ–Œ | 5.59G/36.8G [01:16<06:45, 76.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ–Œ | 5.62G/36.8G [01:16<04:58, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ–Œ | 5.64G/36.8G [01:17<09:05, 57.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ–Œ | 5.66G/36.8G [01:17<10:46, 48.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 15%|β–ˆβ–Œ | 5.69G/36.8G [01:17<07:56, 65.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.71G/36.8G [01:18<09:45, 53.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.74G/36.8G [01:18<06:49, 75.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.75G/36.8G [01:18<07:46, 66.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.77G/36.8G [01:19<08:45, 59.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.81G/36.8G [01:19<07:46, 66.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.85G/36.8G [01:20<07:47, 66.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.88G/36.8G [01:20<07:13, 71.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.92G/36.8G [01:20<05:23, 95.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.94G/36.8G [01:21<08:08, 63.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–Œ | 5.96G/36.8G [01:21<08:39, 59.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–‹ | 6.00G/36.8G [01:22<07:13, 71.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–‹ | 6.03G/36.8G [01:22<06:40, 76.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 16%|β–ˆβ–‹ | 6.07G/36.8G [01:22<05:03, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.08G/36.8G [01:23<05:53, 86.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.11G/36.8G [01:23<06:21, 80.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.14G/36.8G [01:23<04:42, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.16G/36.8G [01:23<05:44, 88.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.18G/36.8G [01:24<08:43, 58.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.21G/36.8G [01:24<06:02, 84.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.23G/36.8G [01:25<06:54, 73.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.25G/36.8G [01:25<08:06, 62.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.29G/36.8G [01:25<07:01, 72.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.33G/36.8G [01:26<07:19, 69.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.36G/36.8G [01:26<05:40, 89.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.37G/36.8G [01:26<06:18, 80.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.40G/36.8G [01:27<07:07, 71.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 17%|β–ˆβ–‹ | 6.44G/36.8G [01:27<05:00, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.45G/36.8G [01:27<05:39, 89.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.47G/36.8G [01:28<06:46, 74.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.51G/36.8G [01:28<05:38, 89.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.55G/36.8G [01:29<06:56, 72.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.58G/36.8G [01:29<05:09, 97.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.60G/36.8G [01:29<05:57, 84.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.62G/36.8G [01:29<06:13, 80.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.66G/36.8G [01:30<05:57, 84.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.69G/36.8G [01:30<04:26, 113MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.71G/36.8G [01:31<09:42, 51.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.73G/36.8G [01:31<08:23, 59.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.74G/36.8G [01:31<09:12, 54.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.76G/36.8G [01:32<06:53, 72.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 18%|β–ˆβ–Š | 6.78G/36.8G [01:32<08:09, 61.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–Š | 6.80G/36.8G [01:32<07:25, 67.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–Š | 6.84G/36.8G [01:33<06:03, 82.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–Š | 6.88G/36.8G [01:33<05:28, 91.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 6.91G/36.8G [01:33<06:15, 79.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 6.95G/36.8G [01:34<04:54, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 6.96G/36.8G [01:34<06:23, 77.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 6.99G/36.8G [01:34<06:25, 77.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 7.03G/36.8G [01:35<06:18, 78.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 7.06G/36.8G [01:35<05:43, 86.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 7.09G/36.8G [01:35<04:30, 110MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 7.11G/36.8G [01:36<05:33, 88.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 7.14G/36.8G [01:36<07:06, 69.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 19%|β–ˆβ–‰ | 7.16G/36.8G [01:36<05:30, 89.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–‰ | 7.18G/36.8G [01:37<06:35, 74.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–‰ | 7.21G/36.8G [01:37<06:02, 81.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–‰ | 7.24G/36.8G [01:37<04:39, 106MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–‰ | 7.25G/36.8G [01:37<05:39, 87.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–‰ | 7.28G/36.8G [01:38<06:00, 81.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–‰ | 7.32G/36.8G [01:38<05:20, 92.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–ˆ | 7.36G/36.8G [01:39<09:07, 53.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–ˆ | 7.39G/36.8G [01:40<07:49, 62.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–ˆ | 7.43G/36.8G [01:40<05:47, 84.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–ˆ | 7.44G/36.8G [01:40<07:25, 65.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–ˆ | 7.46G/36.8G [01:40<06:34, 74.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–ˆ | 7.47G/36.8G [01:41<07:02, 69.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–ˆ | 7.50G/36.8G [01:41<05:13, 93.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 20%|β–ˆβ–ˆ | 7.52G/36.8G [01:41<06:23, 76.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.54G/36.8G [01:42<07:39, 63.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.58G/36.8G [01:42<07:02, 69.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.61G/36.8G [01:42<05:51, 83.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.65G/36.8G [01:42<04:20, 112MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.67G/36.8G [01:43<06:41, 72.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.69G/36.8G [01:44<07:56, 61.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.72G/36.8G [01:44<05:49, 83.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.73G/36.8G [01:44<08:02, 60.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.76G/36.8G [01:49<36:04, 13.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆ | 7.80G/36.8G [01:51<29:54, 16.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆβ– | 7.83G/36.8G [01:51<20:45, 23.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆβ– | 7.84G/36.8G [01:52<22:25, 21.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆβ– | 7.86G/36.8G [01:52<17:23, 27.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 21%|β–ˆβ–ˆβ– | 7.88G/36.8G [01:52<15:53, 30.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 7.91G/36.8G [01:53<12:07, 39.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 7.94G/36.8G [01:53<07:55, 60.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 7.96G/36.8G [01:53<08:24, 57.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 7.98G/36.8G [01:54<08:26, 56.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.02G/36.8G [01:54<05:41, 84.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.03G/36.8G [01:54<07:13, 66.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.06G/36.8G [01:55<08:49, 54.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.09G/36.8G [01:55<07:41, 62.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.13G/36.8G [01:56<06:39, 71.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.15G/36.8G [01:56<05:22, 88.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.17G/36.8G [01:56<05:59, 79.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.20G/36.8G [01:56<06:18, 75.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.24G/36.8G [01:57<06:42, 71.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 22%|β–ˆβ–ˆβ– | 8.27G/36.8G [01:57<04:54, 96.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.29G/36.8G [01:57<05:41, 83.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.31G/36.8G [01:58<06:53, 68.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.35G/36.8G [01:58<04:51, 97.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.36G/36.8G [01:58<05:44, 82.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.39G/36.8G [01:59<06:10, 76.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.42G/36.8G [01:59<05:27, 86.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.46G/36.8G [01:59<04:05, 115MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.47G/36.8G [02:00<07:14, 65.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.50G/36.8G [02:00<07:42, 61.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.53G/36.8G [02:01<06:53, 68.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.57G/36.8G [02:01<06:30, 72.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 23%|β–ˆβ–ˆβ–Ž | 8.61G/36.8G [02:01<05:34, 84.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ–Ž | 8.64G/36.8G [02:02<05:02, 92.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ–Ž | 8.68G/36.8G [02:02<03:53, 120MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ–Ž | 8.70G/36.8G [02:03<10:44, 43.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ–Ž | 8.72G/36.8G [02:04<09:58, 46.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.75G/36.8G [02:04<06:46, 68.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.77G/36.8G [02:04<07:04, 65.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.79G/36.8G [02:05<08:25, 55.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.82G/36.8G [02:05<05:58, 78.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.84G/36.8G [02:05<07:05, 65.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.86G/36.8G [02:05<05:54, 78.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.87G/36.8G [02:06<06:35, 70.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.90G/36.8G [02:06<06:22, 72.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.93G/36.8G [02:06<05:32, 83.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.95G/36.8G [02:07<06:19, 73.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.97G/36.8G [02:07<04:42, 98.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 24%|β–ˆβ–ˆβ– | 8.99G/36.8G [02:07<06:52, 67.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ– | 9.01G/36.8G [02:08<07:15, 63.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ– | 9.04G/36.8G [02:08<05:15, 88.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ– | 9.05G/36.8G [02:08<06:36, 69.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ– | 9.08G/36.8G [02:08<06:10, 74.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ– | 9.12G/36.8G [02:08<04:19, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ– | 9.14G/36.8G [02:09<06:02, 76.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ– | 9.16G/36.8G [02:09<06:55, 66.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ– | 9.19G/36.8G [02:09<04:48, 95.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ–Œ | 9.21G/36.8G [02:10<05:21, 85.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ–Œ | 9.23G/36.8G [02:10<06:18, 72.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ–Œ | 9.27G/36.8G [02:10<05:12, 88.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ–Œ | 9.31G/36.8G [02:11<05:25, 84.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ–Œ | 9.34G/36.8G [02:11<04:00, 114MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 25%|β–ˆβ–ˆβ–Œ | 9.36G/36.8G [02:11<05:06, 89.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.38G/36.8G [02:12<06:41, 68.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.41G/36.8G [02:12<04:58, 91.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.43G/36.8G [02:12<06:40, 68.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.45G/36.8G [02:13<08:02, 56.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.49G/36.8G [02:14<07:45, 58.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.52G/36.8G [02:14<05:34, 81.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.54G/36.8G [02:14<07:44, 58.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.56G/36.8G [02:15<07:12, 63.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.60G/36.8G [02:15<05:02, 89.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.61G/36.8G [02:15<05:47, 78.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–Œ | 9.64G/36.8G [02:16<06:10, 73.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–‹ | 9.67G/36.8G [02:16<04:15, 106MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–‹ | 9.69G/36.8G [02:16<05:12, 86.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–‹ | 9.71G/36.8G [02:16<04:42, 95.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 26%|β–ˆβ–ˆβ–‹ | 9.72G/36.8G [02:16<05:06, 88.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.75G/36.8G [02:17<09:24, 47.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.78G/36.8G [02:18<07:11, 62.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.82G/36.8G [02:18<06:39, 67.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.86G/36.8G [02:19<08:22, 53.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.89G/36.8G [02:19<06:14, 71.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.90G/36.8G [02:19<06:41, 67.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.93G/36.8G [02:20<05:28, 81.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.94G/36.8G [02:20<05:57, 75.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 9.97G/36.8G [02:20<06:05, 73.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 10.0G/36.8G [02:20<04:08, 108MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 10.0G/36.8G [02:21<05:12, 85.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 10.0G/36.8G [02:21<05:41, 78.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 10.1G/36.8G [02:21<04:04, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 27%|β–ˆβ–ˆβ–‹ | 10.1G/36.8G [02:21<05:12, 85.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.1G/36.8G [02:22<05:31, 80.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.1G/36.8G [02:22<04:02, 110MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.2G/36.8G [02:22<05:06, 87.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.2G/36.8G [02:23<06:09, 72.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.2G/36.8G [02:24<08:43, 50.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.3G/36.8G [02:24<07:03, 62.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.3G/36.8G [02:24<06:12, 71.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.3G/36.8G [02:25<05:40, 77.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.4G/36.8G [02:25<04:19, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.4G/36.8G [02:25<05:28, 80.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.4G/36.8G [02:26<05:41, 77.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 28%|β–ˆβ–ˆβ–Š | 10.4G/36.8G [02:26<05:25, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–Š | 10.5G/36.8G [02:26<05:15, 83.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–Š | 10.5G/36.8G [02:27<05:06, 85.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–Š | 10.6G/36.8G [02:27<05:09, 84.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.6G/36.8G [02:28<05:49, 74.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.6G/36.8G [02:28<04:25, 98.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.6G/36.8G [02:28<05:08, 84.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.7G/36.8G [02:29<06:23, 68.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.7G/36.8G [02:29<05:40, 76.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.7G/36.8G [02:30<06:39, 65.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.8G/36.8G [02:30<04:51, 89.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.8G/36.8G [02:31<06:35, 65.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.8G/36.8G [02:31<05:37, 77.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 29%|β–ˆβ–ˆβ–‰ | 10.8G/36.8G [02:31<05:52, 73.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–‰ | 10.9G/36.8G [02:31<05:51, 73.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–‰ | 10.9G/36.8G [02:32<05:25, 79.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–‰ | 10.9G/36.8G [02:32<05:00, 86.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–‰ | 11.0G/36.8G [02:33<04:54, 87.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–‰ | 11.0G/36.8G [02:33<04:54, 87.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–ˆ | 11.0G/36.8G [02:33<04:48, 89.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–ˆ | 11.1G/36.8G [02:34<06:18, 68.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–ˆ | 11.1G/36.8G [02:34<04:50, 88.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–ˆ | 11.1G/36.8G [02:35<05:27, 78.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–ˆ | 11.1G/36.8G [02:35<06:50, 62.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–ˆ | 11.2G/36.8G [02:35<05:06, 83.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–ˆ | 11.2G/36.8G [02:36<06:09, 69.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 30%|β–ˆβ–ˆβ–ˆ | 11.2G/36.8G [02:36<04:55, 86.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.2G/36.8G [02:36<06:45, 63.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.3G/36.8G [02:37<06:38, 64.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.3G/36.8G [02:37<06:38, 64.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.3G/36.8G [02:37<04:48, 88.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.3G/36.8G [02:39<09:58, 42.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.4G/36.8G [02:39<08:02, 52.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.4G/36.8G [02:39<08:05, 52.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.4G/36.8G [02:39<07:29, 56.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.4G/36.8G [02:39<05:02, 83.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.5G/36.8G [02:40<05:28, 77.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆ | 11.5G/36.8G [02:40<05:22, 78.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆβ– | 11.5G/36.8G [02:40<03:47, 111MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆβ– | 11.5G/36.8G [02:40<04:25, 95.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆβ– | 11.5G/36.8G [02:41<04:39, 90.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 31%|β–ˆβ–ˆβ–ˆβ– | 11.6G/36.8G [02:41<03:26, 122MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.6G/36.8G [02:41<04:08, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.6G/36.8G [02:41<04:56, 84.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.7G/36.8G [02:42<05:42, 73.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.7G/36.8G [02:43<06:05, 68.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.7G/36.8G [02:43<04:36, 90.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.7G/36.8G [02:43<05:54, 70.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.8G/36.8G [02:43<05:43, 72.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.8G/36.8G [02:44<05:38, 73.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.8G/36.8G [02:44<04:22, 95.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.9G/36.8G [02:44<05:11, 80.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.9G/36.8G [02:45<08:09, 50.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 32%|β–ˆβ–ˆβ–ˆβ– | 11.9G/36.8G [02:46<08:15, 50.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.0G/36.8G [02:47<06:55, 59.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.0G/36.8G [02:47<05:16, 78.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.0G/36.8G [02:47<06:46, 60.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.0G/36.8G [02:48<07:45, 53.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.0G/36.8G [02:48<06:13, 66.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.1G/36.8G [02:48<05:45, 71.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.1G/36.8G [02:49<07:58, 51.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.1G/36.8G [02:49<06:49, 60.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.1G/36.8G [02:49<04:29, 91.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.2G/36.8G [02:50<08:53, 46.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.2G/36.8G [02:50<08:19, 49.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.2G/36.8G [02:50<05:41, 72.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.2G/36.8G [02:51<05:51, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.2G/36.8G [02:52<08:48, 46.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.3G/36.8G [02:52<05:52, 69.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.3G/36.8G [02:52<05:59, 68.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 33%|β–ˆβ–ˆβ–ˆβ–Ž | 12.3G/36.8G [02:52<05:05, 80.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ–Ž | 12.3G/36.8G [02:52<05:49, 69.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ–Ž | 12.4G/36.8G [02:53<07:44, 52.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ–Ž | 12.4G/36.8G [02:53<06:04, 66.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ– | 12.4G/36.8G [02:54<06:11, 65.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ– | 12.5G/36.8G [02:54<04:27, 90.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ– | 12.5G/36.8G [02:55<06:04, 66.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ– | 12.5G/36.8G [03:00<30:11, 13.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ– | 12.5G/36.8G [03:01<23:41, 17.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ– | 12.6G/36.8G [03:02<16:48, 24.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ– | 12.6G/36.8G [03:02<12:54, 31.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 34%|β–ˆβ–ˆβ–ˆβ– | 12.7G/36.8G [03:02<09:42, 41.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ– | 12.7G/36.8G [03:03<08:52, 45.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ– | 12.7G/36.8G [03:03<07:32, 53.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ– | 12.8G/36.8G [03:04<07:05, 56.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ– | 12.8G/36.8G [03:04<06:27, 61.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ– | 12.8G/36.8G [03:05<05:42, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ–Œ | 12.9G/36.8G [03:05<05:12, 76.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ–Œ | 12.9G/36.8G [03:06<05:10, 76.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ–Œ | 12.9G/36.8G [03:06<03:58, 99.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ–Œ | 13.0G/36.8G [03:06<04:04, 97.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ–Œ | 13.0G/36.8G [03:06<04:58, 79.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ–Œ | 13.0G/36.8G [03:07<03:42, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 35%|β–ˆβ–ˆβ–ˆβ–Œ | 13.0G/36.8G [03:07<04:20, 91.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.1G/36.8G [03:07<05:29, 72.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.1G/36.8G [03:07<04:01, 98.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.1G/36.8G [03:08<04:52, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.1G/36.8G [03:08<06:49, 57.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.2G/36.8G [03:09<07:05, 55.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.2G/36.8G [03:09<05:29, 71.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.2G/36.8G [03:10<06:11, 63.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.2G/36.8G [03:10<04:21, 89.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.3G/36.8G [03:10<04:48, 81.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.3G/36.8G [03:11<06:20, 61.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–Œ | 13.3G/36.8G [03:11<06:48, 57.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–‹ | 13.4G/36.8G [03:12<06:19, 61.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–‹ | 13.4G/36.8G [03:12<04:50, 80.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 36%|β–ˆβ–ˆβ–ˆβ–‹ | 13.4G/36.8G [03:12<06:01, 64.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.4G/36.8G [03:13<05:56, 65.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.5G/36.8G [03:13<04:18, 90.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.5G/36.8G [03:14<08:33, 45.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.5G/36.8G [03:14<07:38, 50.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.5G/36.8G [03:15<06:55, 56.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.6G/36.8G [03:15<04:55, 78.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.6G/36.8G [03:15<05:37, 68.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.6G/36.8G [03:16<08:19, 46.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.6G/36.8G [03:16<05:45, 67.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.7G/36.8G [03:17<05:38, 68.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.7G/36.8G [03:17<04:52, 79.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.7G/36.8G [03:17<06:21, 60.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.7G/36.8G [03:18<06:15, 61.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.8G/36.8G [03:18<04:14, 90.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.8G/36.8G [03:18<04:26, 86.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 37%|β–ˆβ–ˆβ–ˆβ–‹ | 13.8G/36.8G [03:18<03:40, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 13.8G/36.8G [03:18<05:18, 72.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 13.8G/36.8G [03:19<05:26, 70.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 13.9G/36.8G [03:19<05:06, 74.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 13.9G/36.8G [03:20<04:35, 82.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 13.9G/36.8G [03:20<04:14, 89.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 14.0G/36.8G [03:21<05:32, 68.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 14.0G/36.8G [03:21<05:02, 75.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 14.0G/36.8G [03:21<03:56, 96.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 14.1G/36.8G [03:22<04:46, 79.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 14.1G/36.8G [03:22<04:55, 76.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 14.1G/36.8G [03:23<07:32, 50.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 38%|β–ˆβ–ˆβ–ˆβ–Š | 14.2G/36.8G [03:23<05:32, 68.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–Š | 14.2G/36.8G [03:23<05:44, 65.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–Š | 14.2G/36.8G [03:24<05:37, 66.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–Š | 14.2G/36.8G [03:24<04:56, 76.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.3G/36.8G [03:25<04:36, 81.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.3G/36.8G [03:25<03:30, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.3G/36.8G [03:25<04:00, 93.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.3G/36.8G [03:25<04:29, 83.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.4G/36.8G [03:25<03:19, 112MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.4G/36.8G [03:26<03:51, 96.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.4G/36.8G [03:26<05:12, 71.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.5G/36.8G [03:27<06:52, 54.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.5G/36.8G [03:27<04:55, 75.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 39%|β–ˆβ–ˆβ–ˆβ–‰ | 14.5G/36.8G [03:28<04:57, 74.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–‰ | 14.5G/36.8G [03:28<05:39, 65.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–‰ | 14.6G/36.8G [03:28<04:00, 92.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–‰ | 14.6G/36.8G [03:28<04:23, 84.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–‰ | 14.6G/36.8G [03:29<04:45, 77.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–‰ | 14.6G/36.8G [03:29<04:14, 86.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–‰ | 14.7G/36.8G [03:30<04:32, 81.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.7G/36.8G [03:30<04:14, 86.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.7G/36.8G [03:31<05:15, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.8G/36.8G [03:31<04:01, 91.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.8G/36.8G [03:31<05:44, 63.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.8G/36.8G [03:32<06:20, 57.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.9G/36.8G [03:32<05:14, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 40%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.9G/36.8G [03:32<03:53, 93.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.9G/36.8G [03:33<05:11, 70.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 14.9G/36.8G [03:33<05:55, 61.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 15.0G/36.8G [03:34<05:12, 69.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 15.0G/36.8G [03:34<04:39, 77.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 15.0G/36.8G [03:35<04:12, 86.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 15.1G/36.8G [03:35<03:11, 113MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 15.1G/36.8G [03:35<03:31, 103MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 15.1G/36.8G [03:35<04:00, 90.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆ | 15.2G/36.8G [03:36<04:28, 80.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.2G/36.8G [03:36<04:34, 78.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 41%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.2G/36.8G [03:37<04:13, 84.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.3G/36.8G [03:37<04:15, 84.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.3G/36.8G [03:37<03:17, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.3G/36.8G [03:38<04:21, 82.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.3G/36.8G [03:38<04:54, 72.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.4G/36.8G [03:38<03:30, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.4G/36.8G [03:38<03:52, 92.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.4G/36.8G [03:39<04:17, 83.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.4G/36.8G [03:39<04:04, 87.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.5G/36.8G [03:39<03:04, 116MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.5G/36.8G [03:40<04:21, 81.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.5G/36.8G [03:40<04:33, 77.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.6G/36.8G [03:40<03:19, 106MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.6G/36.8G [03:41<05:46, 61.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 42%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 15.6G/36.8G [03:41<06:04, 58.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.6G/36.8G [03:42<04:53, 72.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.7G/36.8G [03:42<04:10, 84.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.7G/36.8G [03:42<04:05, 85.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.7G/36.8G [03:42<03:16, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.8G/36.8G [03:43<04:07, 85.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.8G/36.8G [03:43<04:07, 84.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.8G/36.8G [03:44<05:24, 64.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.9G/36.8G [03:44<03:56, 88.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.9G/36.8G [03:44<04:46, 73.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.9G/36.8G [03:45<04:52, 71.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 15.9G/36.8G [03:45<04:14, 82.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 43%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 16.0G/36.8G [03:45<04:09, 83.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 16.0G/36.8G [03:46<04:05, 84.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 16.0G/36.8G [03:46<03:43, 92.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 16.1G/36.8G [03:46<02:50, 121MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 16.1G/36.8G [03:47<03:51, 89.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.1G/36.8G [03:50<16:14, 21.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.1G/36.8G [03:50<10:56, 31.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.2G/36.8G [03:51<09:58, 34.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.2G/36.8G [03:51<08:04, 42.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.2G/36.8G [03:51<08:02, 42.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.2G/36.8G [03:51<07:10, 47.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.3G/36.8G [03:52<05:53, 58.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.3G/36.8G [03:52<04:08, 82.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.3G/36.8G [03:52<05:10, 66.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 44%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.3G/36.8G [03:58<26:52, 12.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.4G/36.8G [03:59<21:09, 16.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.4G/36.8G [03:59<14:07, 24.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.4G/36.8G [04:00<12:44, 26.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.4G/36.8G [04:00<11:01, 30.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.5G/36.8G [04:01<07:59, 42.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ– | 16.5G/36.8G [04:01<06:31, 51.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.6G/36.8G [04:01<05:30, 61.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.6G/36.8G [04:02<04:50, 69.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.6G/36.8G [04:02<04:23, 76.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.7G/36.8G [04:03<04:46, 70.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.7G/36.8G [04:03<03:36, 92.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 45%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.7G/36.8G [04:03<04:15, 78.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.7G/36.8G [04:04<04:37, 72.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.8G/36.8G [04:04<03:22, 98.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.8G/36.8G [04:04<03:59, 83.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.8G/36.8G [04:04<04:33, 73.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.8G/36.8G [04:04<03:31, 94.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.9G/36.8G [04:05<05:28, 60.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.9G/36.8G [04:05<03:58, 83.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.9G/36.8G [04:06<04:29, 73.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.9G/36.8G [04:06<03:38, 91.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 16.9G/36.8G [04:06<04:43, 70.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 17.0G/36.8G [04:07<05:33, 59.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 17.0G/36.8G [04:07<04:29, 73.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.0G/36.8G [04:07<03:50, 85.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.1G/36.8G [04:07<02:49, 116MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 46%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.1G/36.8G [04:08<03:26, 95.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.1G/36.8G [04:08<04:03, 80.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.1G/36.8G [04:08<04:06, 79.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.2G/36.8G [04:09<04:14, 77.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.2G/36.8G [04:09<03:12, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.2G/36.8G [04:09<03:26, 94.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.3G/36.8G [04:10<03:56, 82.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.3G/36.8G [04:10<02:49, 115MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.3G/36.8G [04:10<03:55, 82.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.3G/36.8G [04:11<04:39, 69.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.4G/36.8G [04:11<03:17, 98.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.4G/36.8G [04:11<03:49, 84.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.4G/36.8G [04:11<03:16, 98.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.4G/36.8G [04:12<04:22, 73.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 47%|β–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 17.4G/36.8G [04:13<08:48, 36.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.5G/36.8G [04:14<08:14, 39.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.5G/36.8G [04:14<05:54, 54.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.5G/36.8G [04:14<06:05, 52.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.5G/36.8G [04:15<05:42, 56.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.6G/36.8G [04:15<04:39, 68.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.6G/36.8G [04:16<04:59, 64.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.7G/36.8G [04:16<03:38, 87.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.7G/36.8G [04:16<04:47, 66.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.7G/36.8G [04:17<05:02, 63.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.7G/36.8G [04:17<04:07, 76.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.8G/36.8G [04:17<04:17, 74.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 48%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.8G/36.8G [04:18<03:54, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.8G/36.8G [04:18<03:44, 84.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.9G/36.8G [04:18<02:52, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.9G/36.8G [04:19<03:12, 98.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–Š | 17.9G/36.8G [04:19<04:46, 65.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 17.9G/36.8G [04:20<04:18, 72.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.0G/36.8G [04:20<03:20, 93.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.0G/36.8G [04:20<03:33, 87.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.0G/36.8G [04:20<02:55, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.0G/36.8G [04:20<03:11, 97.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.1G/36.8G [04:21<04:49, 64.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.1G/36.8G [04:21<03:16, 95.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.1G/36.8G [04:21<03:31, 88.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.1G/36.8G [04:22<03:57, 78.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.2G/36.8G [04:22<03:29, 88.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 49%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.2G/36.8G [04:22<02:42, 114MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.2G/36.8G [04:22<03:24, 90.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.2G/36.8G [04:23<04:00, 76.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.3G/36.8G [04:23<03:33, 86.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.3G/36.8G [04:25<07:23, 41.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 18.4G/36.8G [04:26<07:40, 40.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.4G/36.8G [04:26<06:07, 50.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.4G/36.8G [04:26<04:36, 66.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.4G/36.8G [04:27<04:45, 64.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.5G/36.8G [04:27<04:42, 64.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.5G/36.8G [04:27<03:20, 91.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.5G/36.8G [04:28<04:22, 69.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 50%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.5G/36.8G [04:28<04:34, 66.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.6G/36.8G [04:28<04:12, 72.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.6G/36.8G [04:29<03:00, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.6G/36.8G [04:29<04:08, 72.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.6G/36.8G [04:29<04:47, 63.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.7G/36.8G [04:30<04:01, 74.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.7G/36.8G [04:30<02:56, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.7G/36.8G [04:30<03:34, 84.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.8G/36.8G [04:31<06:29, 46.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.8G/36.8G [04:32<05:07, 58.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.8G/36.8G [04:32<04:10, 71.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 18.8G/36.8G [04:32<04:32, 65.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 18.9G/36.8G [04:33<04:17, 69.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 18.9G/36.8G [04:33<02:58, 100MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 51%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 18.9G/36.8G [04:33<03:31, 84.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 18.9G/36.8G [04:33<03:47, 78.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.0G/36.8G [04:34<04:00, 73.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.0G/36.8G [04:34<03:01, 97.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.0G/36.8G [04:34<03:53, 76.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.1G/36.8G [04:35<03:45, 78.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.1G/36.8G [04:35<02:41, 110MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.1G/36.8G [04:35<03:07, 94.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.1G/36.8G [04:35<03:32, 82.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.2G/36.8G [04:36<02:36, 113MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.2G/36.8G [04:36<03:11, 91.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.2G/36.8G [04:36<02:43, 108MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.2G/36.8G [04:36<03:23, 86.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.2G/36.8G [04:37<03:39, 79.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.3G/36.8G [04:37<02:34, 113MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 52%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.3G/36.8G [04:37<02:59, 97.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.3G/36.8G [04:37<03:22, 86.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.3G/36.8G [04:37<02:31, 115MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.4G/36.8G [04:38<03:35, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.4G/36.8G [04:38<04:38, 62.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.4G/36.8G [04:39<03:51, 75.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.5G/36.8G [04:39<03:40, 78.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.5G/36.8G [04:39<02:43, 106MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.5G/36.8G [04:40<03:15, 88.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.5G/36.8G [04:40<03:47, 75.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.6G/36.8G [04:40<03:26, 83.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.6G/36.8G [04:41<04:26, 64.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.6G/36.8G [04:41<03:20, 85.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 53%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.7G/36.8G [04:42<04:05, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.7G/36.8G [04:42<03:53, 73.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.7G/36.8G [04:42<02:43, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.7G/36.8G [04:43<03:12, 88.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 19.8G/36.8G [04:43<03:51, 73.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.8G/36.8G [04:43<02:48, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.8G/36.8G [04:43<03:07, 90.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.8G/36.8G [04:44<03:21, 83.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.9G/36.8G [04:44<02:33, 110MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.9G/36.8G [04:44<03:13, 87.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.9G/36.8G [04:44<03:09, 89.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 19.9G/36.8G [04:45<03:00, 93.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.0G/36.8G [04:45<02:48, 99.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.0G/36.8G [04:45<03:17, 85.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 54%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.0G/36.8G [04:46<03:19, 84.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.0G/36.8G [04:46<03:09, 88.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.1G/36.8G [04:46<02:28, 112MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.1G/36.8G [04:46<03:03, 90.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.1G/36.8G [04:47<03:50, 72.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.2G/36.8G [04:47<02:45, 100MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.2G/36.8G [04:47<03:04, 89.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.2G/36.8G [04:48<03:51, 71.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 20.2G/36.8G [04:48<02:45, 100MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.2G/36.8G [04:48<03:07, 88.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.3G/36.8G [04:49<03:38, 75.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.3G/36.8G [04:49<03:15, 84.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.3G/36.8G [04:49<02:29, 110MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.4G/36.8G [04:50<05:15, 52.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.4G/36.8G [04:50<04:30, 60.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 55%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.4G/36.8G [04:50<03:10, 85.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.4G/36.8G [04:51<03:30, 77.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.5G/36.8G [04:51<03:49, 71.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.5G/36.8G [04:51<03:17, 82.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.5G/36.8G [04:52<03:36, 74.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.6G/36.8G [04:52<02:38, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.6G/36.8G [04:52<02:54, 92.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.6G/36.8G [04:53<04:02, 66.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.6G/36.8G [04:54<04:10, 64.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.7G/36.8G [04:54<02:59, 89.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 20.7G/36.8G [04:54<03:15, 82.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.7G/36.8G [04:54<03:47, 70.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.7G/36.8G [04:55<02:42, 98.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 56%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.8G/36.8G [04:55<03:38, 73.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.8G/36.8G [04:55<04:03, 65.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.8G/36.8G [04:56<03:16, 81.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.9G/36.8G [04:56<02:22, 111MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.9G/36.8G [04:56<02:42, 97.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.9G/36.8G [04:56<03:01, 87.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.9G/36.8G [04:56<02:21, 112MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 20.9G/36.8G [04:57<03:00, 87.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 21.0G/36.8G [04:59<08:23, 31.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 21.0G/36.8G [04:59<06:09, 42.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 21.0G/36.8G [05:00<04:51, 54.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 21.1G/36.8G [05:00<04:00, 65.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 21.1G/36.8G [05:00<02:56, 88.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 57%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 21.1G/36.8G [05:01<04:08, 63.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.1G/36.8G [05:01<04:12, 61.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.2G/36.8G [05:01<03:29, 74.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.2G/36.8G [05:01<02:32, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.2G/36.8G [05:02<02:59, 86.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.3G/36.8G [05:02<03:32, 73.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.3G/36.8G [05:02<02:26, 105MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.3G/36.8G [05:03<02:49, 91.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.3G/36.8G [05:03<03:29, 73.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.4G/36.8G [05:03<02:31, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.4G/36.8G [05:03<02:48, 91.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.4G/36.8G [05:04<03:05, 82.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.4G/36.8G [05:04<02:13, 115MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.5G/36.8G [05:04<02:32, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 58%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.5G/36.8G [05:04<03:17, 77.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.5G/36.8G [05:05<02:47, 90.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.6G/36.8G [05:05<02:46, 91.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 21.6G/36.8G [05:06<02:45, 91.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.6G/36.8G [05:06<02:07, 119MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.6G/36.8G [05:06<02:46, 91.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.7G/36.8G [05:06<02:27, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.7G/36.8G [05:06<02:46, 91.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.7G/36.8G [05:07<03:19, 75.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.7G/36.8G [05:07<02:22, 106MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.7G/36.8G [05:07<03:36, 69.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.8G/36.8G [05:08<03:16, 76.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.8G/36.8G [05:08<02:59, 83.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.8G/36.8G [05:08<02:11, 114MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 59%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.9G/36.8G [05:09<02:58, 83.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.9G/36.8G [05:09<03:12, 77.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 21.9G/36.8G [05:09<02:55, 84.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 22.0G/36.8G [05:10<02:59, 82.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 22.0G/36.8G [05:10<02:13, 111MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 22.0G/36.8G [05:10<03:17, 74.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 22.0G/36.8G [05:11<03:26, 71.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 22.1G/36.8G [05:11<02:28, 99.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.1G/36.8G [05:12<04:51, 50.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.1G/36.8G [05:12<05:18, 46.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.1G/36.8G [05:13<03:31, 69.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.2G/36.8G [05:13<03:48, 64.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.2G/36.8G [05:13<04:03, 60.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.2G/36.8G [05:13<02:54, 83.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.2G/36.8G [05:14<03:23, 71.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 60%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.3G/36.8G [05:14<02:37, 92.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.3G/36.8G [05:14<03:00, 80.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.3G/36.8G [05:15<03:12, 75.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.3G/36.8G [05:15<02:13, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.3G/36.8G [05:17<08:29, 28.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.4G/36.8G [05:17<07:08, 33.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.4G/36.8G [05:17<04:35, 52.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.4G/36.8G [05:18<05:19, 44.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.4G/36.8G [05:18<04:58, 48.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.5G/36.8G [05:19<03:59, 59.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.5G/36.8G [05:19<02:56, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 22.5G/36.8G [05:19<03:24, 69.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.5G/36.8G [05:20<03:39, 64.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.6G/36.8G [05:20<02:36, 90.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 61%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.6G/36.8G [05:20<02:55, 80.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.6G/36.8G [05:20<03:28, 67.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.7G/36.8G [05:21<02:25, 97.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.7G/36.8G [05:21<03:32, 66.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.7G/36.8G [05:21<03:00, 78.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.7G/36.8G [05:22<03:57, 59.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.7G/36.8G [05:22<04:33, 51.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.8G/36.8G [05:23<03:47, 61.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.8G/36.8G [05:23<02:38, 88.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.8G/36.8G [05:23<02:46, 83.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.8G/36.8G [05:24<03:29, 66.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.9G/36.8G [05:24<02:28, 93.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.9G/36.8G [05:24<03:18, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 22.9G/36.8G [05:25<04:47, 48.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 62%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.0G/36.8G [05:25<03:41, 62.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.0G/36.8G [05:26<03:09, 72.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.0G/36.8G [05:26<02:23, 96.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.0G/36.8G [05:26<03:03, 74.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.1G/36.8G [05:26<02:30, 91.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.1G/36.8G [05:27<02:54, 78.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.1G/36.8G [05:27<03:23, 67.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.1G/36.8G [05:27<02:48, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.2G/36.8G [05:27<02:06, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.2G/36.8G [05:28<02:48, 80.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.2G/36.8G [05:28<02:59, 75.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.2G/36.8G [05:28<02:08, 106MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.3G/36.8G [05:29<02:21, 95.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.3G/36.8G [05:29<02:42, 83.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.3G/36.8G [05:29<02:00, 112MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 63%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.3G/36.8G [05:29<02:20, 95.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.4G/36.8G [05:30<04:23, 51.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.4G/36.8G [05:31<04:09, 53.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.4G/36.8G [05:31<02:53, 76.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 23.4G/36.8G [05:32<03:31, 63.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.5G/36.8G [05:32<03:43, 59.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.5G/36.8G [05:32<03:14, 68.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.5G/36.8G [05:33<03:45, 58.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.6G/36.8G [05:33<02:41, 81.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.6G/36.8G [05:34<03:26, 63.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.6G/36.8G [05:34<03:23, 64.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.7G/36.8G [05:34<02:47, 78.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.7G/36.8G [05:35<02:08, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 64%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.7G/36.8G [05:35<02:54, 74.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.7G/36.8G [05:35<03:02, 71.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.8G/36.8G [05:35<02:21, 92.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.8G/36.8G [05:36<03:06, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.8G/36.8G [05:36<02:22, 91.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.8G/36.8G [05:36<02:54, 74.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.8G/36.8G [05:37<02:55, 73.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.9G/36.8G [05:37<02:04, 103MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 23.9G/36.8G [05:38<03:55, 54.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 23.9G/36.8G [05:38<03:31, 60.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 23.9G/36.8G [05:38<02:20, 91.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.0G/36.8G [05:38<02:53, 73.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.0G/36.8G [05:39<03:03, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.0G/36.8G [05:39<02:39, 80.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.1G/36.8G [05:39<02:25, 87.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 65%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.1G/36.8G [05:40<01:48, 117MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.1G/36.8G [05:40<02:16, 93.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.1G/36.8G [05:41<03:19, 63.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.2G/36.8G [05:41<02:49, 74.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.2G/36.8G [05:41<02:01, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.2G/36.8G [05:41<02:14, 93.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.2G/36.8G [05:42<03:29, 59.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.3G/36.8G [05:42<02:56, 70.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.3G/36.8G [05:43<02:55, 71.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.3G/36.8G [05:43<02:08, 97.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 24.4G/36.8G [05:43<02:18, 89.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.4G/36.8G [05:43<02:01, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.4G/36.8G [05:44<02:34, 80.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.4G/36.8G [05:44<02:10, 94.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 66%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.4G/36.8G [05:44<03:07, 65.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.5G/36.8G [05:45<02:47, 73.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.5G/36.8G [05:45<01:52, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.5G/36.8G [05:45<02:17, 89.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.5G/36.8G [05:45<02:28, 82.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.6G/36.8G [05:45<01:40, 121MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.6G/36.8G [05:46<01:56, 105MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.6G/36.8G [05:46<02:34, 78.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.6G/36.8G [05:46<02:19, 86.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.7G/36.8G [05:46<01:42, 118MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.7G/36.8G [05:47<02:08, 94.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.7G/36.8G [05:48<03:30, 57.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.8G/36.8G [05:48<02:54, 69.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.8G/36.8G [05:48<02:15, 88.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 67%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 24.8G/36.8G [05:48<02:20, 85.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 24.8G/36.8G [05:49<02:28, 80.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 24.9G/36.8G [05:49<02:13, 89.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 24.9G/36.8G [05:49<01:48, 110MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 24.9G/36.8G [05:49<02:11, 90.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 24.9G/36.8G [05:50<01:43, 115MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.0G/36.8G [05:50<03:02, 64.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.0G/36.8G [05:51<03:03, 64.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.0G/36.8G [05:51<02:50, 69.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.0G/36.8G [05:51<02:01, 96.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.1G/36.8G [05:52<02:30, 78.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.1G/36.8G [05:52<03:56, 49.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.1G/36.8G [05:53<02:39, 73.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.1G/36.8G [05:53<03:07, 62.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.2G/36.8G [05:53<02:30, 77.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 68%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.2G/36.8G [05:54<05:29, 35.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.2G/36.8G [05:55<05:37, 34.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.2G/36.8G [05:55<03:29, 55.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.2G/36.8G [05:55<03:33, 54.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 25.3G/36.8G [05:56<03:40, 52.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.3G/36.8G [05:56<02:27, 77.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.3G/36.8G [05:56<02:47, 68.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.3G/36.8G [05:57<02:45, 68.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.4G/36.8G [05:57<01:54, 99.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.4G/36.8G [05:57<02:04, 91.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.4G/36.8G [05:57<02:24, 78.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.5G/36.8G [05:57<01:41, 112MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.5G/36.8G [05:58<01:51, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.5G/36.8G [05:58<02:24, 78.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.5G/36.8G [05:58<01:43, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 69%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.5G/36.8G [05:59<01:53, 98.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.6G/36.8G [05:59<02:19, 80.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.6G/36.8G [05:59<01:39, 113MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.6G/36.8G [05:59<01:56, 95.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.6G/36.8G [06:00<02:17, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.7G/36.8G [06:00<02:34, 71.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 25.7G/36.8G [06:01<02:15, 81.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 25.7G/36.8G [06:01<02:09, 85.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 25.8G/36.8G [06:01<01:40, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 25.8G/36.8G [06:01<01:58, 92.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 25.8G/36.8G [06:02<02:24, 75.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 25.9G/36.8G [06:02<02:24, 75.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 70%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 25.9G/36.8G [06:03<02:10, 83.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 25.9G/36.8G [06:03<02:14, 80.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.0G/36.8G [06:03<01:46, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.0G/36.8G [06:04<01:56, 92.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.0G/36.8G [06:04<02:15, 79.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.0G/36.8G [06:04<02:02, 87.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.1G/36.8G [06:04<01:32, 116MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.1G/36.8G [06:05<02:18, 77.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.1G/36.8G [06:05<02:22, 74.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.2G/36.8G [06:05<01:38, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.2G/36.8G [06:06<01:58, 89.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 26.2G/36.8G [06:07<03:23, 52.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.2G/36.8G [06:07<02:15, 77.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.2G/36.8G [06:07<02:57, 59.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.3G/36.8G [06:07<02:34, 68.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 71%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.3G/36.8G [06:08<02:40, 65.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.3G/36.8G [06:08<03:11, 54.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.3G/36.8G [06:09<02:44, 63.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.4G/36.8G [06:09<01:55, 90.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.4G/36.8G [06:09<02:04, 83.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.4G/36.8G [06:10<02:51, 60.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.4G/36.8G [06:10<02:26, 70.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.5G/36.8G [06:15<10:21, 16.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.5G/36.8G [06:16<07:43, 22.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.6G/36.8G [06:16<05:48, 29.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.6G/36.8G [06:17<04:54, 34.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.6G/36.8G [06:17<03:37, 46.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 72%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 26.6G/36.8G [06:17<03:35, 47.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.7G/36.8G [06:18<03:12, 52.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.7G/36.8G [06:18<02:31, 66.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.7G/36.8G [06:18<02:25, 68.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.8G/36.8G [06:19<02:13, 74.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.8G/36.8G [06:19<02:02, 81.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.8G/36.8G [06:19<01:34, 105MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.9G/36.8G [06:20<01:48, 91.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.9G/36.8G [06:20<01:53, 87.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.9G/36.8G [06:20<01:24, 116MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 26.9G/36.8G [06:20<01:42, 96.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 27.0G/36.8G [06:21<02:28, 66.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 73%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 27.0G/36.8G [06:21<02:14, 73.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 27.0G/36.8G [06:24<05:17, 30.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 27.1G/36.8G [06:25<04:28, 36.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 27.1G/36.8G [06:25<03:11, 50.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 27.1G/36.8G [06:25<03:42, 43.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.1G/36.8G [06:25<02:59, 53.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.2G/36.8G [06:26<02:52, 55.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.2G/36.8G [06:26<03:33, 45.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.2G/36.8G [06:27<03:07, 51.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.2G/36.8G [06:27<02:17, 69.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.3G/36.8G [06:27<02:38, 59.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.3G/36.8G [06:28<03:01, 52.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.3G/36.8G [06:28<02:09, 73.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.3G/36.8G [06:28<02:17, 68.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.4G/36.8G [06:29<01:43, 90.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 74%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.4G/36.8G [06:29<01:58, 79.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.4G/36.8G [06:29<02:32, 61.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.4G/36.8G [06:30<02:28, 62.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.5G/36.8G [06:30<01:47, 87.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.5G/36.8G [06:30<02:08, 72.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.5G/36.8G [06:32<04:01, 38.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.5G/36.8G [06:32<03:03, 50.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 27.6G/36.8G [06:32<02:12, 69.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.6G/36.8G [06:33<02:25, 62.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.6G/36.8G [06:33<02:08, 71.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.6G/36.8G [06:33<02:43, 56.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.7G/36.8G [06:33<01:50, 82.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.7G/36.8G [06:33<01:55, 79.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.7G/36.8G [06:34<03:12, 47.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.7G/36.8G [06:35<02:07, 70.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 75%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.7G/36.8G [06:35<02:28, 60.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.8G/36.8G [06:35<02:38, 56.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.8G/36.8G [06:36<03:17, 45.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.8G/36.8G [06:37<02:19, 64.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.9G/36.8G [06:37<02:30, 59.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.9G/36.8G [06:38<03:15, 45.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.9G/36.8G [06:38<02:34, 57.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 27.9G/36.8G [06:38<01:55, 76.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 28.0G/36.8G [06:39<02:58, 49.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 28.0G/36.8G [06:40<02:55, 49.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 28.0G/36.8G [06:40<02:25, 60.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.1G/36.8G [06:40<01:43, 84.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.1G/36.8G [06:40<01:45, 82.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 76%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.1G/36.8G [06:41<01:57, 73.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.1G/36.8G [06:41<01:44, 83.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.2G/36.8G [06:41<01:17, 111MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.2G/36.8G [06:41<01:30, 95.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.2G/36.8G [06:43<03:06, 46.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.2G/36.8G [06:43<02:27, 57.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.3G/36.8G [06:43<01:56, 72.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.3G/36.8G [06:43<01:28, 95.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.3G/36.8G [06:44<02:23, 59.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.4G/36.8G [06:47<05:43, 24.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.4G/36.8G [06:47<03:57, 35.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.4G/36.8G [06:47<04:00, 34.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.4G/36.8G [06:48<03:15, 42.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.5G/36.8G [06:48<02:13, 62.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 77%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 28.5G/36.8G [06:48<02:31, 54.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.5G/36.8G [06:48<02:29, 55.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.5G/36.8G [06:49<02:04, 66.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.6G/36.8G [06:49<01:27, 93.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.6G/36.8G [06:49<01:42, 80.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.6G/36.8G [06:50<01:53, 71.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.7G/36.8G [06:50<01:18, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.7G/36.8G [06:51<02:13, 60.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.7G/36.8G [06:51<02:24, 56.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.7G/36.8G [06:51<01:39, 81.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.7G/36.8G [06:51<01:42, 78.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.8G/36.8G [06:52<02:01, 65.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.8G/36.8G [06:52<01:29, 89.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.8G/36.8G [06:52<02:05, 63.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 78%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.8G/36.8G [06:54<04:31, 29.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.9G/36.8G [06:55<03:20, 39.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.9G/36.8G [06:57<05:05, 25.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 28.9G/36.8G [06:57<03:48, 34.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.0G/36.8G [06:58<02:55, 44.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.0G/36.8G [06:58<02:30, 51.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.1G/36.8G [06:58<01:50, 70.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.1G/36.8G [07:00<03:02, 42.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.1G/36.8G [07:00<02:52, 44.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.1G/36.8G [07:00<02:21, 54.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.2G/36.8G [07:00<01:40, 76.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.2G/36.8G [07:01<01:42, 74.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 79%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.2G/36.8G [07:01<02:07, 59.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.2G/36.8G [07:02<01:46, 70.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.3G/36.8G [07:02<01:18, 96.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.3G/36.8G [07:02<01:33, 80.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.3G/36.8G [07:03<01:50, 67.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.4G/36.8G [07:03<01:33, 79.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.4G/36.8G [07:04<02:37, 47.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 29.4G/36.8G [07:04<01:59, 61.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.4G/36.8G [07:05<02:01, 60.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.5G/36.8G [07:05<01:51, 65.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.5G/36.8G [07:05<01:41, 71.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.5G/36.8G [07:06<01:19, 91.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.5G/36.8G [07:06<01:30, 80.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 80%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.6G/36.8G [07:07<02:19, 51.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.6G/36.8G [07:07<01:56, 61.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.6G/36.8G [07:08<01:50, 64.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.7G/36.8G [07:08<01:24, 84.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.7G/36.8G [07:09<03:04, 38.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.7G/36.8G [07:10<02:35, 45.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.8G/36.8G [07:10<02:24, 48.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.8G/36.8G [07:10<01:40, 69.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.8G/36.8G [07:11<01:47, 64.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.8G/36.8G [07:11<01:50, 62.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.9G/36.8G [07:11<01:17, 89.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 29.9G/36.8G [07:12<01:44, 65.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 29.9G/36.8G [07:13<02:34, 44.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 81%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 29.9G/36.8G [07:13<01:57, 58.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.0G/36.8G [07:14<01:55, 58.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.0G/36.8G [07:14<01:25, 79.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.0G/36.8G [07:14<01:45, 64.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.1G/36.8G [07:15<01:45, 64.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.1G/36.8G [07:15<01:31, 73.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.1G/36.8G [07:15<01:05, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.1G/36.8G [07:17<03:21, 32.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.2G/36.8G [07:18<03:28, 31.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.2G/36.8G [07:18<02:39, 41.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.2G/36.8G [07:19<02:10, 50.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.3G/36.8G [07:19<01:46, 61.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.3G/36.8G [07:19<01:17, 83.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 82%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.3G/36.8G [07:19<01:23, 77.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.3G/36.8G [07:21<02:41, 39.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.4G/36.8G [07:21<02:09, 49.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.4G/36.8G [07:21<01:34, 67.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.4G/36.8G [07:22<01:44, 60.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.5G/36.8G [07:22<02:01, 51.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.5G/36.8G [07:22<01:23, 75.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.5G/36.8G [07:23<02:03, 50.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.5G/36.8G [07:23<01:44, 59.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.5G/36.8G [07:24<01:45, 59.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.6G/36.8G [07:24<01:16, 81.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.6G/36.8G [07:24<01:46, 58.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.6G/36.8G [07:24<01:23, 73.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.6G/36.8G [07:25<01:34, 65.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.6G/36.8G [07:25<02:01, 50.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.7G/36.8G [07:26<01:30, 67.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 83%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.7G/36.8G [07:26<01:03, 94.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.7G/36.8G [07:26<01:12, 83.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.7G/36.8G [07:27<01:40, 60.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.8G/36.8G [07:27<01:07, 88.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž | 30.8G/36.8G [07:27<01:29, 67.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.8G/36.8G [07:28<01:31, 64.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.9G/36.8G [07:28<01:05, 89.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.9G/36.8G [07:28<01:15, 78.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.9G/36.8G [07:28<01:18, 74.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 30.9G/36.8G [07:29<01:23, 70.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.0G/36.8G [07:30<01:39, 58.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.0G/36.8G [07:30<01:14, 77.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.0G/36.8G [07:30<01:26, 66.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.0G/36.8G [07:30<01:18, 73.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 84%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.1G/36.8G [07:31<01:00, 93.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.1G/36.8G [07:31<01:19, 71.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.1G/36.8G [07:32<01:42, 55.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.1G/36.8G [07:32<01:13, 77.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.2G/36.8G [07:32<01:21, 68.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.2G/36.8G [07:32<01:02, 89.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.2G/36.8G [07:36<05:28, 17.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.2G/36.8G [07:36<04:07, 22.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.2G/36.8G [07:36<03:39, 25.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ– | 31.3G/36.8G [07:37<02:34, 35.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.3G/36.8G [07:37<02:37, 35.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.3G/36.8G [07:37<02:10, 42.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.3G/36.8G [07:37<01:20, 67.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.4G/36.8G [07:38<01:35, 56.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.4G/36.8G [07:38<01:33, 58.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.4G/36.8G [07:38<01:07, 79.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 85%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.4G/36.8G [07:39<01:34, 56.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.4G/36.8G [07:39<01:32, 57.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.5G/36.8G [07:40<01:27, 60.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.5G/36.8G [07:40<01:02, 83.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.5G/36.8G [07:40<01:13, 71.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.6G/36.8G [07:41<01:12, 71.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.6G/36.8G [07:41<01:08, 75.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.6G/36.8G [07:41<00:49, 105MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.6G/36.8G [07:42<01:38, 52.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.7G/36.8G [07:43<01:34, 54.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ | 31.7G/36.8G [07:43<01:19, 64.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.7G/36.8G [07:44<01:27, 57.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.8G/36.8G [07:44<01:11, 69.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 86%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.8G/36.8G [07:44<00:54, 91.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.8G/36.8G [07:45<01:04, 76.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.9G/36.8G [07:45<00:53, 92.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.9G/36.8G [07:45<01:02, 78.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.9G/36.8G [07:46<01:16, 64.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.9G/36.8G [07:46<00:51, 93.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 31.9G/36.8G [07:46<01:01, 78.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 32.0G/36.8G [07:46<01:05, 73.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 32.0G/36.8G [07:47<00:48, 99.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 32.0G/36.8G [07:47<01:01, 77.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 32.0G/36.8G [07:48<01:17, 61.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 32.1G/36.8G [07:48<01:11, 65.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 32.1G/36.8G [07:48<01:00, 77.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 32.1G/36.8G [07:49<00:58, 78.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 87%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹ | 32.2G/36.8G [07:49<00:43, 105MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.2G/36.8G [07:49<00:51, 89.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.2G/36.8G [07:50<00:59, 77.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.3G/36.8G [07:50<00:51, 87.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.3G/36.8G [07:50<00:47, 93.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.3G/36.8G [07:50<00:36, 123MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.3G/36.8G [07:51<00:49, 88.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.4G/36.8G [07:52<01:49, 40.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.4G/36.8G [07:52<01:16, 57.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.4G/36.8G [07:53<01:43, 42.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.4G/36.8G [07:54<01:59, 36.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.5G/36.8G [07:54<01:31, 47.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.5G/36.8G [07:56<02:05, 34.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 88%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.5G/36.8G [07:56<01:31, 46.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.6G/36.8G [07:56<01:31, 46.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.6G/36.8G [07:57<01:19, 52.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.6G/36.8G [07:57<00:55, 75.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š | 32.6G/36.8G [07:57<01:03, 64.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.7G/36.8G [07:58<01:15, 54.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.7G/36.8G [07:59<01:20, 50.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.7G/36.8G [07:59<00:57, 70.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.7G/36.8G [07:59<01:12, 55.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.8G/36.8G [07:59<00:57, 70.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.8G/36.8G [08:00<01:02, 64.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.8G/36.8G [08:00<01:01, 64.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.8G/36.8G [08:00<00:41, 95.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.9G/36.8G [08:01<00:50, 77.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 89%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.9G/36.8G [08:01<00:56, 69.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 32.9G/36.8G [08:01<00:46, 82.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 33.0G/36.8G [08:01<00:34, 110MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 33.0G/36.8G [08:02<00:40, 94.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 33.0G/36.8G [08:02<00:47, 80.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 33.0G/36.8G [08:02<00:34, 109MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 33.0G/36.8G [08:02<00:37, 99.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰ | 33.1G/36.8G [08:03<00:40, 92.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.1G/36.8G [08:03<00:38, 96.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.1G/36.8G [08:04<00:48, 75.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.2G/36.8G [08:04<00:35, 102MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.2G/36.8G [08:04<00:40, 87.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.2G/36.8G [08:05<00:46, 76.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 90%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.2G/36.8G [08:05<00:41, 85.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.3G/36.8G [08:05<00:39, 87.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.3G/36.8G [08:05<00:29, 117MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.3G/36.8G [08:06<00:32, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.4G/36.8G [08:06<00:41, 81.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.4G/36.8G [08:06<00:36, 91.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.4G/36.8G [08:07<00:38, 86.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.5G/36.8G [08:07<00:38, 86.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.5G/36.8G [08:08<00:36, 90.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.5G/36.8G [08:08<00:27, 118MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ | 33.6G/36.8G [08:08<00:36, 89.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.6G/36.8G [08:09<00:40, 79.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 91%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.6G/36.8G [08:09<00:35, 89.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.7G/36.8G [08:10<00:49, 63.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.7G/36.8G [08:10<00:36, 85.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.7G/36.8G [08:10<00:38, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.7G/36.8G [08:11<00:41, 73.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.8G/36.8G [08:11<00:30, 100MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.8G/36.8G [08:11<00:47, 63.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.8G/36.8G [08:12<00:47, 63.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.8G/36.8G [08:12<00:33, 88.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.9G/36.8G [08:12<00:36, 80.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.9G/36.8G [08:12<00:37, 77.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.9G/36.8G [08:13<00:34, 83.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 33.9G/36.8G [08:13<00:31, 88.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 92%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.0G/36.8G [08:14<00:31, 90.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.0G/36.8G [08:14<00:35, 78.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.1G/36.8G [08:15<00:34, 79.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.1G/36.8G [08:15<00:25, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.1G/36.8G [08:15<00:30, 86.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.1G/36.8G [08:15<00:34, 76.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.2G/36.8G [08:16<00:25, 101MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.2G/36.8G [08:16<00:46, 56.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.2G/36.8G [08:17<00:51, 50.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.2G/36.8G [08:17<00:38, 65.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.3G/36.8G [08:18<00:31, 78.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.3G/36.8G [08:18<00:29, 82.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.4G/36.8G [08:18<00:22, 107MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.4G/36.8G [08:18<00:25, 94.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 93%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.4G/36.8G [08:18<00:22, 108MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.4G/36.8G [08:19<00:32, 72.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.4G/36.8G [08:19<00:33, 71.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Ž| 34.5G/36.8G [08:20<00:32, 72.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.5G/36.8G [08:21<00:37, 60.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.5G/36.8G [08:21<00:31, 71.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.6G/36.8G [08:21<00:29, 74.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.6G/36.8G [08:22<00:25, 83.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.6G/36.8G [08:22<00:24, 85.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.7G/36.8G [08:22<00:23, 88.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 94%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.7G/36.8G [08:23<00:22, 91.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.8G/36.8G [08:23<00:24, 81.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.8G/36.8G [08:24<00:19, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.8G/36.8G [08:24<00:21, 93.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.8G/36.8G [08:24<00:26, 72.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.9G/36.8G [08:24<00:19, 99.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.9G/36.8G [08:25<00:22, 83.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.9G/36.8G [08:25<00:18, 98.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–| 34.9G/36.8G [08:25<00:20, 91.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 34.9G/36.8G [08:26<00:29, 62.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.0G/36.8G [08:26<00:19, 91.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.0G/36.8G [08:26<00:24, 72.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.0G/36.8G [08:27<00:25, 68.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.1G/36.8G [08:27<00:30, 57.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 95%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.1G/36.8G [08:28<00:25, 67.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.1G/36.8G [08:28<00:20, 79.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.2G/36.8G [08:28<00:19, 85.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.2G/36.8G [08:29<00:17, 88.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.2G/36.8G [08:29<00:18, 83.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.3G/36.8G [08:30<00:19, 78.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.3G/36.8G [08:30<00:14, 104MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.3G/36.8G [08:30<00:17, 80.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.3G/36.8G [08:30<00:15, 91.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.4G/36.8G [08:31<00:15, 90.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Œ| 35.4G/36.8G [08:31<00:19, 71.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.4G/36.8G [08:32<00:18, 75.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.5G/36.8G [08:32<00:15, 84.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 96%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.5G/36.8G [08:32<00:11, 113MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.5G/36.8G [08:32<00:12, 100MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.5G/36.8G [08:33<00:13, 90.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.6G/36.8G [08:33<00:13, 91.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.6G/36.8G [08:34<00:20, 57.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.6G/36.8G [08:34<00:17, 67.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.7G/36.8G [08:35<00:15, 73.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.7G/36.8G [08:35<00:16, 67.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.7G/36.8G [08:35<00:11, 94.2MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.7G/36.8G [08:35<00:14, 74.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.8G/36.8G [08:36<00:17, 58.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.8G/36.8G [08:36<00:11, 88.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.8G/36.8G [08:36<00:11, 83.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 97%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‹| 35.8G/36.8G [08:37<00:14, 65.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 35.9G/36.8G [08:37<00:12, 75.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 35.9G/36.8G [08:37<00:08, 103MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 35.9G/36.8G [08:38<00:10, 82.3MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 35.9G/36.8G [08:38<00:10, 78.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.0G/36.8G [08:38<00:07, 112MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.0G/36.8G [08:39<00:12, 64.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.0G/36.8G [08:40<00:15, 48.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.0G/36.8G [08:40<00:10, 69.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.1G/36.8G [08:40<00:11, 64.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.1G/36.8G [08:40<00:10, 65.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.1G/36.8G [08:40<00:06, 97.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.1G/36.8G [08:41<00:07, 80.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.2G/36.8G [08:41<00:08, 75.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.2G/36.8G [08:41<00:05, 105MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 98%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.2G/36.8G [08:47<00:42, 13.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.2G/36.8G [08:47<00:31, 17.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.3G/36.8G [08:47<00:18, 28.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.3G/36.8G [08:47<00:15, 31.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–Š| 36.3G/36.8G [08:48<00:13, 35.7MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.3G/36.8G [08:48<00:08, 51.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.3G/36.8G [08:48<00:08, 50.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.4G/36.8G [08:49<00:07, 51.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.4G/36.8G [08:49<00:06, 58.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.4G/36.8G [08:49<00:04, 81.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.5G/36.8G [08:50<00:04, 66.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.5G/36.8G [08:50<00:04, 67.9MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.5G/36.8G [08:51<00:05, 49.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.6G/36.8G [08:51<00:03, 68.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 99%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.6G/36.8G [08:52<00:03, 62.5MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.6G/36.8G [08:52<00:02, 66.6MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.6G/36.8G [08:52<00:01, 94.4MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.6G/36.8G [08:52<00:01, 72.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.7G/36.8G [08:55<00:04, 25.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.7G/36.8G [08:55<00:02, 36.1MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.7G/36.8G [08:55<00:01, 37.8MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.7G/36.8G [08:56<00:00, 37.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–‰| 36.8G/36.8G [08:56<00:00, 55.0MB/s] ip-26-0-165-164_3524991.1720134704668975445.pt.trace.json: 100%|β–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆβ–ˆ| 36.8G/36.8G [08:57<00:00, 68.4MB/s]