Upload folder using huggingface_hub
Browse files- .gitattributes +1 -0
- added_tokens.json +16 -0
- arguments.yaml +51 -0
- config.json +48 -0
- environ.txt +45 -0
- merges.txt +0 -0
- preprocessor_config.json +29 -0
- pytorch_model.bin +3 -0
- script.sh +46 -0
- special_tokens_map.json +45 -0
- tokenizer.json +0 -0
- tokenizer_config.json +160 -0
- vocab.json +0 -0
- wandb/debug-internal.log +0 -0
- wandb/debug.log +36 -0
- wandb/run-20240922_051551-1efs7bbc/files/conda-environment.yaml +504 -0
- wandb/run-20240922_051551-1efs7bbc/files/config.yaml +111 -0
- wandb/run-20240922_051551-1efs7bbc/files/output.log +88 -0
- wandb/run-20240922_051551-1efs7bbc/files/requirements.txt +325 -0
- wandb/run-20240922_051551-1efs7bbc/files/wandb-metadata.json +1215 -0
- wandb/run-20240922_051551-1efs7bbc/files/wandb-summary.json +1 -0
- wandb/run-20240922_051551-1efs7bbc/logs/debug-internal.log +0 -0
- wandb/run-20240922_051551-1efs7bbc/logs/debug.log +29 -0
- wandb/run-20240922_051551-1efs7bbc/run-1efs7bbc.wandb +0 -0
- wandb/run-20240922_063327-rptdqsqq/files/conda-environment.yaml +504 -0
- wandb/run-20240922_063327-rptdqsqq/files/config.yaml +112 -0
- wandb/run-20240922_063327-rptdqsqq/files/output.log +2038 -0
- wandb/run-20240922_063327-rptdqsqq/files/requirements.txt +325 -0
- wandb/run-20240922_063327-rptdqsqq/files/wandb-metadata.json +1215 -0
- wandb/run-20240922_063327-rptdqsqq/files/wandb-summary.json +1 -0
- wandb/run-20240922_063327-rptdqsqq/logs/debug-internal.log +0 -0
- wandb/run-20240922_063327-rptdqsqq/logs/debug.log +36 -0
- wandb/run-20240922_063327-rptdqsqq/run-rptdqsqq.wandb +3 -0
.gitattributes
CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
33 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
|
33 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
36 |
+
wandb/run-20240922_063327-rptdqsqq/run-rptdqsqq.wandb filter=lfs diff=lfs merge=lfs -text
|
added_tokens.json
ADDED
@@ -0,0 +1,16 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"<|box_end|>": 151649,
|
3 |
+
"<|box_start|>": 151648,
|
4 |
+
"<|endoftext|>": 151643,
|
5 |
+
"<|im_end|>": 151645,
|
6 |
+
"<|im_start|>": 151644,
|
7 |
+
"<|image_pad|>": 151655,
|
8 |
+
"<|object_ref_end|>": 151647,
|
9 |
+
"<|object_ref_start|>": 151646,
|
10 |
+
"<|quad_end|>": 151651,
|
11 |
+
"<|quad_start|>": 151650,
|
12 |
+
"<|video_pad|>": 151656,
|
13 |
+
"<|vision_end|>": 151653,
|
14 |
+
"<|vision_pad|>": 151654,
|
15 |
+
"<|vision_start|>": 151652
|
16 |
+
}
|
arguments.yaml
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
data_cfgs:
|
2 |
+
eval_data_files: null
|
3 |
+
eval_datasets: null
|
4 |
+
eval_optional_args: []
|
5 |
+
eval_size: null
|
6 |
+
eval_split: null
|
7 |
+
eval_subset: null
|
8 |
+
eval_template: null
|
9 |
+
train_data_files: extracted_preference_10k_washed.json
|
10 |
+
train_datasets: /aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted
|
11 |
+
train_optional_args: []
|
12 |
+
train_size: null
|
13 |
+
train_split: train
|
14 |
+
train_subset: null
|
15 |
+
train_template: NExTQA_preference
|
16 |
+
logger_cfgs:
|
17 |
+
cache_dir: null
|
18 |
+
log_project: align-anything
|
19 |
+
log_run_name: dpo
|
20 |
+
log_type: wandb
|
21 |
+
output_dir: ../outputs/dpo_tiv2t_10k_baseline
|
22 |
+
save_interval: 100000
|
23 |
+
model_cfgs:
|
24 |
+
model_max_length: 4096
|
25 |
+
model_name_or_path: /aifs4su/yaodong/models/Qwen2-VL-7B-Instruct
|
26 |
+
trust_remote_code: true
|
27 |
+
special_tokens: null
|
28 |
+
train_cfgs:
|
29 |
+
adam_betas:
|
30 |
+
- 0.9
|
31 |
+
- 0.95
|
32 |
+
bf16: true
|
33 |
+
ds_cfgs: ds_z3_config.json
|
34 |
+
epochs: 3
|
35 |
+
eval_interval: 10
|
36 |
+
eval_strategy: epoch
|
37 |
+
fp16: false
|
38 |
+
freeze_language_model: false
|
39 |
+
freeze_mm_proj: false
|
40 |
+
freeze_vision_tower: true
|
41 |
+
gradient_accumulation_steps: 1.0
|
42 |
+
gradient_checkpointing: true
|
43 |
+
learning_rate: 1.0e-06
|
44 |
+
lr_scheduler_type: cosine
|
45 |
+
lr_warmup_ratio: 0.01
|
46 |
+
per_device_eval_batch_size: 1.0
|
47 |
+
per_device_train_batch_size: 1.0
|
48 |
+
regularization: 0.001
|
49 |
+
scale_coeff: 0.1
|
50 |
+
seed: 42
|
51 |
+
weight_decay: 0.0
|
config.json
ADDED
@@ -0,0 +1,48 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "/aifs4su/yaodong/models/Qwen2-VL-7B-Instruct",
|
3 |
+
"architectures": [
|
4 |
+
"Qwen2VLForConditionalGeneration"
|
5 |
+
],
|
6 |
+
"attention_dropout": 0.0,
|
7 |
+
"bos_token_id": 128245,
|
8 |
+
"eos_token_id": 151645,
|
9 |
+
"hidden_act": "silu",
|
10 |
+
"hidden_size": 3584,
|
11 |
+
"image_token_id": 151655,
|
12 |
+
"initializer_range": 0.02,
|
13 |
+
"intermediate_size": 18944,
|
14 |
+
"max_position_embeddings": 32768,
|
15 |
+
"max_window_layers": 28,
|
16 |
+
"model_type": "qwen2_vl",
|
17 |
+
"num_attention_heads": 28,
|
18 |
+
"num_hidden_layers": 28,
|
19 |
+
"num_key_value_heads": 4,
|
20 |
+
"pad_token_id": 151643,
|
21 |
+
"rms_norm_eps": 1e-06,
|
22 |
+
"rope_scaling": {
|
23 |
+
"mrope_section": [
|
24 |
+
16,
|
25 |
+
24,
|
26 |
+
24
|
27 |
+
],
|
28 |
+
"rope_type": "default",
|
29 |
+
"type": "default"
|
30 |
+
},
|
31 |
+
"rope_theta": 1000000.0,
|
32 |
+
"sliding_window": 32768,
|
33 |
+
"tie_word_embeddings": false,
|
34 |
+
"torch_dtype": "bfloat16",
|
35 |
+
"transformers_version": "4.45.0.dev0",
|
36 |
+
"use_cache": true,
|
37 |
+
"use_sliding_window": false,
|
38 |
+
"video_token_id": 151656,
|
39 |
+
"vision_config": {
|
40 |
+
"in_chans": 3,
|
41 |
+
"model_type": "qwen2_vl",
|
42 |
+
"spatial_patch_size": 14
|
43 |
+
},
|
44 |
+
"vision_end_token_id": 151653,
|
45 |
+
"vision_start_token_id": 151652,
|
46 |
+
"vision_token_id": 151654,
|
47 |
+
"vocab_size": 151657
|
48 |
+
}
|
environ.txt
ADDED
@@ -0,0 +1,45 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
CONDA_DEFAULT_ENV=hantao_new
|
2 |
+
CONDA_EXE=/aifs4su/yaodong/miniconda3/bin/conda
|
3 |
+
CONDA_PREFIX=/aifs4su/yaodong/miniconda3/envs/hantao_new
|
4 |
+
CONDA_PREFIX_1=/aifs4su/yaodong/miniconda3
|
5 |
+
CONDA_PYTHON_EXE=/aifs4su/yaodong/miniconda3/bin/python
|
6 |
+
CROSS_RANK=0
|
7 |
+
CROSS_SIZE=2
|
8 |
+
CUDA_HOME=/aifs4su/yaodong/miniconda3/envs/hantao_new
|
9 |
+
CUDA_MODULE_LOADING=LAZY
|
10 |
+
CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7
|
11 |
+
DBUS_SESSION_BUS_ADDRESS=unix:path=/run/user/1028/bus
|
12 |
+
HOME=/home/yangyaodong
|
13 |
+
KMP_DUPLICATE_LIB_OK=True
|
14 |
+
KMP_INIT_AT_FORK=FALSE
|
15 |
+
LANG=C.UTF-8
|
16 |
+
LD_LIBRARY_PATH=/aifs4su/yaodong/miniconda3/envs/hantao_new/lib:/usr/mpi/gcc/openmpi-4.1.7a1/lib:/usr/local/cuda/lib64:/usr/local/cuda/lib64:/cm/shared/apps/slurm/current/lib64/slurm:/cm/shared/apps/slurm/current/lib64
|
17 |
+
LD_LIBRARY_PATH_modshare=/cm/shared/apps/slurm/current/lib64:1:/usr/mpi/gcc/openmpi-4.1.7a1/lib:1:/cm/shared/apps/slurm/current/lib64/slurm:1:/usr/local/cuda/lib64:1
|
18 |
+
LD_RUN_PATH=/usr/mpi/gcc/openmpi-4.1.7a1/lib
|
19 |
+
LIBRARY_PATH=/cm/shared/apps/slurm/current/lib64/slurm:/cm/shared/apps/slurm/current/lib64
|
20 |
+
LOCAL_RANK=0
|
21 |
+
LOCAL_SIZE=8
|
22 |
+
LOGNAME=yangyaodong
|
23 |
+
MASTER_ADDR=10.34.2.141
|
24 |
+
MASTER_PORT=14989
|
25 |
+
MOTD_SHOWN=pam
|
26 |
+
OLDPWD=/aifs4su/yaodong/projects/hantao/dev_cham/align-anything/scripts
|
27 |
+
PATH=/aifs4su/yaodong/google-cloud-sdk/bin:/aifs4su/yaodong/miniconda3/envs/hantao_new/bin:/aifs4su/yaodong/miniconda3/condabin:/usr/mpi/gcc/openmpi-4.1.7a1/bin:/usr/local/cuda/bin:/usr/lpp/mmfs/bin:/usr/local/cuda/bin:/opt/bin:/usr/local/cuda/bin:/usr/lpp/mmfs/bin:/cm/shared/apps/slurm/current/sbin:/cm/shared/apps/slurm/current/bin:/usr/local/cuda/bin:/opt/bin:/usr/local/sbin:/usr/local/bin:/usr/sbin:/usr/bin:/sbin:/bin:/usr/games:/usr/local/games:/snap/bin:/sbin:/usr/sbin:/cm/local/apps/environment-modules/4.5.3/bin
|
28 |
+
PWD=/aifs4su/yaodong/projects/hantao/dev_cham/align-anything/scripts
|
29 |
+
PYTHONHASHSEED=42
|
30 |
+
PYTHONPATH=/aifs4su/yaodong/projects/hantao/dev_cham/align-anything/scripts:/aifs4su/yaodong/projects/hantao/dev_cham/align-anything
|
31 |
+
RANK=0
|
32 |
+
SHELL=/bin/bash
|
33 |
+
SHLVL=0
|
34 |
+
SSH_CLIENT=10.33.5.36 54644 22
|
35 |
+
SSH_CONNECTION=10.33.5.36 54644 10.33.4.219 22
|
36 |
+
TMUX_PANE=%0
|
37 |
+
USER=yangyaodong
|
38 |
+
WANDB_API_KEY=547f38af44135ca76a4f4eed9c8d135532da4960
|
39 |
+
WANDB_SERVICE=2-1338204-tcp-localhost-59957
|
40 |
+
WORLD_SIZE=16
|
41 |
+
XDG_RUNTIME_DIR=/run/user/1028
|
42 |
+
XDG_SESSION_CLASS=user
|
43 |
+
XDG_SESSION_ID=626
|
44 |
+
XDG_SESSION_TYPE=tty
|
45 |
+
_=/aifs4su/yaodong/miniconda3/envs/hantao_tiv/bin/python3.11
|
merges.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
preprocessor_config.json
ADDED
@@ -0,0 +1,29 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"do_convert_rgb": true,
|
3 |
+
"do_normalize": true,
|
4 |
+
"do_rescale": true,
|
5 |
+
"do_resize": true,
|
6 |
+
"image_mean": [
|
7 |
+
0.48145466,
|
8 |
+
0.4578275,
|
9 |
+
0.40821073
|
10 |
+
],
|
11 |
+
"image_processor_type": "Qwen2VLImageProcessor",
|
12 |
+
"image_std": [
|
13 |
+
0.26862954,
|
14 |
+
0.26130258,
|
15 |
+
0.27577711
|
16 |
+
],
|
17 |
+
"max_pixels": 1003520,
|
18 |
+
"merge_size": 2,
|
19 |
+
"min_pixels": 3136,
|
20 |
+
"patch_size": 14,
|
21 |
+
"processor_class": "Qwen2VLProcessor",
|
22 |
+
"resample": 3,
|
23 |
+
"rescale_factor": 0.00392156862745098,
|
24 |
+
"size": {
|
25 |
+
"max_pixels": 1003520,
|
26 |
+
"min_pixels": 3136
|
27 |
+
},
|
28 |
+
"temporal_patch_size": 2
|
29 |
+
}
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:23508df701cbdb806cf6414699da63f6dd30345623489cea766f23284c330cc0
|
3 |
+
size 16577151950
|
script.sh
ADDED
@@ -0,0 +1,46 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
#!/usr/bin/env bash
|
2 |
+
#
|
3 |
+
# Copyright 2024 PKU-Alignment Team. All Rights Reserved.
|
4 |
+
#
|
5 |
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
6 |
+
# you may not use this file except in compliance with the License.
|
7 |
+
# You may obtain a copy of the License at
|
8 |
+
#
|
9 |
+
# http://www.apache.org/licenses/LICENSE-2.0
|
10 |
+
#
|
11 |
+
# Unless required by applicable law or agreed to in writing, software
|
12 |
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
13 |
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
14 |
+
# See the License for the specific language governing permissions and
|
15 |
+
# limitations under the License.
|
16 |
+
# ==============================================================================
|
17 |
+
|
18 |
+
export TRITON_CACHE_DIR="/aifs4su/yaodong/cache/triton"
|
19 |
+
# You can replace it with a local model path
|
20 |
+
MODEL_NAME_OR_PATH="/aifs4su/yaodong/models/Qwen2-VL-7B-Instruct"
|
21 |
+
# You can replace it with a local dataset path
|
22 |
+
TRAIN_DATASETS="/aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted"
|
23 |
+
EVAL_DATASETS="/aifs4su/yaodong/datasets/ShareGPTVideo/extracted/split"
|
24 |
+
# You can replace it with a new path
|
25 |
+
OUTPUT_DIR="../outputs/dpo_tiv2t_10k_baseline"
|
26 |
+
# For wandb online logging
|
27 |
+
export WANDB_API_KEY="547f38af44135ca76a4f4eed9c8d135532da4960"
|
28 |
+
# Source the setup script
|
29 |
+
source ./setup.sh
|
30 |
+
|
31 |
+
export CUDA_HOME=$CONDA_PREFIX
|
32 |
+
|
33 |
+
# Execute deepspeed command
|
34 |
+
deepspeed \
|
35 |
+
--hostfile ./host9 \
|
36 |
+
--master_port ${MASTER_PORT} \
|
37 |
+
--module align_anything.trainers.tiv_to_t.dpo \
|
38 |
+
--model_name_or_path ${MODEL_NAME_OR_PATH} \
|
39 |
+
--train_datasets ${TRAIN_DATASETS} \
|
40 |
+
--output_dir ${OUTPUT_DIR} \
|
41 |
+
--train_data_files extracted_preference_10k_washed.json \
|
42 |
+
--train_template NExTQA_preference \
|
43 |
+
--train_split 'train' \
|
44 |
+
--per_device_train_batch_size 1 \
|
45 |
+
--per_device_eval_batch_size 1 \
|
46 |
+
--gradient_accumulation_steps 1
|
special_tokens_map.json
ADDED
@@ -0,0 +1,45 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"additional_special_tokens": [
|
3 |
+
"<|im_start|>",
|
4 |
+
"<|im_end|>",
|
5 |
+
"<|object_ref_start|>",
|
6 |
+
"<|object_ref_end|>",
|
7 |
+
"<|box_start|>",
|
8 |
+
"<|box_end|>",
|
9 |
+
"<|quad_start|>",
|
10 |
+
"<|quad_end|>",
|
11 |
+
"<|vision_start|>",
|
12 |
+
"<|vision_end|>",
|
13 |
+
"<|vision_pad|>",
|
14 |
+
"<|image_pad|>",
|
15 |
+
"<|video_pad|>"
|
16 |
+
],
|
17 |
+
"bos_token": {
|
18 |
+
"content": "<s>",
|
19 |
+
"lstrip": false,
|
20 |
+
"normalized": false,
|
21 |
+
"rstrip": false,
|
22 |
+
"single_word": false
|
23 |
+
},
|
24 |
+
"eos_token": {
|
25 |
+
"content": "<|im_end|>",
|
26 |
+
"lstrip": false,
|
27 |
+
"normalized": false,
|
28 |
+
"rstrip": false,
|
29 |
+
"single_word": false
|
30 |
+
},
|
31 |
+
"pad_token": {
|
32 |
+
"content": "<|endoftext|>",
|
33 |
+
"lstrip": false,
|
34 |
+
"normalized": false,
|
35 |
+
"rstrip": false,
|
36 |
+
"single_word": false
|
37 |
+
},
|
38 |
+
"unk_token": {
|
39 |
+
"content": "<unk>",
|
40 |
+
"lstrip": false,
|
41 |
+
"normalized": false,
|
42 |
+
"rstrip": false,
|
43 |
+
"single_word": false
|
44 |
+
}
|
45 |
+
}
|
tokenizer.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
tokenizer_config.json
ADDED
@@ -0,0 +1,160 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"add_prefix_space": false,
|
3 |
+
"added_tokens_decoder": {
|
4 |
+
"128244": {
|
5 |
+
"content": "<unk>",
|
6 |
+
"lstrip": false,
|
7 |
+
"normalized": false,
|
8 |
+
"rstrip": false,
|
9 |
+
"single_word": false,
|
10 |
+
"special": true
|
11 |
+
},
|
12 |
+
"128245": {
|
13 |
+
"content": "<s>",
|
14 |
+
"lstrip": false,
|
15 |
+
"normalized": false,
|
16 |
+
"rstrip": false,
|
17 |
+
"single_word": false,
|
18 |
+
"special": true
|
19 |
+
},
|
20 |
+
"151643": {
|
21 |
+
"content": "<|endoftext|>",
|
22 |
+
"lstrip": false,
|
23 |
+
"normalized": false,
|
24 |
+
"rstrip": false,
|
25 |
+
"single_word": false,
|
26 |
+
"special": true
|
27 |
+
},
|
28 |
+
"151644": {
|
29 |
+
"content": "<|im_start|>",
|
30 |
+
"lstrip": false,
|
31 |
+
"normalized": false,
|
32 |
+
"rstrip": false,
|
33 |
+
"single_word": false,
|
34 |
+
"special": true
|
35 |
+
},
|
36 |
+
"151645": {
|
37 |
+
"content": "<|im_end|>",
|
38 |
+
"lstrip": false,
|
39 |
+
"normalized": false,
|
40 |
+
"rstrip": false,
|
41 |
+
"single_word": false,
|
42 |
+
"special": true
|
43 |
+
},
|
44 |
+
"151646": {
|
45 |
+
"content": "<|object_ref_start|>",
|
46 |
+
"lstrip": false,
|
47 |
+
"normalized": false,
|
48 |
+
"rstrip": false,
|
49 |
+
"single_word": false,
|
50 |
+
"special": true
|
51 |
+
},
|
52 |
+
"151647": {
|
53 |
+
"content": "<|object_ref_end|>",
|
54 |
+
"lstrip": false,
|
55 |
+
"normalized": false,
|
56 |
+
"rstrip": false,
|
57 |
+
"single_word": false,
|
58 |
+
"special": true
|
59 |
+
},
|
60 |
+
"151648": {
|
61 |
+
"content": "<|box_start|>",
|
62 |
+
"lstrip": false,
|
63 |
+
"normalized": false,
|
64 |
+
"rstrip": false,
|
65 |
+
"single_word": false,
|
66 |
+
"special": true
|
67 |
+
},
|
68 |
+
"151649": {
|
69 |
+
"content": "<|box_end|>",
|
70 |
+
"lstrip": false,
|
71 |
+
"normalized": false,
|
72 |
+
"rstrip": false,
|
73 |
+
"single_word": false,
|
74 |
+
"special": true
|
75 |
+
},
|
76 |
+
"151650": {
|
77 |
+
"content": "<|quad_start|>",
|
78 |
+
"lstrip": false,
|
79 |
+
"normalized": false,
|
80 |
+
"rstrip": false,
|
81 |
+
"single_word": false,
|
82 |
+
"special": true
|
83 |
+
},
|
84 |
+
"151651": {
|
85 |
+
"content": "<|quad_end|>",
|
86 |
+
"lstrip": false,
|
87 |
+
"normalized": false,
|
88 |
+
"rstrip": false,
|
89 |
+
"single_word": false,
|
90 |
+
"special": true
|
91 |
+
},
|
92 |
+
"151652": {
|
93 |
+
"content": "<|vision_start|>",
|
94 |
+
"lstrip": false,
|
95 |
+
"normalized": false,
|
96 |
+
"rstrip": false,
|
97 |
+
"single_word": false,
|
98 |
+
"special": true
|
99 |
+
},
|
100 |
+
"151653": {
|
101 |
+
"content": "<|vision_end|>",
|
102 |
+
"lstrip": false,
|
103 |
+
"normalized": false,
|
104 |
+
"rstrip": false,
|
105 |
+
"single_word": false,
|
106 |
+
"special": true
|
107 |
+
},
|
108 |
+
"151654": {
|
109 |
+
"content": "<|vision_pad|>",
|
110 |
+
"lstrip": false,
|
111 |
+
"normalized": false,
|
112 |
+
"rstrip": false,
|
113 |
+
"single_word": false,
|
114 |
+
"special": true
|
115 |
+
},
|
116 |
+
"151655": {
|
117 |
+
"content": "<|image_pad|>",
|
118 |
+
"lstrip": false,
|
119 |
+
"normalized": false,
|
120 |
+
"rstrip": false,
|
121 |
+
"single_word": false,
|
122 |
+
"special": true
|
123 |
+
},
|
124 |
+
"151656": {
|
125 |
+
"content": "<|video_pad|>",
|
126 |
+
"lstrip": false,
|
127 |
+
"normalized": false,
|
128 |
+
"rstrip": false,
|
129 |
+
"single_word": false,
|
130 |
+
"special": true
|
131 |
+
}
|
132 |
+
},
|
133 |
+
"additional_special_tokens": [
|
134 |
+
"<|im_start|>",
|
135 |
+
"<|im_end|>",
|
136 |
+
"<|object_ref_start|>",
|
137 |
+
"<|object_ref_end|>",
|
138 |
+
"<|box_start|>",
|
139 |
+
"<|box_end|>",
|
140 |
+
"<|quad_start|>",
|
141 |
+
"<|quad_end|>",
|
142 |
+
"<|vision_start|>",
|
143 |
+
"<|vision_end|>",
|
144 |
+
"<|vision_pad|>",
|
145 |
+
"<|image_pad|>",
|
146 |
+
"<|video_pad|>"
|
147 |
+
],
|
148 |
+
"bos_token": "<s>",
|
149 |
+
"chat_template": "{% set image_count = namespace(value=0) %}{% set video_count = namespace(value=0) %}{% for message in messages %}{% if loop.first and message['role'] != 'system' %}<|im_start|>system\nYou are a helpful assistant.<|im_end|>\n{% endif %}<|im_start|>{{ message['role'] }}\n{% if message['content'] is string %}{{ message['content'] }}<|im_end|>\n{% else %}{% for content in message['content'] %}{% if content['type'] == 'image' or 'image' in content or 'image_url' in content %}{% set image_count.value = image_count.value + 1 %}{% if add_vision_id %}Picture {{ image_count.value }}: {% endif %}<|vision_start|><|image_pad|><|vision_end|>{% elif content['type'] == 'video' or 'video' in content %}{% set video_count.value = video_count.value + 1 %}{% if add_vision_id %}Video {{ video_count.value }}: {% endif %}<|vision_start|><|video_pad|><|vision_end|>{% elif 'text' in content %}{{ content['text'] }}{% endif %}{% endfor %}<|im_end|>\n{% endif %}{% endfor %}{% if add_generation_prompt %}<|im_start|>assistant\n{% endif %}",
|
150 |
+
"clean_up_tokenization_spaces": false,
|
151 |
+
"eos_token": "<|im_end|>",
|
152 |
+
"errors": "replace",
|
153 |
+
"model_max_length": 4096,
|
154 |
+
"pad_token": "<|endoftext|>",
|
155 |
+
"padding_side": "left",
|
156 |
+
"processor_class": "Qwen2VLProcessor",
|
157 |
+
"split_special_tokens": false,
|
158 |
+
"tokenizer_class": "Qwen2Tokenizer",
|
159 |
+
"unk_token": "<unk>"
|
160 |
+
}
|
vocab.json
ADDED
The diff for this file is too large to render.
See raw diff
|
|
wandb/debug-internal.log
ADDED
The diff for this file is too large to render.
See raw diff
|
|
wandb/debug.log
ADDED
@@ -0,0 +1,36 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
2024-09-22 06:33:27,559 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Current SDK version is 0.17.5
|
2 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Configure stats pid to 1338204
|
3 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Loading settings from /home/yangyaodong/.config/wandb/settings
|
4 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Loading settings from /aifs4su/yaodong/projects/hantao/dev_cham/align-anything/scripts/wandb/settings
|
5 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'api_key': '***REDACTED***'}
|
6 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
|
7 |
+
2024-09-22 06:33:27,560 WARNING MainThread:1338204 [wandb_setup.py:_flush():76] Could not find program at -m align_anything.trainers.tiv_to_t.dpo
|
8 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m align_anything.trainers.tiv_to_t.dpo'}
|
9 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Applying login settings: {}
|
10 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:_log_setup():529] Logging user logs to ../outputs/dpo_tiv2t_10k_baseline/wandb/run-20240922_063327-rptdqsqq/logs/debug.log
|
11 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:_log_setup():530] Logging internal logs to ../outputs/dpo_tiv2t_10k_baseline/wandb/run-20240922_063327-rptdqsqq/logs/debug-internal.log
|
12 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:init():569] calling init triggers
|
13 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:init():576] wandb.init called with sweep_config: {}
|
14 |
+
config: {'train_cfgs': {'ds_cfgs': 'ds_z3_config.json', 'epochs': 3, 'seed': 42, 'per_device_train_batch_size': 1.0, 'per_device_eval_batch_size': 1.0, 'gradient_accumulation_steps': 1.0, 'gradient_checkpointing': True, 'learning_rate': 1e-06, 'lr_scheduler_type': 'cosine', 'lr_warmup_ratio': 0.01, 'weight_decay': 0.0, 'adam_betas': [0.9, 0.95], 'bf16': True, 'fp16': False, 'eval_strategy': 'epoch', 'eval_interval': 10, 'regularization': 0.001, 'scale_coeff': 0.1, 'freeze_mm_proj': False, 'freeze_vision_tower': True, 'freeze_language_model': False}, 'data_cfgs': {'train_datasets': '/aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted', 'train_template': 'NExTQA_preference', 'train_size': None, 'train_split': 'train', 'train_subset': None, 'train_data_files': 'extracted_preference_10k_washed.json', 'train_optional_args': [], 'eval_datasets': None, 'eval_template': None, 'eval_size': None, 'eval_split': None, 'eval_subset': None, 'eval_data_files': None, 'eval_optional_args': []}, 'logger_cfgs': {'log_type': 'wandb', 'log_project': 'align-anything', 'log_run_name': 'dpo', 'output_dir': '../outputs/dpo_tiv2t_10k_baseline', 'cache_dir': None, 'save_interval': 100000}, 'model_cfgs': {'model_name_or_path': '/aifs4su/yaodong/models/Qwen2-VL-7B-Instruct', 'trust_remote_code': True, 'model_max_length': 4096}, 'special_tokens': None}
|
15 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:init():619] starting backend
|
16 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:init():623] setting up manager
|
17 |
+
2024-09-22 06:33:27,561 INFO MainThread:1338204 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
|
18 |
+
2024-09-22 06:33:27,564 INFO MainThread:1338204 [wandb_init.py:init():631] backend started and connected
|
19 |
+
2024-09-22 06:33:27,566 INFO MainThread:1338204 [wandb_init.py:init():720] updated telemetry
|
20 |
+
2024-09-22 06:33:27,587 INFO MainThread:1338204 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
|
21 |
+
2024-09-22 06:33:28,008 INFO MainThread:1338204 [wandb_run.py:_on_init():2435] communicating current version
|
22 |
+
2024-09-22 06:33:28,205 INFO MainThread:1338204 [wandb_run.py:_on_init():2444] got version response upgrade_message: "wandb version 0.18.1 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
|
23 |
+
|
24 |
+
2024-09-22 06:33:28,205 INFO MainThread:1338204 [wandb_init.py:init():804] starting run threads in backend
|
25 |
+
2024-09-22 06:33:34,310 INFO MainThread:1338204 [wandb_run.py:_console_start():2413] atexit reg
|
26 |
+
2024-09-22 06:33:34,310 INFO MainThread:1338204 [wandb_run.py:_redirect():2255] redirect: wrap_raw
|
27 |
+
2024-09-22 06:33:34,310 INFO MainThread:1338204 [wandb_run.py:_redirect():2320] Wrapping output streams.
|
28 |
+
2024-09-22 06:33:34,310 INFO MainThread:1338204 [wandb_run.py:_redirect():2345] Redirects installed.
|
29 |
+
2024-09-22 06:33:34,313 INFO MainThread:1338204 [wandb_init.py:init():847] run started, returning control to user process
|
30 |
+
2024-09-22 16:29:07,169 INFO MainThread:1338204 [wandb_run.py:_finish():2107] finishing run htlou/align-anything/rptdqsqq
|
31 |
+
2024-09-22 16:29:07,171 INFO MainThread:1338204 [wandb_run.py:_atexit_cleanup():2374] got exitcode: 0
|
32 |
+
2024-09-22 16:29:07,172 INFO MainThread:1338204 [wandb_run.py:_restore():2352] restore
|
33 |
+
2024-09-22 16:29:07,172 INFO MainThread:1338204 [wandb_run.py:_restore():2358] restore done
|
34 |
+
2024-09-22 16:29:15,801 INFO MainThread:1338204 [wandb_run.py:_footer_history_summary_info():4016] rendering history
|
35 |
+
2024-09-22 16:29:15,802 INFO MainThread:1338204 [wandb_run.py:_footer_history_summary_info():4048] rendering summary
|
36 |
+
2024-09-22 16:29:15,809 INFO MainThread:1338204 [wandb_run.py:_footer_sync_info():3975] logging synced files
|
wandb/run-20240922_051551-1efs7bbc/files/conda-environment.yaml
ADDED
@@ -0,0 +1,504 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
name: hantao_new
|
2 |
+
channels:
|
3 |
+
- nvidia/label/cuda-12.1.0
|
4 |
+
- nvidia
|
5 |
+
- pytorch
|
6 |
+
- huggingface
|
7 |
+
- conda-forge
|
8 |
+
- defaults
|
9 |
+
dependencies:
|
10 |
+
- _libgcc_mutex=0.1=conda_forge
|
11 |
+
- _openmp_mutex=4.5=2_gnu
|
12 |
+
- aom=3.9.1=hac33072_0
|
13 |
+
- asttokens=2.4.1=pyhd8ed1ab_0
|
14 |
+
- blas=1.0=mkl
|
15 |
+
- brotli-python=1.1.0=py311hb755f60_1
|
16 |
+
- bzip2=1.0.8=h4bc722e_7
|
17 |
+
- ca-certificates=2024.7.4=hbcca054_0
|
18 |
+
- cairo=1.18.0=hebfffa5_3
|
19 |
+
- certifi=2024.7.4=pyhd8ed1ab_0
|
20 |
+
- cffi=1.16.0=py311hb3a22ac_0
|
21 |
+
- charset-normalizer=3.3.2=pyhd8ed1ab_0
|
22 |
+
- comm=0.2.2=pyhd8ed1ab_0
|
23 |
+
- cuda=12.1.0=0
|
24 |
+
- cuda-cccl=12.1.55=0
|
25 |
+
- cuda-command-line-tools=12.1.0=0
|
26 |
+
- cuda-compiler=12.1.0=0
|
27 |
+
- cuda-cudart=12.1.55=0
|
28 |
+
- cuda-cudart-dev=12.1.55=0
|
29 |
+
- cuda-cudart-static=12.1.55=0
|
30 |
+
- cuda-cuobjdump=12.1.55=0
|
31 |
+
- cuda-cupti=12.1.62=0
|
32 |
+
- cuda-cupti-static=12.1.62=0
|
33 |
+
- cuda-cuxxfilt=12.1.55=0
|
34 |
+
- cuda-demo-suite=12.1.55=0
|
35 |
+
- cuda-documentation=12.1.55=0
|
36 |
+
- cuda-driver-dev=12.1.55=0
|
37 |
+
- cuda-gdb=12.1.55=0
|
38 |
+
- cuda-libraries=12.1.0=0
|
39 |
+
- cuda-libraries-dev=12.1.0=0
|
40 |
+
- cuda-libraries-static=12.1.0=0
|
41 |
+
- cuda-nsight=12.1.55=0
|
42 |
+
- cuda-nsight-compute=12.1.0=0
|
43 |
+
- cuda-nvcc=12.1.66=0
|
44 |
+
- cuda-nvdisasm=12.1.55=0
|
45 |
+
- cuda-nvml-dev=12.1.55=0
|
46 |
+
- cuda-nvprof=12.1.55=0
|
47 |
+
- cuda-nvprune=12.1.55=0
|
48 |
+
- cuda-nvrtc=12.1.55=0
|
49 |
+
- cuda-nvrtc-dev=12.1.55=0
|
50 |
+
- cuda-nvrtc-static=12.1.55=0
|
51 |
+
- cuda-nvtx=12.1.66=0
|
52 |
+
- cuda-nvvp=12.1.55=0
|
53 |
+
- cuda-opencl=12.1.56=0
|
54 |
+
- cuda-opencl-dev=12.1.56=0
|
55 |
+
- cuda-profiler-api=12.1.55=0
|
56 |
+
- cuda-runtime=12.1.0=0
|
57 |
+
- cuda-sanitizer-api=12.1.55=0
|
58 |
+
- cuda-toolkit=12.1.0=0
|
59 |
+
- cuda-tools=12.1.0=0
|
60 |
+
- cuda-visual-tools=12.1.0=0
|
61 |
+
- dav1d=1.2.1=hd590300_0
|
62 |
+
- debugpy=1.8.2=py311h4332511_0
|
63 |
+
- decorator=5.1.1=pyhd8ed1ab_0
|
64 |
+
- exceptiongroup=1.2.2=pyhd8ed1ab_0
|
65 |
+
- executing=2.0.1=pyhd8ed1ab_0
|
66 |
+
- expat=2.6.2=h59595ed_0
|
67 |
+
- ffmpeg=7.0.1=gpl_h9be9148_104
|
68 |
+
- filelock=3.15.4=pyhd8ed1ab_0
|
69 |
+
- font-ttf-dejavu-sans-mono=2.37=hab24e00_0
|
70 |
+
- font-ttf-inconsolata=3.000=h77eed37_0
|
71 |
+
- font-ttf-source-code-pro=2.038=h77eed37_0
|
72 |
+
- font-ttf-ubuntu=0.83=h77eed37_2
|
73 |
+
- fontconfig=2.14.2=h14ed4e7_0
|
74 |
+
- fonts-conda-ecosystem=1=0
|
75 |
+
- fonts-conda-forge=1=0
|
76 |
+
- freetype=2.12.1=h267a509_2
|
77 |
+
- fribidi=1.0.10=h36c2ea0_0
|
78 |
+
- gds-tools=1.6.0.25=0
|
79 |
+
- gettext=0.22.5=h59595ed_2
|
80 |
+
- gettext-tools=0.22.5=h59595ed_2
|
81 |
+
- git-lfs=3.5.1=ha770c72_0
|
82 |
+
- gmp=6.3.0=hac33072_2
|
83 |
+
- gmpy2=2.1.5=py311hc4f1f91_1
|
84 |
+
- gnutls=3.7.9=hb077bed_0
|
85 |
+
- graphite2=1.3.13=h59595ed_1003
|
86 |
+
- h2=4.1.0=pyhd8ed1ab_0
|
87 |
+
- harfbuzz=9.0.0=hda332d3_1
|
88 |
+
- hpack=4.0.0=pyh9f0ad1d_0
|
89 |
+
- hyperframe=6.0.1=pyhd8ed1ab_0
|
90 |
+
- icu=75.1=he02047a_0
|
91 |
+
- idna=3.7=pyhd8ed1ab_0
|
92 |
+
- importlib-metadata=8.2.0=pyha770c72_0
|
93 |
+
- importlib_metadata=8.2.0=hd8ed1ab_0
|
94 |
+
- intel-openmp=2022.0.1=h06a4308_3633
|
95 |
+
- ipykernel=6.29.5=pyh3099207_0
|
96 |
+
- ipython=8.26.0=pyh707e725_0
|
97 |
+
- jedi=0.19.1=pyhd8ed1ab_0
|
98 |
+
- jinja2=3.1.4=pyhd8ed1ab_0
|
99 |
+
- jupyter_client=8.6.2=pyhd8ed1ab_0
|
100 |
+
- jupyter_core=5.7.2=py311h38be061_0
|
101 |
+
- keyutils=1.6.1=h166bdaf_0
|
102 |
+
- krb5=1.21.3=h659f571_0
|
103 |
+
- lame=3.100=h166bdaf_1003
|
104 |
+
- lcms2=2.16=hb7c19ff_0
|
105 |
+
- ld_impl_linux-64=2.40=hf3520f5_7
|
106 |
+
- lerc=4.0.0=h27087fc_0
|
107 |
+
- libabseil=20240116.2=cxx17_he02047a_1
|
108 |
+
- libasprintf=0.22.5=h661eb56_2
|
109 |
+
- libasprintf-devel=0.22.5=h661eb56_2
|
110 |
+
- libass=0.17.1=h39113c1_2
|
111 |
+
- libblas=3.9.0=16_linux64_mkl
|
112 |
+
- libcblas=3.9.0=16_linux64_mkl
|
113 |
+
- libcublas=12.1.0.26=0
|
114 |
+
- libcublas-dev=12.1.0.26=0
|
115 |
+
- libcublas-static=12.1.0.26=0
|
116 |
+
- libcufft=11.0.2.4=0
|
117 |
+
- libcufft-dev=11.0.2.4=0
|
118 |
+
- libcufft-static=11.0.2.4=0
|
119 |
+
- libcufile=1.6.0.25=0
|
120 |
+
- libcufile-dev=1.6.0.25=0
|
121 |
+
- libcufile-static=1.6.0.25=0
|
122 |
+
- libcurand=10.3.2.56=0
|
123 |
+
- libcurand-dev=10.3.2.56=0
|
124 |
+
- libcurand-static=10.3.2.56=0
|
125 |
+
- libcusolver=11.4.4.55=0
|
126 |
+
- libcusolver-dev=11.4.4.55=0
|
127 |
+
- libcusolver-static=11.4.4.55=0
|
128 |
+
- libcusparse=12.0.2.55=0
|
129 |
+
- libcusparse-dev=12.0.2.55=0
|
130 |
+
- libcusparse-static=12.0.2.55=0
|
131 |
+
- libdeflate=1.20=hd590300_0
|
132 |
+
- libdrm=2.4.122=h4ab18f5_0
|
133 |
+
- libedit=3.1.20191231=he28a2e2_2
|
134 |
+
- libexpat=2.6.2=h59595ed_0
|
135 |
+
- libffi=3.4.2=h7f98852_5
|
136 |
+
- libgcc-ng=14.1.0=h77fa898_0
|
137 |
+
- libgettextpo=0.22.5=h59595ed_2
|
138 |
+
- libgettextpo-devel=0.22.5=h59595ed_2
|
139 |
+
- libglib=2.80.3=h8a4344b_1
|
140 |
+
- libgomp=14.1.0=h77fa898_0
|
141 |
+
- libhwloc=2.11.1=default_hecaa2ac_1000
|
142 |
+
- libiconv=1.17=hd590300_2
|
143 |
+
- libidn2=2.3.7=hd590300_0
|
144 |
+
- libjpeg-turbo=3.0.0=hd590300_1
|
145 |
+
- liblapack=3.9.0=16_linux64_mkl
|
146 |
+
- libnpp=12.0.2.50=0
|
147 |
+
- libnpp-dev=12.0.2.50=0
|
148 |
+
- libnpp-static=12.0.2.50=0
|
149 |
+
- libnsl=2.0.1=hd590300_0
|
150 |
+
- libnvjitlink=12.1.105=0
|
151 |
+
- libnvjitlink-dev=12.1.55=0
|
152 |
+
- libnvjpeg=12.1.0.39=0
|
153 |
+
- libnvjpeg-dev=12.1.0.39=0
|
154 |
+
- libnvjpeg-static=12.1.0.39=0
|
155 |
+
- libnvvm-samples=12.1.55=0
|
156 |
+
- libopenvino=2024.2.0=h2da1b83_1
|
157 |
+
- libopenvino-auto-batch-plugin=2024.2.0=hb045406_1
|
158 |
+
- libopenvino-auto-plugin=2024.2.0=hb045406_1
|
159 |
+
- libopenvino-hetero-plugin=2024.2.0=h5c03a75_1
|
160 |
+
- libopenvino-intel-cpu-plugin=2024.2.0=h2da1b83_1
|
161 |
+
- libopenvino-intel-gpu-plugin=2024.2.0=h2da1b83_1
|
162 |
+
- libopenvino-intel-npu-plugin=2024.2.0=he02047a_1
|
163 |
+
- libopenvino-ir-frontend=2024.2.0=h5c03a75_1
|
164 |
+
- libopenvino-onnx-frontend=2024.2.0=h07e8aee_1
|
165 |
+
- libopenvino-paddle-frontend=2024.2.0=h07e8aee_1
|
166 |
+
- libopenvino-pytorch-frontend=2024.2.0=he02047a_1
|
167 |
+
- libopenvino-tensorflow-frontend=2024.2.0=h39126c6_1
|
168 |
+
- libopenvino-tensorflow-lite-frontend=2024.2.0=he02047a_1
|
169 |
+
- libopus=1.3.1=h7f98852_1
|
170 |
+
- libpciaccess=0.18=hd590300_0
|
171 |
+
- libpng=1.6.43=h2797004_0
|
172 |
+
- libprotobuf=4.25.3=h08a7969_0
|
173 |
+
- libsodium=1.0.18=h36c2ea0_1
|
174 |
+
- libsqlite=3.46.0=hde9e2c9_0
|
175 |
+
- libstdcxx-ng=14.1.0=hc0a3c3a_0
|
176 |
+
- libtasn1=4.19.0=h166bdaf_0
|
177 |
+
- libtiff=4.6.0=h1dd3fc0_3
|
178 |
+
- libunistring=0.9.10=h7f98852_0
|
179 |
+
- libuuid=2.38.1=h0b41bf4_0
|
180 |
+
- libva=2.22.0=hb711507_0
|
181 |
+
- libvpx=1.14.1=hac33072_0
|
182 |
+
- libwebp-base=1.4.0=hd590300_0
|
183 |
+
- libxcb=1.16=hd590300_0
|
184 |
+
- libxcrypt=4.4.36=hd590300_1
|
185 |
+
- libxml2=2.12.7=he7c6b58_4
|
186 |
+
- libzlib=1.3.1=h4ab18f5_1
|
187 |
+
- llvm-openmp=15.0.7=h0cdce71_0
|
188 |
+
- markupsafe=2.1.5=py311h459d7ec_0
|
189 |
+
- matplotlib-inline=0.1.7=pyhd8ed1ab_0
|
190 |
+
- mkl=2022.1.0=hc2b9512_224
|
191 |
+
- mpc=1.3.1=hfe3b2da_0
|
192 |
+
- mpfr=4.2.1=h38ae2d0_2
|
193 |
+
- mpmath=1.3.0=pyhd8ed1ab_0
|
194 |
+
- ncurses=6.5=h59595ed_0
|
195 |
+
- nest-asyncio=1.6.0=pyhd8ed1ab_0
|
196 |
+
- nettle=3.9.1=h7ab15ed_0
|
197 |
+
- networkx=3.3=pyhd8ed1ab_1
|
198 |
+
- nsight-compute=2023.1.0.15=0
|
199 |
+
- ocl-icd=2.3.2=hd590300_1
|
200 |
+
- openh264=2.4.1=h59595ed_0
|
201 |
+
- openjpeg=2.5.2=h488ebb8_0
|
202 |
+
- openssl=3.3.1=h4bc722e_2
|
203 |
+
- p11-kit=0.24.1=hc5aa10d_0
|
204 |
+
- packaging=24.1=pyhd8ed1ab_0
|
205 |
+
- parso=0.8.4=pyhd8ed1ab_0
|
206 |
+
- pcre2=10.44=h0f59acf_0
|
207 |
+
- pexpect=4.9.0=pyhd8ed1ab_0
|
208 |
+
- pickleshare=0.7.5=py_1003
|
209 |
+
- pillow=10.4.0=py311h82a398c_0
|
210 |
+
- pip=24.0=pyhd8ed1ab_0
|
211 |
+
- pixman=0.43.2=h59595ed_0
|
212 |
+
- prompt-toolkit=3.0.47=pyha770c72_0
|
213 |
+
- psutil=6.0.0=py311h331c9d8_0
|
214 |
+
- pthread-stubs=0.4=h36c2ea0_1001
|
215 |
+
- ptyprocess=0.7.0=pyhd3deb0d_0
|
216 |
+
- pugixml=1.14=h59595ed_0
|
217 |
+
- pure_eval=0.2.3=pyhd8ed1ab_0
|
218 |
+
- pycparser=2.22=pyhd8ed1ab_0
|
219 |
+
- pygments=2.18.0=pyhd8ed1ab_0
|
220 |
+
- pysocks=1.7.1=pyha2e5f31_6
|
221 |
+
- python=3.11.9=hb806964_0_cpython
|
222 |
+
- python_abi=3.11=4_cp311
|
223 |
+
- pytorch=2.4.0=py3.11_cuda12.1_cudnn9.1.0_0
|
224 |
+
- pytorch-cuda=12.1=ha16c6d3_5
|
225 |
+
- pytorch-mutex=1.0=cuda
|
226 |
+
- pyyaml=6.0.1=py311h459d7ec_1
|
227 |
+
- pyzmq=26.0.3=py311h08a0b41_0
|
228 |
+
- readline=8.2=h8228510_1
|
229 |
+
- requests=2.32.3=pyhd8ed1ab_0
|
230 |
+
- setuptools=71.0.4=pyhd8ed1ab_0
|
231 |
+
- six=1.16.0=pyh6c4a22f_0
|
232 |
+
- snappy=1.2.1=ha2e4443_0
|
233 |
+
- stack_data=0.6.2=pyhd8ed1ab_0
|
234 |
+
- svt-av1=2.1.2=hac33072_0
|
235 |
+
- sympy=1.13.0=pypyh2585a3b_103
|
236 |
+
- tbb=2021.12.0=h434a139_3
|
237 |
+
- tk=8.6.13=noxft_h4845f30_101
|
238 |
+
- torchaudio=2.4.0=py311_cu121
|
239 |
+
- torchtriton=3.0.0=py311
|
240 |
+
- tornado=6.4.1=py311h331c9d8_0
|
241 |
+
- traitlets=5.14.3=pyhd8ed1ab_0
|
242 |
+
- typing_extensions=4.12.2=pyha770c72_0
|
243 |
+
- urllib3=2.2.2=pyhd8ed1ab_1
|
244 |
+
- wayland=1.23.0=h5291e77_0
|
245 |
+
- wayland-protocols=1.36=hd8ed1ab_0
|
246 |
+
- wcwidth=0.2.13=pyhd8ed1ab_0
|
247 |
+
- wheel=0.43.0=pyhd8ed1ab_1
|
248 |
+
- x264=1!164.3095=h166bdaf_2
|
249 |
+
- x265=3.5=h924138e_3
|
250 |
+
- xorg-fixesproto=5.0=h7f98852_1002
|
251 |
+
- xorg-kbproto=1.0.7=h7f98852_1002
|
252 |
+
- xorg-libice=1.1.1=hd590300_0
|
253 |
+
- xorg-libsm=1.2.4=h7391055_0
|
254 |
+
- xorg-libx11=1.8.9=hb711507_1
|
255 |
+
- xorg-libxau=1.0.11=hd590300_0
|
256 |
+
- xorg-libxdmcp=1.1.3=h7f98852_0
|
257 |
+
- xorg-libxext=1.3.4=h0b41bf4_2
|
258 |
+
- xorg-libxfixes=5.0.3=h7f98852_1004
|
259 |
+
- xorg-libxrender=0.9.11=hd590300_0
|
260 |
+
- xorg-renderproto=0.11.1=h7f98852_1002
|
261 |
+
- xorg-xextproto=7.3.0=h0b41bf4_1003
|
262 |
+
- xorg-xproto=7.0.31=h7f98852_1007
|
263 |
+
- xz=5.2.6=h166bdaf_0
|
264 |
+
- yaml=0.2.5=h7f98852_2
|
265 |
+
- zeromq=4.3.5=h75354e8_4
|
266 |
+
- zipp=3.19.2=pyhd8ed1ab_0
|
267 |
+
- zlib=1.3.1=h4ab18f5_1
|
268 |
+
- zstandard=0.23.0=py311h5cd10c7_0
|
269 |
+
- zstd=1.5.6=ha6fb4c9_0
|
270 |
+
- pip:
|
271 |
+
- about-time==4.2.1
|
272 |
+
- absl-py==2.1.0
|
273 |
+
- accelerate==0.33.0
|
274 |
+
- aiofiles==23.2.1
|
275 |
+
- aiohttp==3.9.5
|
276 |
+
- aiohttp-retry==2.8.3
|
277 |
+
- aiosignal==1.3.1
|
278 |
+
- align-anything==0.0.1.dev0
|
279 |
+
- alive-progress==3.1.5
|
280 |
+
- amqp==5.2.0
|
281 |
+
- annotated-types==0.7.0
|
282 |
+
- antlr4-python3-runtime==4.9.3
|
283 |
+
- anyio==4.4.0
|
284 |
+
- appdirs==1.4.4
|
285 |
+
- asyncssh==2.16.0
|
286 |
+
- atpublic==5.0
|
287 |
+
- attrs==23.2.0
|
288 |
+
- audioread==3.0.1
|
289 |
+
- av==13.0.0
|
290 |
+
- backoff==2.2.1
|
291 |
+
- billiard==4.2.0
|
292 |
+
- boto3==1.35.9
|
293 |
+
- botocore==1.35.9
|
294 |
+
- cachetools==5.4.0
|
295 |
+
- celery==5.4.0
|
296 |
+
- cfgv==3.4.0
|
297 |
+
- click==8.1.7
|
298 |
+
- click-didyoumean==0.3.1
|
299 |
+
- click-plugins==1.1.1
|
300 |
+
- click-repl==0.3.0
|
301 |
+
- cloudpickle==3.0.0
|
302 |
+
- cmake==3.30.1
|
303 |
+
- colorama==0.4.6
|
304 |
+
- commonmark==0.9.1
|
305 |
+
- configobj==5.0.8
|
306 |
+
- contourpy==1.2.1
|
307 |
+
- cryptography==43.0.0
|
308 |
+
- cycler==0.12.1
|
309 |
+
- dacite==1.6.0
|
310 |
+
- dagshub==0.3.35
|
311 |
+
- dagshub-annotation-converter==0.1.0
|
312 |
+
- dataclasses-json==0.6.7
|
313 |
+
- datasets==2.20.0
|
314 |
+
- deepspeed==0.14.4
|
315 |
+
- dictdiffer==0.9.0
|
316 |
+
- diffusers==0.29.2
|
317 |
+
- dill==0.3.8
|
318 |
+
- diskcache==5.6.3
|
319 |
+
- distlib==0.3.8
|
320 |
+
- distro==1.9.0
|
321 |
+
- dnspython==2.6.1
|
322 |
+
- docker-pycreds==0.4.0
|
323 |
+
- dpath==2.2.0
|
324 |
+
- dulwich==0.22.1
|
325 |
+
- dvc==3.55.1
|
326 |
+
- dvc-data==3.16.5
|
327 |
+
- dvc-http==2.32.0
|
328 |
+
- dvc-objects==5.1.0
|
329 |
+
- dvc-render==1.0.2
|
330 |
+
- dvc-studio-client==0.21.0
|
331 |
+
- dvc-task==0.4.0
|
332 |
+
- email-validator==2.2.0
|
333 |
+
- entrypoints==0.4
|
334 |
+
- fastapi==0.111.1
|
335 |
+
- fastapi-cli==0.0.4
|
336 |
+
- ffmpy==0.3.3
|
337 |
+
- flatten-dict==0.4.2
|
338 |
+
- flufl-lock==8.1.0
|
339 |
+
- fonttools==4.53.1
|
340 |
+
- frozenlist==1.4.1
|
341 |
+
- fsspec==2024.5.0
|
342 |
+
- funcy==2.0
|
343 |
+
- fusepy==3.0.1
|
344 |
+
- gitdb==4.0.11
|
345 |
+
- gitpython==3.1.43
|
346 |
+
- gql==3.5.0
|
347 |
+
- gradio==4.39.0
|
348 |
+
- gradio-client==1.1.1
|
349 |
+
- gradio-multimodalchatbot==0.0.1
|
350 |
+
- grandalf==0.8
|
351 |
+
- grapheme==0.6.0
|
352 |
+
- graphql-core==3.2.3
|
353 |
+
- grpcio==1.65.1
|
354 |
+
- gto==1.7.1
|
355 |
+
- h11==0.14.0
|
356 |
+
- hjson==3.1.0
|
357 |
+
- httpcore==0.16.3
|
358 |
+
- httptools==0.6.1
|
359 |
+
- httpx==0.23.3
|
360 |
+
- huggingface-hub==0.24.3
|
361 |
+
- hydra-core==1.3.2
|
362 |
+
- identify==2.6.0
|
363 |
+
- importlib-resources==6.4.0
|
364 |
+
- iniconfig==2.0.0
|
365 |
+
- interegular==0.3.3
|
366 |
+
- iterative-telemetry==0.0.8
|
367 |
+
- jmespath==1.0.1
|
368 |
+
- joblib==1.4.2
|
369 |
+
- jsonschema==4.23.0
|
370 |
+
- jsonschema-specifications==2023.12.1
|
371 |
+
- kiwisolver==1.4.5
|
372 |
+
- kombu==5.4.0
|
373 |
+
- lark==1.1.9
|
374 |
+
- lazy-loader==0.4
|
375 |
+
- librosa==0.10.2.post1
|
376 |
+
- llvmlite==0.43.0
|
377 |
+
- lm-format-enforcer==0.10.3
|
378 |
+
- lxml==5.3.0
|
379 |
+
- markdown==3.6
|
380 |
+
- markdown-it-py==3.0.0
|
381 |
+
- marshmallow==3.22.0
|
382 |
+
- matplotlib==3.9.1
|
383 |
+
- mdurl==0.1.2
|
384 |
+
- mmsg==0.1.dev14+gbd2b056.d20240803
|
385 |
+
- msgpack==1.0.8
|
386 |
+
- multidict==6.0.5
|
387 |
+
- multiprocess==0.70.16
|
388 |
+
- mypy-extensions==1.0.0
|
389 |
+
- ninja==1.11.1.1
|
390 |
+
- nodeenv==1.9.1
|
391 |
+
- numba==0.60.0
|
392 |
+
- numpy==1.26.4
|
393 |
+
- nvidia-cublas-cu12==12.1.3.1
|
394 |
+
- nvidia-cuda-cupti-cu12==12.1.105
|
395 |
+
- nvidia-cuda-nvrtc-cu12==12.1.105
|
396 |
+
- nvidia-cuda-runtime-cu12==12.1.105
|
397 |
+
- nvidia-cudnn-cu12==8.9.2.26
|
398 |
+
- nvidia-cufft-cu12==11.0.2.54
|
399 |
+
- nvidia-curand-cu12==10.3.2.106
|
400 |
+
- nvidia-cusolver-cu12==11.4.5.107
|
401 |
+
- nvidia-cusparse-cu12==12.1.0.106
|
402 |
+
- nvidia-ml-py==12.535.161
|
403 |
+
- nvidia-nccl-cu12==2.20.5
|
404 |
+
- nvidia-nvjitlink-cu12==12.5.82
|
405 |
+
- nvidia-nvtx-cu12==12.1.105
|
406 |
+
- nvitop==1.3.2
|
407 |
+
- omegaconf==2.3.0
|
408 |
+
- openai==1.37.1
|
409 |
+
- optree==0.12.1
|
410 |
+
- orjson==3.10.6
|
411 |
+
- outlines==0.0.47.dev37+g26e2934
|
412 |
+
- pandas==2.2.2
|
413 |
+
- pathspec==0.12.1
|
414 |
+
- pathvalidate==3.0.0
|
415 |
+
- peft==0.12.0
|
416 |
+
- platformdirs==3.11.0
|
417 |
+
- pluggy==1.5.0
|
418 |
+
- pooch==1.8.2
|
419 |
+
- pre-commit==3.8.0
|
420 |
+
- prometheus-client==0.20.0
|
421 |
+
- prometheus-fastapi-instrumentator==7.0.0
|
422 |
+
- protobuf==4.25.4
|
423 |
+
- py-cpuinfo==9.0.0
|
424 |
+
- pyairports==2.1.1
|
425 |
+
- pyarrow==17.0.0
|
426 |
+
- pyarrow-hotfix==0.6
|
427 |
+
- pycountry==24.6.1
|
428 |
+
- pydantic==2.8.2
|
429 |
+
- pydantic-core==2.20.1
|
430 |
+
- pydot==3.0.1
|
431 |
+
- pydub==0.25.1
|
432 |
+
- pygit2==1.15.1
|
433 |
+
- pygtrie==2.5.0
|
434 |
+
- pyparsing==3.1.2
|
435 |
+
- pytest==8.3.2
|
436 |
+
- python-dateutil==2.9.0.post0
|
437 |
+
- python-dotenv==1.0.1
|
438 |
+
- python-multipart==0.0.9
|
439 |
+
- pytz==2024.1
|
440 |
+
- ranger-fm==1.9.3
|
441 |
+
- ray==2.34.0
|
442 |
+
- referencing==0.35.1
|
443 |
+
- regex==2024.7.24
|
444 |
+
- requests-toolbelt==1.0.0
|
445 |
+
- rfc3986==1.5.0
|
446 |
+
- rich==13.1.0
|
447 |
+
- rpds-py==0.19.1
|
448 |
+
- ruamel-yaml==0.18.6
|
449 |
+
- ruamel-yaml-clib==0.2.8
|
450 |
+
- ruff==0.5.5
|
451 |
+
- s3transfer==0.10.2
|
452 |
+
- safetensors==0.4.3
|
453 |
+
- scikit-learn==1.5.1
|
454 |
+
- scipy==1.14.0
|
455 |
+
- scmrepo==3.3.7
|
456 |
+
- semantic-version==2.10.0
|
457 |
+
- semver==3.0.2
|
458 |
+
- sentencepiece==0.2.0
|
459 |
+
- sentry-sdk==2.11.0
|
460 |
+
- setproctitle==1.3.3
|
461 |
+
- shellingham==1.5.4
|
462 |
+
- shortuuid==1.0.13
|
463 |
+
- shtab==1.7.1
|
464 |
+
- smmap==5.0.1
|
465 |
+
- sniffio==1.3.1
|
466 |
+
- soundfile==0.12.1
|
467 |
+
- soxr==0.4.0
|
468 |
+
- sqltrie==0.11.1
|
469 |
+
- starlette==0.37.2
|
470 |
+
- tabulate==0.9.0
|
471 |
+
- tenacity==8.2.3
|
472 |
+
- tensorboard==2.17.0
|
473 |
+
- tensorboard-data-server==0.7.2
|
474 |
+
- term-image==0.7.2
|
475 |
+
- termcolor==2.4.0
|
476 |
+
- threadpoolctl==3.5.0
|
477 |
+
- tiktoken==0.7.0
|
478 |
+
- tokenizers==0.19.1
|
479 |
+
- tomlkit==0.12.0
|
480 |
+
- torch==2.3.1
|
481 |
+
- torchvision==0.18.1
|
482 |
+
- tqdm==4.66.4
|
483 |
+
- transformers==4.44.0.dev0
|
484 |
+
- treelib==1.6.4
|
485 |
+
- triton==2.3.1
|
486 |
+
- typer==0.12.3
|
487 |
+
- typing-inspect==0.9.0
|
488 |
+
- tzdata==2024.1
|
489 |
+
- uvicorn==0.30.3
|
490 |
+
- uvloop==0.19.0
|
491 |
+
- vine==5.1.0
|
492 |
+
- virtualenv==20.26.3
|
493 |
+
- vllm==0.5.3.post1
|
494 |
+
- vllm-flash-attn==2.5.9.post1
|
495 |
+
- voluptuous==0.15.2
|
496 |
+
- wandb==0.17.5
|
497 |
+
- watchfiles==0.22.0
|
498 |
+
- websockets==11.0.3
|
499 |
+
- werkzeug==3.0.3
|
500 |
+
- xformers==0.0.27
|
501 |
+
- xxhash==3.4.1
|
502 |
+
- yarl==1.9.4
|
503 |
+
- zc-lockfile==3.0.post1
|
504 |
+
prefix: /aifs4su/yaodong/miniconda3/envs/hantao_new
|
wandb/run-20240922_051551-1efs7bbc/files/config.yaml
ADDED
@@ -0,0 +1,111 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
wandb_version: 1
|
2 |
+
|
3 |
+
train_cfgs:
|
4 |
+
desc: null
|
5 |
+
value:
|
6 |
+
ds_cfgs: ds_z3_config.json
|
7 |
+
epochs: 3
|
8 |
+
seed: 42
|
9 |
+
per_device_train_batch_size: 1.0
|
10 |
+
per_device_eval_batch_size: 1.0
|
11 |
+
gradient_accumulation_steps: 1.0
|
12 |
+
gradient_checkpointing: true
|
13 |
+
learning_rate: 1.0e-06
|
14 |
+
lr_scheduler_type: cosine
|
15 |
+
lr_warmup_ratio: 0.01
|
16 |
+
weight_decay: 0.0
|
17 |
+
adam_betas:
|
18 |
+
- 0.9
|
19 |
+
- 0.95
|
20 |
+
bf16: true
|
21 |
+
fp16: false
|
22 |
+
eval_strategy: epoch
|
23 |
+
eval_interval: 10
|
24 |
+
regularization: 0.001
|
25 |
+
scale_coeff: 0.1
|
26 |
+
freeze_mm_proj: false
|
27 |
+
freeze_vision_tower: true
|
28 |
+
freeze_language_model: false
|
29 |
+
data_cfgs:
|
30 |
+
desc: null
|
31 |
+
value:
|
32 |
+
train_datasets: /aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted
|
33 |
+
train_template: NExTQA_preference
|
34 |
+
train_size: null
|
35 |
+
train_split: train
|
36 |
+
train_subset: null
|
37 |
+
train_data_files: extracted_preference_10k_washed.json
|
38 |
+
train_optional_args: []
|
39 |
+
eval_datasets: null
|
40 |
+
eval_template: null
|
41 |
+
eval_size: null
|
42 |
+
eval_split: null
|
43 |
+
eval_subset: null
|
44 |
+
eval_data_files: null
|
45 |
+
eval_optional_args: []
|
46 |
+
logger_cfgs:
|
47 |
+
desc: null
|
48 |
+
value:
|
49 |
+
log_type: wandb
|
50 |
+
log_project: align-anything
|
51 |
+
log_run_name: dpo
|
52 |
+
output_dir: ../outputs/dpo_tiv2t_10k_baseline
|
53 |
+
cache_dir: null
|
54 |
+
save_interval: 100000
|
55 |
+
model_cfgs:
|
56 |
+
desc: null
|
57 |
+
value:
|
58 |
+
model_name_or_path: /aifs4su/yaodong/models/Qwen2-VL-7B-Instruct
|
59 |
+
trust_remote_code: true
|
60 |
+
model_max_length: 4096
|
61 |
+
special_tokens:
|
62 |
+
desc: null
|
63 |
+
value: null
|
64 |
+
_wandb:
|
65 |
+
desc: null
|
66 |
+
value:
|
67 |
+
python_version: 3.11.9
|
68 |
+
cli_version: 0.17.5
|
69 |
+
framework: huggingface
|
70 |
+
huggingface_version: 4.45.0.dev0
|
71 |
+
is_jupyter_run: false
|
72 |
+
is_kaggle_kernel: false
|
73 |
+
start_time: 1726953351
|
74 |
+
t:
|
75 |
+
1:
|
76 |
+
- 1
|
77 |
+
- 5
|
78 |
+
- 11
|
79 |
+
- 41
|
80 |
+
- 49
|
81 |
+
- 51
|
82 |
+
- 53
|
83 |
+
- 55
|
84 |
+
- 71
|
85 |
+
- 83
|
86 |
+
- 98
|
87 |
+
- 105
|
88 |
+
2:
|
89 |
+
- 1
|
90 |
+
- 5
|
91 |
+
- 11
|
92 |
+
- 41
|
93 |
+
- 49
|
94 |
+
- 51
|
95 |
+
- 53
|
96 |
+
- 55
|
97 |
+
- 71
|
98 |
+
- 83
|
99 |
+
- 98
|
100 |
+
- 105
|
101 |
+
3:
|
102 |
+
- 13
|
103 |
+
- 16
|
104 |
+
- 23
|
105 |
+
- 61
|
106 |
+
4: 3.11.9
|
107 |
+
5: 0.17.5
|
108 |
+
6: 4.45.0.dev0
|
109 |
+
8:
|
110 |
+
- 5
|
111 |
+
13: linux-x86_64
|
wandb/run-20240922_051551-1efs7bbc/files/output.log
ADDED
@@ -0,0 +1,88 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
|
2 |
+
***** Running training *****
|
3 |
+
|
4 |
+
Training 1/3 epoch: 0%| | 0/1815 [00:00<?, ?it/s]`use_cache=True` is incompatible with gradient checkpointing. Setting `use_cache=False`...
|
5 |
+
/aifs4su/yaodong/miniconda3/envs/hantao_tiv/lib/python3.11/site-packages/torch/utils/checkpoint.py:295: FutureWarning: `torch.cpu.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cpu', args...)` instead.
|
6 |
+
with torch.enable_grad(), device_autocast_ctx, torch.cpu.amp.autocast(**ctx.cpu_autocast_kwargs): # type: ignore[attr-defined]
|
7 |
+
|
8 |
+
|
9 |
+
|
10 |
+
|
11 |
+
|
12 |
+
|
13 |
+
|
14 |
+
|
15 |
+
Training 1/3 epoch (loss 0.6823): 0%| | 9/1815 [02:56<9:53:17, 19.71s/it]
|
16 |
+
|
17 |
+
|
18 |
+
|
19 |
+
|
20 |
+
|
21 |
+
|
22 |
+
|
23 |
+
|
24 |
+
|
25 |
+
|
26 |
+
Training 1/3 epoch (loss 0.6167): 1%| | 19/1815 [06:28<11:02:22, 22.13s/it]
|
27 |
+
|
28 |
+
|
29 |
+
|
30 |
+
|
31 |
+
|
32 |
+
|
33 |
+
|
34 |
+
|
35 |
+
|
36 |
+
|
37 |
+
Training 1/3 epoch (loss 0.9150): 2%|▏ | 29/1815 [09:48<8:59:30, 18.12s/it]
|
38 |
+
|
39 |
+
|
40 |
+
|
41 |
+
|
42 |
+
|
43 |
+
|
44 |
+
|
45 |
+
|
46 |
+
|
47 |
+
|
48 |
+
|
49 |
+
Training 1/3 epoch (loss 1.0755): 2%|▏ | 40/1815 [13:41<10:30:16, 21.31s/it]
|
50 |
+
|
51 |
+
|
52 |
+
|
53 |
+
|
54 |
+
|
55 |
+
|
56 |
+
|
57 |
+
|
58 |
+
|
59 |
+
|
60 |
+
Training 1/3 epoch (loss 0.8264): 3%|▎ | 50/1815 [17:17<9:36:08, 19.59s/it]
|
61 |
+
|
62 |
+
|
63 |
+
|
64 |
+
|
65 |
+
|
66 |
+
|
67 |
+
|
68 |
+
|
69 |
+
|
70 |
+
|
71 |
+
Training 1/3 epoch (loss 1.4644): 3%|▎ | 60/1815 [20:59<10:18:16, 21.14s/it]
|
72 |
+
|
73 |
+
|
74 |
+
|
75 |
+
|
76 |
+
|
77 |
+
|
78 |
+
|
79 |
+
|
80 |
+
|
81 |
+
|
82 |
+
Training 1/3 epoch (loss 1.0547): 4%|▍ | 70/1815 [24:46<10:25:39, 21.51s/it]
|
83 |
+
|
84 |
+
|
85 |
+
|
86 |
+
|
87 |
+
|
88 |
+
|
wandb/run-20240922_051551-1efs7bbc/files/requirements.txt
ADDED
@@ -0,0 +1,325 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
Brotli==1.1.0
|
2 |
+
GitPython==3.1.43
|
3 |
+
Jinja2==3.1.4
|
4 |
+
Markdown==3.6
|
5 |
+
MarkupSafe==2.1.5
|
6 |
+
PySocks==1.7.1
|
7 |
+
PyYAML==6.0.1
|
8 |
+
Pygments==2.18.0
|
9 |
+
Werkzeug==3.0.3
|
10 |
+
about-time==4.2.1
|
11 |
+
absl-py==2.1.0
|
12 |
+
accelerate==0.34.0
|
13 |
+
aiofiles==23.2.1
|
14 |
+
aiohttp-retry==2.8.3
|
15 |
+
aiohttp==3.9.5
|
16 |
+
aiosignal==1.3.1
|
17 |
+
align-anything==0.0.1.dev0
|
18 |
+
align-anything==0.0.1.dev0
|
19 |
+
alive-progress==3.1.5
|
20 |
+
amqp==5.2.0
|
21 |
+
annotated-types==0.7.0
|
22 |
+
antlr4-python3-runtime==4.9.3
|
23 |
+
anyio==4.4.0
|
24 |
+
appdirs==1.4.4
|
25 |
+
asttokens==2.4.1
|
26 |
+
asyncssh==2.16.0
|
27 |
+
atpublic==5.0
|
28 |
+
attrs==23.2.0
|
29 |
+
audioread==3.0.1
|
30 |
+
autocommand==2.2.2
|
31 |
+
backoff==2.2.1
|
32 |
+
backports.tarfile==1.2.0
|
33 |
+
billiard==4.2.0
|
34 |
+
boto3==1.35.9
|
35 |
+
botocore==1.35.9
|
36 |
+
cachetools==5.4.0
|
37 |
+
celery==5.4.0
|
38 |
+
certifi==2024.7.4
|
39 |
+
cffi==1.16.0
|
40 |
+
cfgv==3.4.0
|
41 |
+
charset-normalizer==3.3.2
|
42 |
+
click-didyoumean==0.3.1
|
43 |
+
click-plugins==1.1.1
|
44 |
+
click-repl==0.3.0
|
45 |
+
click==8.1.7
|
46 |
+
cloudpickle==3.0.0
|
47 |
+
cmake==3.30.1
|
48 |
+
colorama==0.4.6
|
49 |
+
comm==0.2.2
|
50 |
+
commonmark==0.9.1
|
51 |
+
configobj==5.0.8
|
52 |
+
contourpy==1.2.1
|
53 |
+
cryptography==43.0.0
|
54 |
+
cycler==0.12.1
|
55 |
+
dacite==1.6.0
|
56 |
+
dagshub-annotation-converter==0.1.0
|
57 |
+
dagshub==0.3.35
|
58 |
+
dataclasses-json==0.6.7
|
59 |
+
datasets==2.20.0
|
60 |
+
debugpy==1.8.2
|
61 |
+
decorator==4.4.2
|
62 |
+
deepspeed==0.14.4
|
63 |
+
dictdiffer==0.9.0
|
64 |
+
diffusers==0.29.2
|
65 |
+
dill==0.3.8
|
66 |
+
diskcache==5.6.3
|
67 |
+
distlib==0.3.8
|
68 |
+
distro==1.9.0
|
69 |
+
dnspython==2.6.1
|
70 |
+
docker-pycreds==0.4.0
|
71 |
+
docstring_parser==0.16
|
72 |
+
dpath==2.2.0
|
73 |
+
dulwich==0.22.1
|
74 |
+
dvc-data==3.16.5
|
75 |
+
dvc-http==2.32.0
|
76 |
+
dvc-objects==5.1.0
|
77 |
+
dvc-render==1.0.2
|
78 |
+
dvc-studio-client==0.21.0
|
79 |
+
dvc-task==0.4.0
|
80 |
+
dvc==3.55.1
|
81 |
+
einops==0.8.0
|
82 |
+
email_validator==2.2.0
|
83 |
+
entrypoints==0.4
|
84 |
+
exceptiongroup==1.2.2
|
85 |
+
executing==2.0.1
|
86 |
+
fastapi-cli==0.0.4
|
87 |
+
fastapi==0.111.1
|
88 |
+
ffmpy==0.3.3
|
89 |
+
filelock==3.15.4
|
90 |
+
fire==0.6.0
|
91 |
+
flatten-dict==0.4.2
|
92 |
+
flufl.lock==8.1.0
|
93 |
+
fonttools==4.53.1
|
94 |
+
frozenlist==1.4.1
|
95 |
+
fsspec==2024.5.0
|
96 |
+
funcy==2.0
|
97 |
+
fusepy==3.0.1
|
98 |
+
gitdb==4.0.11
|
99 |
+
gmpy2==2.1.5
|
100 |
+
gql==3.5.0
|
101 |
+
gradio==4.39.0
|
102 |
+
gradio_client==1.1.1
|
103 |
+
gradio_multimodalchatbot==0.0.1
|
104 |
+
grandalf==0.8
|
105 |
+
grapheme==0.6.0
|
106 |
+
graphql-core==3.2.3
|
107 |
+
grpcio==1.65.1
|
108 |
+
gto==1.7.1
|
109 |
+
h11==0.14.0
|
110 |
+
h2==4.1.0
|
111 |
+
hjson==3.1.0
|
112 |
+
hpack==4.0.0
|
113 |
+
httpcore==1.0.5
|
114 |
+
httptools==0.6.1
|
115 |
+
httpx==0.27.2
|
116 |
+
huggingface-hub==0.24.3
|
117 |
+
hydra-core==1.3.2
|
118 |
+
hyperframe==6.0.1
|
119 |
+
identify==2.6.0
|
120 |
+
idna==3.7
|
121 |
+
imageio-ffmpeg==0.5.1
|
122 |
+
imageio==2.35.1
|
123 |
+
importlib_metadata==8.0.0
|
124 |
+
importlib_metadata==8.2.0
|
125 |
+
importlib_resources==6.4.0
|
126 |
+
importlib_resources==6.4.0
|
127 |
+
inflect==7.3.1
|
128 |
+
iniconfig==2.0.0
|
129 |
+
interegular==0.3.3
|
130 |
+
ipykernel==6.29.5
|
131 |
+
ipython==8.26.0
|
132 |
+
iterative-telemetry==0.0.8
|
133 |
+
jaraco.context==5.3.0
|
134 |
+
jaraco.functools==4.0.1
|
135 |
+
jaraco.text==3.12.1
|
136 |
+
jedi==0.19.1
|
137 |
+
jmespath==1.0.1
|
138 |
+
joblib==1.4.2
|
139 |
+
jsonschema-specifications==2023.12.1
|
140 |
+
jsonschema==4.23.0
|
141 |
+
jupyter_client==8.6.2
|
142 |
+
jupyter_core==5.7.2
|
143 |
+
kiwisolver==1.4.5
|
144 |
+
kombu==5.4.0
|
145 |
+
lark==1.1.9
|
146 |
+
lazy_loader==0.4
|
147 |
+
librosa==0.10.2.post1
|
148 |
+
llamafactory==0.8.4.dev0
|
149 |
+
llamafactory==0.8.4.dev0
|
150 |
+
llvmlite==0.43.0
|
151 |
+
lm-format-enforcer==0.10.3
|
152 |
+
lxml==5.3.0
|
153 |
+
markdown-it-py==3.0.0
|
154 |
+
marshmallow==3.22.0
|
155 |
+
matplotlib-inline==0.1.7
|
156 |
+
matplotlib==3.9.1
|
157 |
+
mdurl==0.1.2
|
158 |
+
mmsg==0.1.dev14+gbd2b056.d20240803
|
159 |
+
more-itertools==10.3.0
|
160 |
+
moviepy==1.0.3
|
161 |
+
mpi4py==4.0.0
|
162 |
+
mpmath==1.3.0
|
163 |
+
msgpack==1.0.8
|
164 |
+
multidict==6.0.5
|
165 |
+
multiprocess==0.70.16
|
166 |
+
mypy-extensions==1.0.0
|
167 |
+
nest_asyncio==1.6.0
|
168 |
+
networkx==3.3
|
169 |
+
ninja==1.11.1.1
|
170 |
+
nodeenv==1.9.1
|
171 |
+
numba==0.60.0
|
172 |
+
numpy==1.26.4
|
173 |
+
nvidia-cublas-cu12==12.1.3.1
|
174 |
+
nvidia-cuda-cupti-cu12==12.1.105
|
175 |
+
nvidia-cuda-nvrtc-cu12==12.1.105
|
176 |
+
nvidia-cuda-runtime-cu12==12.1.105
|
177 |
+
nvidia-cudnn-cu12==8.9.2.26
|
178 |
+
nvidia-cufft-cu12==11.0.2.54
|
179 |
+
nvidia-curand-cu12==10.3.2.106
|
180 |
+
nvidia-cusolver-cu12==11.4.5.107
|
181 |
+
nvidia-cusparse-cu12==12.1.0.106
|
182 |
+
nvidia-ml-py==12.535.161
|
183 |
+
nvidia-nccl-cu12==2.20.5
|
184 |
+
nvidia-nvjitlink-cu12==12.5.82
|
185 |
+
nvidia-nvtx-cu12==12.1.105
|
186 |
+
nvitop==1.3.2
|
187 |
+
omegaconf==2.3.0
|
188 |
+
openai==1.37.1
|
189 |
+
optree==0.12.1
|
190 |
+
ordered-set==4.1.0
|
191 |
+
orjson==3.10.6
|
192 |
+
outlines==0.0.47.dev37+g26e2934
|
193 |
+
packaging==24.1
|
194 |
+
packaging==24.1
|
195 |
+
pandas==2.2.2
|
196 |
+
parso==0.8.4
|
197 |
+
pathspec==0.12.1
|
198 |
+
pathvalidate==3.0.0
|
199 |
+
peft==0.12.0
|
200 |
+
pexpect==4.9.0
|
201 |
+
pickleshare==0.7.5
|
202 |
+
pillow==10.4.0
|
203 |
+
pip==24.0
|
204 |
+
platformdirs==3.11.0
|
205 |
+
platformdirs==4.2.2
|
206 |
+
pluggy==1.5.0
|
207 |
+
pooch==1.8.2
|
208 |
+
pre-commit==3.8.0
|
209 |
+
proglog==0.1.10
|
210 |
+
prometheus-fastapi-instrumentator==7.0.0
|
211 |
+
prometheus_client==0.20.0
|
212 |
+
prompt_toolkit==3.0.47
|
213 |
+
protobuf==4.25.4
|
214 |
+
psutil==6.0.0
|
215 |
+
ptyprocess==0.7.0
|
216 |
+
pure_eval==0.2.3
|
217 |
+
py-cpuinfo==9.0.0
|
218 |
+
pyairports==2.1.1
|
219 |
+
pyarrow-hotfix==0.6
|
220 |
+
pyarrow==17.0.0
|
221 |
+
pyav==13.0.0
|
222 |
+
pycountry==24.6.1
|
223 |
+
pycparser==2.22
|
224 |
+
pydantic==2.8.2
|
225 |
+
pydantic_core==2.20.1
|
226 |
+
pydot==3.0.1
|
227 |
+
pydub==0.25.1
|
228 |
+
pygit2==1.15.1
|
229 |
+
pygtrie==2.5.0
|
230 |
+
pyparsing==3.1.2
|
231 |
+
pytest==8.3.2
|
232 |
+
python-dateutil==2.9.0
|
233 |
+
python-dateutil==2.9.0.post0
|
234 |
+
python-dotenv==1.0.1
|
235 |
+
python-multipart==0.0.9
|
236 |
+
pytz==2024.1
|
237 |
+
pyzmq==26.0.3
|
238 |
+
ranger-fm==1.9.3
|
239 |
+
ray==2.34.0
|
240 |
+
referencing==0.35.1
|
241 |
+
regex==2024.7.24
|
242 |
+
requests-toolbelt==1.0.0
|
243 |
+
requests==2.32.3
|
244 |
+
rfc3986==1.5.0
|
245 |
+
rich==13.1.0
|
246 |
+
rpds-py==0.19.1
|
247 |
+
ruamel.yaml.clib==0.2.8
|
248 |
+
ruamel.yaml==0.18.6
|
249 |
+
ruff==0.5.5
|
250 |
+
s3transfer==0.10.2
|
251 |
+
safetensors==0.4.3
|
252 |
+
scikit-learn==1.5.1
|
253 |
+
scipy==1.14.0
|
254 |
+
scmrepo==3.3.7
|
255 |
+
semantic-version==2.10.0
|
256 |
+
semver==3.0.2
|
257 |
+
sentencepiece==0.2.0
|
258 |
+
sentry-sdk==2.11.0
|
259 |
+
setproctitle==1.3.3
|
260 |
+
setuptools==71.0.4
|
261 |
+
shellingham==1.5.4
|
262 |
+
shortuuid==1.0.13
|
263 |
+
shtab==1.7.1
|
264 |
+
six==1.16.0
|
265 |
+
smmap==5.0.1
|
266 |
+
sniffio==1.3.1
|
267 |
+
soundfile==0.12.1
|
268 |
+
soxr==0.4.0
|
269 |
+
sqltrie==0.11.1
|
270 |
+
sse-starlette==2.1.3
|
271 |
+
stack-data==0.6.2
|
272 |
+
starlette==0.37.2
|
273 |
+
sympy==1.13.0
|
274 |
+
tabulate==0.9.0
|
275 |
+
tenacity==8.2.3
|
276 |
+
tensorboard-data-server==0.7.2
|
277 |
+
tensorboard==2.17.0
|
278 |
+
term-image==0.7.2
|
279 |
+
termcolor==2.4.0
|
280 |
+
threadpoolctl==3.5.0
|
281 |
+
tiktoken==0.7.0
|
282 |
+
tokenizers==0.19.1
|
283 |
+
tomli==2.0.1
|
284 |
+
tomlkit==0.12.0
|
285 |
+
torch==2.3.1
|
286 |
+
torch==2.4.0
|
287 |
+
torchaudio==2.4.0
|
288 |
+
torchvision==0.18.1
|
289 |
+
torchvision==0.19.0
|
290 |
+
tornado==6.4.1
|
291 |
+
tqdm==4.66.4
|
292 |
+
traitlets==5.14.3
|
293 |
+
transformers==4.45.0.dev0
|
294 |
+
treelib==1.6.4
|
295 |
+
triton==2.3.1
|
296 |
+
triton==3.0.0
|
297 |
+
trl==0.9.6
|
298 |
+
typeguard==4.3.0
|
299 |
+
typer==0.12.3
|
300 |
+
typing-inspect==0.9.0
|
301 |
+
typing_extensions==4.12.2
|
302 |
+
typing_extensions==4.12.2
|
303 |
+
tyro==0.8.10
|
304 |
+
tzdata==2024.1
|
305 |
+
urllib3==2.2.2
|
306 |
+
uvicorn==0.30.3
|
307 |
+
uvloop==0.19.0
|
308 |
+
vine==5.1.0
|
309 |
+
virtualenv==20.26.3
|
310 |
+
vllm-flash-attn==2.5.9.post1
|
311 |
+
vllm==0.5.3.post1
|
312 |
+
voluptuous==0.15.2
|
313 |
+
wandb==0.17.5
|
314 |
+
watchfiles==0.22.0
|
315 |
+
wcwidth==0.2.13
|
316 |
+
websockets==11.0.3
|
317 |
+
wheel==0.43.0
|
318 |
+
wheel==0.43.0
|
319 |
+
xformers==0.0.27
|
320 |
+
xxhash==3.4.1
|
321 |
+
yarl==1.9.4
|
322 |
+
zc.lockfile==3.0.post1
|
323 |
+
zipp==3.19.2
|
324 |
+
zipp==3.19.2
|
325 |
+
zstandard==0.23.0
|
wandb/run-20240922_051551-1efs7bbc/files/wandb-metadata.json
ADDED
@@ -0,0 +1,1215 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"os": "Linux-5.15.0-1040-nvidia-x86_64-with-glibc2.35",
|
3 |
+
"python": "3.11.9",
|
4 |
+
"heartbeatAt": "2024-09-21T21:15:51.934138",
|
5 |
+
"startedAt": "2024-09-21T21:15:51.132992",
|
6 |
+
"docker": null,
|
7 |
+
"cuda": null,
|
8 |
+
"args": [
|
9 |
+
"--local_rank=0",
|
10 |
+
"--model_name_or_path",
|
11 |
+
"/aifs4su/yaodong/models/Qwen2-VL-7B-Instruct",
|
12 |
+
"--train_datasets",
|
13 |
+
"/aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted",
|
14 |
+
"--output_dir",
|
15 |
+
"../outputs/dpo_tiv2t_10k_baseline",
|
16 |
+
"--train_data_files",
|
17 |
+
"extracted_preference_10k_washed.json",
|
18 |
+
"--train_template",
|
19 |
+
"NExTQA_preference",
|
20 |
+
"--train_split",
|
21 |
+
"train",
|
22 |
+
"--per_device_train_batch_size",
|
23 |
+
"1",
|
24 |
+
"--per_device_eval_batch_size",
|
25 |
+
"1",
|
26 |
+
"--gradient_accumulation_steps",
|
27 |
+
"1"
|
28 |
+
],
|
29 |
+
"state": "running",
|
30 |
+
"program": "-m align_anything.trainers.tiv_to_t.dpo",
|
31 |
+
"codePathLocal": null,
|
32 |
+
"git": {
|
33 |
+
"remote": "[email protected]:htlou/align-anything.git",
|
34 |
+
"commit": "9eff99b0ee34f7265b8a2e1824650634c898f654"
|
35 |
+
},
|
36 |
+
"email": "[email protected]",
|
37 |
+
"root": "/aifs4su/yaodong/projects/hantao/dev_cham/align-anything",
|
38 |
+
"host": "dgx-081",
|
39 |
+
"username": "yangyaodong",
|
40 |
+
"executable": "/aifs4su/yaodong/miniconda3/envs/hantao_tiv/bin/python3.11",
|
41 |
+
"cpu_count": 112,
|
42 |
+
"cpu_count_logical": 224,
|
43 |
+
"cpu_freq": {
|
44 |
+
"current": 2100.4980491071433,
|
45 |
+
"min": 800.0,
|
46 |
+
"max": 3800.0
|
47 |
+
},
|
48 |
+
"cpu_freq_per_core": [
|
49 |
+
{
|
50 |
+
"current": 2000.0,
|
51 |
+
"min": 800.0,
|
52 |
+
"max": 3800.0
|
53 |
+
},
|
54 |
+
{
|
55 |
+
"current": 3792.33,
|
56 |
+
"min": 800.0,
|
57 |
+
"max": 3800.0
|
58 |
+
},
|
59 |
+
{
|
60 |
+
"current": 2000.0,
|
61 |
+
"min": 800.0,
|
62 |
+
"max": 3800.0
|
63 |
+
},
|
64 |
+
{
|
65 |
+
"current": 2000.0,
|
66 |
+
"min": 800.0,
|
67 |
+
"max": 3800.0
|
68 |
+
},
|
69 |
+
{
|
70 |
+
"current": 2000.0,
|
71 |
+
"min": 800.0,
|
72 |
+
"max": 3800.0
|
73 |
+
},
|
74 |
+
{
|
75 |
+
"current": 2000.0,
|
76 |
+
"min": 800.0,
|
77 |
+
"max": 3800.0
|
78 |
+
},
|
79 |
+
{
|
80 |
+
"current": 2000.0,
|
81 |
+
"min": 800.0,
|
82 |
+
"max": 3800.0
|
83 |
+
},
|
84 |
+
{
|
85 |
+
"current": 2000.0,
|
86 |
+
"min": 800.0,
|
87 |
+
"max": 3800.0
|
88 |
+
},
|
89 |
+
{
|
90 |
+
"current": 2000.0,
|
91 |
+
"min": 800.0,
|
92 |
+
"max": 3800.0
|
93 |
+
},
|
94 |
+
{
|
95 |
+
"current": 2000.0,
|
96 |
+
"min": 800.0,
|
97 |
+
"max": 3800.0
|
98 |
+
},
|
99 |
+
{
|
100 |
+
"current": 2000.0,
|
101 |
+
"min": 800.0,
|
102 |
+
"max": 3800.0
|
103 |
+
},
|
104 |
+
{
|
105 |
+
"current": 2000.0,
|
106 |
+
"min": 800.0,
|
107 |
+
"max": 3800.0
|
108 |
+
},
|
109 |
+
{
|
110 |
+
"current": 2000.0,
|
111 |
+
"min": 800.0,
|
112 |
+
"max": 3800.0
|
113 |
+
},
|
114 |
+
{
|
115 |
+
"current": 2000.0,
|
116 |
+
"min": 800.0,
|
117 |
+
"max": 3800.0
|
118 |
+
},
|
119 |
+
{
|
120 |
+
"current": 2000.0,
|
121 |
+
"min": 800.0,
|
122 |
+
"max": 3800.0
|
123 |
+
},
|
124 |
+
{
|
125 |
+
"current": 2000.0,
|
126 |
+
"min": 800.0,
|
127 |
+
"max": 3800.0
|
128 |
+
},
|
129 |
+
{
|
130 |
+
"current": 2000.0,
|
131 |
+
"min": 800.0,
|
132 |
+
"max": 3800.0
|
133 |
+
},
|
134 |
+
{
|
135 |
+
"current": 2000.0,
|
136 |
+
"min": 800.0,
|
137 |
+
"max": 3800.0
|
138 |
+
},
|
139 |
+
{
|
140 |
+
"current": 2000.0,
|
141 |
+
"min": 800.0,
|
142 |
+
"max": 3800.0
|
143 |
+
},
|
144 |
+
{
|
145 |
+
"current": 2000.0,
|
146 |
+
"min": 800.0,
|
147 |
+
"max": 3800.0
|
148 |
+
},
|
149 |
+
{
|
150 |
+
"current": 2000.0,
|
151 |
+
"min": 800.0,
|
152 |
+
"max": 3800.0
|
153 |
+
},
|
154 |
+
{
|
155 |
+
"current": 2000.0,
|
156 |
+
"min": 800.0,
|
157 |
+
"max": 3800.0
|
158 |
+
},
|
159 |
+
{
|
160 |
+
"current": 2000.0,
|
161 |
+
"min": 800.0,
|
162 |
+
"max": 3800.0
|
163 |
+
},
|
164 |
+
{
|
165 |
+
"current": 2000.0,
|
166 |
+
"min": 800.0,
|
167 |
+
"max": 3800.0
|
168 |
+
},
|
169 |
+
{
|
170 |
+
"current": 2000.0,
|
171 |
+
"min": 800.0,
|
172 |
+
"max": 3800.0
|
173 |
+
},
|
174 |
+
{
|
175 |
+
"current": 2000.0,
|
176 |
+
"min": 800.0,
|
177 |
+
"max": 3800.0
|
178 |
+
},
|
179 |
+
{
|
180 |
+
"current": 2000.0,
|
181 |
+
"min": 800.0,
|
182 |
+
"max": 3800.0
|
183 |
+
},
|
184 |
+
{
|
185 |
+
"current": 2000.0,
|
186 |
+
"min": 800.0,
|
187 |
+
"max": 3800.0
|
188 |
+
},
|
189 |
+
{
|
190 |
+
"current": 2000.0,
|
191 |
+
"min": 800.0,
|
192 |
+
"max": 3800.0
|
193 |
+
},
|
194 |
+
{
|
195 |
+
"current": 2000.0,
|
196 |
+
"min": 800.0,
|
197 |
+
"max": 3800.0
|
198 |
+
},
|
199 |
+
{
|
200 |
+
"current": 2000.0,
|
201 |
+
"min": 800.0,
|
202 |
+
"max": 3800.0
|
203 |
+
},
|
204 |
+
{
|
205 |
+
"current": 2000.0,
|
206 |
+
"min": 800.0,
|
207 |
+
"max": 3800.0
|
208 |
+
},
|
209 |
+
{
|
210 |
+
"current": 2000.0,
|
211 |
+
"min": 800.0,
|
212 |
+
"max": 3800.0
|
213 |
+
},
|
214 |
+
{
|
215 |
+
"current": 2000.0,
|
216 |
+
"min": 800.0,
|
217 |
+
"max": 3800.0
|
218 |
+
},
|
219 |
+
{
|
220 |
+
"current": 2000.0,
|
221 |
+
"min": 800.0,
|
222 |
+
"max": 3800.0
|
223 |
+
},
|
224 |
+
{
|
225 |
+
"current": 2000.0,
|
226 |
+
"min": 800.0,
|
227 |
+
"max": 3800.0
|
228 |
+
},
|
229 |
+
{
|
230 |
+
"current": 2000.0,
|
231 |
+
"min": 800.0,
|
232 |
+
"max": 3800.0
|
233 |
+
},
|
234 |
+
{
|
235 |
+
"current": 2000.0,
|
236 |
+
"min": 800.0,
|
237 |
+
"max": 3800.0
|
238 |
+
},
|
239 |
+
{
|
240 |
+
"current": 2000.0,
|
241 |
+
"min": 800.0,
|
242 |
+
"max": 3800.0
|
243 |
+
},
|
244 |
+
{
|
245 |
+
"current": 2000.0,
|
246 |
+
"min": 800.0,
|
247 |
+
"max": 3800.0
|
248 |
+
},
|
249 |
+
{
|
250 |
+
"current": 2000.0,
|
251 |
+
"min": 800.0,
|
252 |
+
"max": 3800.0
|
253 |
+
},
|
254 |
+
{
|
255 |
+
"current": 2000.0,
|
256 |
+
"min": 800.0,
|
257 |
+
"max": 3800.0
|
258 |
+
},
|
259 |
+
{
|
260 |
+
"current": 2000.0,
|
261 |
+
"min": 800.0,
|
262 |
+
"max": 3800.0
|
263 |
+
},
|
264 |
+
{
|
265 |
+
"current": 2000.0,
|
266 |
+
"min": 800.0,
|
267 |
+
"max": 3800.0
|
268 |
+
},
|
269 |
+
{
|
270 |
+
"current": 2000.0,
|
271 |
+
"min": 800.0,
|
272 |
+
"max": 3800.0
|
273 |
+
},
|
274 |
+
{
|
275 |
+
"current": 2000.0,
|
276 |
+
"min": 800.0,
|
277 |
+
"max": 3800.0
|
278 |
+
},
|
279 |
+
{
|
280 |
+
"current": 2000.0,
|
281 |
+
"min": 800.0,
|
282 |
+
"max": 3800.0
|
283 |
+
},
|
284 |
+
{
|
285 |
+
"current": 2000.0,
|
286 |
+
"min": 800.0,
|
287 |
+
"max": 3800.0
|
288 |
+
},
|
289 |
+
{
|
290 |
+
"current": 2000.0,
|
291 |
+
"min": 800.0,
|
292 |
+
"max": 3800.0
|
293 |
+
},
|
294 |
+
{
|
295 |
+
"current": 2000.0,
|
296 |
+
"min": 800.0,
|
297 |
+
"max": 3800.0
|
298 |
+
},
|
299 |
+
{
|
300 |
+
"current": 2000.0,
|
301 |
+
"min": 800.0,
|
302 |
+
"max": 3800.0
|
303 |
+
},
|
304 |
+
{
|
305 |
+
"current": 2000.0,
|
306 |
+
"min": 800.0,
|
307 |
+
"max": 3800.0
|
308 |
+
},
|
309 |
+
{
|
310 |
+
"current": 2000.0,
|
311 |
+
"min": 800.0,
|
312 |
+
"max": 3800.0
|
313 |
+
},
|
314 |
+
{
|
315 |
+
"current": 2000.0,
|
316 |
+
"min": 800.0,
|
317 |
+
"max": 3800.0
|
318 |
+
},
|
319 |
+
{
|
320 |
+
"current": 2000.0,
|
321 |
+
"min": 800.0,
|
322 |
+
"max": 3800.0
|
323 |
+
},
|
324 |
+
{
|
325 |
+
"current": 3800.0,
|
326 |
+
"min": 800.0,
|
327 |
+
"max": 3800.0
|
328 |
+
},
|
329 |
+
{
|
330 |
+
"current": 2000.0,
|
331 |
+
"min": 800.0,
|
332 |
+
"max": 3800.0
|
333 |
+
},
|
334 |
+
{
|
335 |
+
"current": 2000.0,
|
336 |
+
"min": 800.0,
|
337 |
+
"max": 3800.0
|
338 |
+
},
|
339 |
+
{
|
340 |
+
"current": 2000.0,
|
341 |
+
"min": 800.0,
|
342 |
+
"max": 3800.0
|
343 |
+
},
|
344 |
+
{
|
345 |
+
"current": 2000.0,
|
346 |
+
"min": 800.0,
|
347 |
+
"max": 3800.0
|
348 |
+
},
|
349 |
+
{
|
350 |
+
"current": 2000.0,
|
351 |
+
"min": 800.0,
|
352 |
+
"max": 3800.0
|
353 |
+
},
|
354 |
+
{
|
355 |
+
"current": 2000.0,
|
356 |
+
"min": 800.0,
|
357 |
+
"max": 3800.0
|
358 |
+
},
|
359 |
+
{
|
360 |
+
"current": 2000.0,
|
361 |
+
"min": 800.0,
|
362 |
+
"max": 3800.0
|
363 |
+
},
|
364 |
+
{
|
365 |
+
"current": 2000.0,
|
366 |
+
"min": 800.0,
|
367 |
+
"max": 3800.0
|
368 |
+
},
|
369 |
+
{
|
370 |
+
"current": 2000.0,
|
371 |
+
"min": 800.0,
|
372 |
+
"max": 3800.0
|
373 |
+
},
|
374 |
+
{
|
375 |
+
"current": 2000.0,
|
376 |
+
"min": 800.0,
|
377 |
+
"max": 3800.0
|
378 |
+
},
|
379 |
+
{
|
380 |
+
"current": 2000.0,
|
381 |
+
"min": 800.0,
|
382 |
+
"max": 3800.0
|
383 |
+
},
|
384 |
+
{
|
385 |
+
"current": 2000.0,
|
386 |
+
"min": 800.0,
|
387 |
+
"max": 3800.0
|
388 |
+
},
|
389 |
+
{
|
390 |
+
"current": 2000.0,
|
391 |
+
"min": 800.0,
|
392 |
+
"max": 3800.0
|
393 |
+
},
|
394 |
+
{
|
395 |
+
"current": 2000.0,
|
396 |
+
"min": 800.0,
|
397 |
+
"max": 3800.0
|
398 |
+
},
|
399 |
+
{
|
400 |
+
"current": 2000.0,
|
401 |
+
"min": 800.0,
|
402 |
+
"max": 3800.0
|
403 |
+
},
|
404 |
+
{
|
405 |
+
"current": 2000.0,
|
406 |
+
"min": 800.0,
|
407 |
+
"max": 3800.0
|
408 |
+
},
|
409 |
+
{
|
410 |
+
"current": 2000.0,
|
411 |
+
"min": 800.0,
|
412 |
+
"max": 3800.0
|
413 |
+
},
|
414 |
+
{
|
415 |
+
"current": 2000.0,
|
416 |
+
"min": 800.0,
|
417 |
+
"max": 3800.0
|
418 |
+
},
|
419 |
+
{
|
420 |
+
"current": 2000.0,
|
421 |
+
"min": 800.0,
|
422 |
+
"max": 3800.0
|
423 |
+
},
|
424 |
+
{
|
425 |
+
"current": 2000.0,
|
426 |
+
"min": 800.0,
|
427 |
+
"max": 3800.0
|
428 |
+
},
|
429 |
+
{
|
430 |
+
"current": 2000.0,
|
431 |
+
"min": 800.0,
|
432 |
+
"max": 3800.0
|
433 |
+
},
|
434 |
+
{
|
435 |
+
"current": 2000.0,
|
436 |
+
"min": 800.0,
|
437 |
+
"max": 3800.0
|
438 |
+
},
|
439 |
+
{
|
440 |
+
"current": 2000.0,
|
441 |
+
"min": 800.0,
|
442 |
+
"max": 3800.0
|
443 |
+
},
|
444 |
+
{
|
445 |
+
"current": 2000.0,
|
446 |
+
"min": 800.0,
|
447 |
+
"max": 3800.0
|
448 |
+
},
|
449 |
+
{
|
450 |
+
"current": 2000.0,
|
451 |
+
"min": 800.0,
|
452 |
+
"max": 3800.0
|
453 |
+
},
|
454 |
+
{
|
455 |
+
"current": 2000.0,
|
456 |
+
"min": 800.0,
|
457 |
+
"max": 3800.0
|
458 |
+
},
|
459 |
+
{
|
460 |
+
"current": 2000.0,
|
461 |
+
"min": 800.0,
|
462 |
+
"max": 3800.0
|
463 |
+
},
|
464 |
+
{
|
465 |
+
"current": 3800.0,
|
466 |
+
"min": 800.0,
|
467 |
+
"max": 3800.0
|
468 |
+
},
|
469 |
+
{
|
470 |
+
"current": 2000.0,
|
471 |
+
"min": 800.0,
|
472 |
+
"max": 3800.0
|
473 |
+
},
|
474 |
+
{
|
475 |
+
"current": 2000.0,
|
476 |
+
"min": 800.0,
|
477 |
+
"max": 3800.0
|
478 |
+
},
|
479 |
+
{
|
480 |
+
"current": 2000.0,
|
481 |
+
"min": 800.0,
|
482 |
+
"max": 3800.0
|
483 |
+
},
|
484 |
+
{
|
485 |
+
"current": 3800.003,
|
486 |
+
"min": 800.0,
|
487 |
+
"max": 3800.0
|
488 |
+
},
|
489 |
+
{
|
490 |
+
"current": 2000.0,
|
491 |
+
"min": 800.0,
|
492 |
+
"max": 3800.0
|
493 |
+
},
|
494 |
+
{
|
495 |
+
"current": 3799.996,
|
496 |
+
"min": 800.0,
|
497 |
+
"max": 3800.0
|
498 |
+
},
|
499 |
+
{
|
500 |
+
"current": 2000.0,
|
501 |
+
"min": 800.0,
|
502 |
+
"max": 3800.0
|
503 |
+
},
|
504 |
+
{
|
505 |
+
"current": 2000.0,
|
506 |
+
"min": 800.0,
|
507 |
+
"max": 3800.0
|
508 |
+
},
|
509 |
+
{
|
510 |
+
"current": 2000.0,
|
511 |
+
"min": 800.0,
|
512 |
+
"max": 3800.0
|
513 |
+
},
|
514 |
+
{
|
515 |
+
"current": 2000.0,
|
516 |
+
"min": 800.0,
|
517 |
+
"max": 3800.0
|
518 |
+
},
|
519 |
+
{
|
520 |
+
"current": 2000.0,
|
521 |
+
"min": 800.0,
|
522 |
+
"max": 3800.0
|
523 |
+
},
|
524 |
+
{
|
525 |
+
"current": 2000.0,
|
526 |
+
"min": 800.0,
|
527 |
+
"max": 3800.0
|
528 |
+
},
|
529 |
+
{
|
530 |
+
"current": 2000.0,
|
531 |
+
"min": 800.0,
|
532 |
+
"max": 3800.0
|
533 |
+
},
|
534 |
+
{
|
535 |
+
"current": 2000.0,
|
536 |
+
"min": 800.0,
|
537 |
+
"max": 3800.0
|
538 |
+
},
|
539 |
+
{
|
540 |
+
"current": 2000.0,
|
541 |
+
"min": 800.0,
|
542 |
+
"max": 3800.0
|
543 |
+
},
|
544 |
+
{
|
545 |
+
"current": 2000.0,
|
546 |
+
"min": 800.0,
|
547 |
+
"max": 3800.0
|
548 |
+
},
|
549 |
+
{
|
550 |
+
"current": 2000.0,
|
551 |
+
"min": 800.0,
|
552 |
+
"max": 3800.0
|
553 |
+
},
|
554 |
+
{
|
555 |
+
"current": 2000.0,
|
556 |
+
"min": 800.0,
|
557 |
+
"max": 3800.0
|
558 |
+
},
|
559 |
+
{
|
560 |
+
"current": 2000.0,
|
561 |
+
"min": 800.0,
|
562 |
+
"max": 3800.0
|
563 |
+
},
|
564 |
+
{
|
565 |
+
"current": 2000.0,
|
566 |
+
"min": 800.0,
|
567 |
+
"max": 3800.0
|
568 |
+
},
|
569 |
+
{
|
570 |
+
"current": 2000.0,
|
571 |
+
"min": 800.0,
|
572 |
+
"max": 3800.0
|
573 |
+
},
|
574 |
+
{
|
575 |
+
"current": 2000.0,
|
576 |
+
"min": 800.0,
|
577 |
+
"max": 3800.0
|
578 |
+
},
|
579 |
+
{
|
580 |
+
"current": 2000.0,
|
581 |
+
"min": 800.0,
|
582 |
+
"max": 3800.0
|
583 |
+
},
|
584 |
+
{
|
585 |
+
"current": 2000.0,
|
586 |
+
"min": 800.0,
|
587 |
+
"max": 3800.0
|
588 |
+
},
|
589 |
+
{
|
590 |
+
"current": 2000.0,
|
591 |
+
"min": 800.0,
|
592 |
+
"max": 3800.0
|
593 |
+
},
|
594 |
+
{
|
595 |
+
"current": 2000.0,
|
596 |
+
"min": 800.0,
|
597 |
+
"max": 3800.0
|
598 |
+
},
|
599 |
+
{
|
600 |
+
"current": 2000.0,
|
601 |
+
"min": 800.0,
|
602 |
+
"max": 3800.0
|
603 |
+
},
|
604 |
+
{
|
605 |
+
"current": 2000.0,
|
606 |
+
"min": 800.0,
|
607 |
+
"max": 3800.0
|
608 |
+
},
|
609 |
+
{
|
610 |
+
"current": 2000.0,
|
611 |
+
"min": 800.0,
|
612 |
+
"max": 3800.0
|
613 |
+
},
|
614 |
+
{
|
615 |
+
"current": 2000.0,
|
616 |
+
"min": 800.0,
|
617 |
+
"max": 3800.0
|
618 |
+
},
|
619 |
+
{
|
620 |
+
"current": 2000.0,
|
621 |
+
"min": 800.0,
|
622 |
+
"max": 3800.0
|
623 |
+
},
|
624 |
+
{
|
625 |
+
"current": 2000.0,
|
626 |
+
"min": 800.0,
|
627 |
+
"max": 3800.0
|
628 |
+
},
|
629 |
+
{
|
630 |
+
"current": 2000.0,
|
631 |
+
"min": 800.0,
|
632 |
+
"max": 3800.0
|
633 |
+
},
|
634 |
+
{
|
635 |
+
"current": 2000.0,
|
636 |
+
"min": 800.0,
|
637 |
+
"max": 3800.0
|
638 |
+
},
|
639 |
+
{
|
640 |
+
"current": 2000.0,
|
641 |
+
"min": 800.0,
|
642 |
+
"max": 3800.0
|
643 |
+
},
|
644 |
+
{
|
645 |
+
"current": 2000.0,
|
646 |
+
"min": 800.0,
|
647 |
+
"max": 3800.0
|
648 |
+
},
|
649 |
+
{
|
650 |
+
"current": 2000.0,
|
651 |
+
"min": 800.0,
|
652 |
+
"max": 3800.0
|
653 |
+
},
|
654 |
+
{
|
655 |
+
"current": 2000.0,
|
656 |
+
"min": 800.0,
|
657 |
+
"max": 3800.0
|
658 |
+
},
|
659 |
+
{
|
660 |
+
"current": 2000.0,
|
661 |
+
"min": 800.0,
|
662 |
+
"max": 3800.0
|
663 |
+
},
|
664 |
+
{
|
665 |
+
"current": 2000.0,
|
666 |
+
"min": 800.0,
|
667 |
+
"max": 3800.0
|
668 |
+
},
|
669 |
+
{
|
670 |
+
"current": 2000.0,
|
671 |
+
"min": 800.0,
|
672 |
+
"max": 3800.0
|
673 |
+
},
|
674 |
+
{
|
675 |
+
"current": 2000.0,
|
676 |
+
"min": 800.0,
|
677 |
+
"max": 3800.0
|
678 |
+
},
|
679 |
+
{
|
680 |
+
"current": 2000.0,
|
681 |
+
"min": 800.0,
|
682 |
+
"max": 3800.0
|
683 |
+
},
|
684 |
+
{
|
685 |
+
"current": 2000.0,
|
686 |
+
"min": 800.0,
|
687 |
+
"max": 3800.0
|
688 |
+
},
|
689 |
+
{
|
690 |
+
"current": 2000.0,
|
691 |
+
"min": 800.0,
|
692 |
+
"max": 3800.0
|
693 |
+
},
|
694 |
+
{
|
695 |
+
"current": 2000.0,
|
696 |
+
"min": 800.0,
|
697 |
+
"max": 3800.0
|
698 |
+
},
|
699 |
+
{
|
700 |
+
"current": 2000.0,
|
701 |
+
"min": 800.0,
|
702 |
+
"max": 3800.0
|
703 |
+
},
|
704 |
+
{
|
705 |
+
"current": 2000.0,
|
706 |
+
"min": 800.0,
|
707 |
+
"max": 3800.0
|
708 |
+
},
|
709 |
+
{
|
710 |
+
"current": 2000.0,
|
711 |
+
"min": 800.0,
|
712 |
+
"max": 3800.0
|
713 |
+
},
|
714 |
+
{
|
715 |
+
"current": 2000.0,
|
716 |
+
"min": 800.0,
|
717 |
+
"max": 3800.0
|
718 |
+
},
|
719 |
+
{
|
720 |
+
"current": 2000.0,
|
721 |
+
"min": 800.0,
|
722 |
+
"max": 3800.0
|
723 |
+
},
|
724 |
+
{
|
725 |
+
"current": 2000.0,
|
726 |
+
"min": 800.0,
|
727 |
+
"max": 3800.0
|
728 |
+
},
|
729 |
+
{
|
730 |
+
"current": 2000.0,
|
731 |
+
"min": 800.0,
|
732 |
+
"max": 3800.0
|
733 |
+
},
|
734 |
+
{
|
735 |
+
"current": 2000.0,
|
736 |
+
"min": 800.0,
|
737 |
+
"max": 3800.0
|
738 |
+
},
|
739 |
+
{
|
740 |
+
"current": 2000.0,
|
741 |
+
"min": 800.0,
|
742 |
+
"max": 3800.0
|
743 |
+
},
|
744 |
+
{
|
745 |
+
"current": 2000.0,
|
746 |
+
"min": 800.0,
|
747 |
+
"max": 3800.0
|
748 |
+
},
|
749 |
+
{
|
750 |
+
"current": 2000.0,
|
751 |
+
"min": 800.0,
|
752 |
+
"max": 3800.0
|
753 |
+
},
|
754 |
+
{
|
755 |
+
"current": 2000.0,
|
756 |
+
"min": 800.0,
|
757 |
+
"max": 3800.0
|
758 |
+
},
|
759 |
+
{
|
760 |
+
"current": 2000.0,
|
761 |
+
"min": 800.0,
|
762 |
+
"max": 3800.0
|
763 |
+
},
|
764 |
+
{
|
765 |
+
"current": 2000.0,
|
766 |
+
"min": 800.0,
|
767 |
+
"max": 3800.0
|
768 |
+
},
|
769 |
+
{
|
770 |
+
"current": 2000.0,
|
771 |
+
"min": 800.0,
|
772 |
+
"max": 3800.0
|
773 |
+
},
|
774 |
+
{
|
775 |
+
"current": 2000.0,
|
776 |
+
"min": 800.0,
|
777 |
+
"max": 3800.0
|
778 |
+
},
|
779 |
+
{
|
780 |
+
"current": 2000.0,
|
781 |
+
"min": 800.0,
|
782 |
+
"max": 3800.0
|
783 |
+
},
|
784 |
+
{
|
785 |
+
"current": 2000.0,
|
786 |
+
"min": 800.0,
|
787 |
+
"max": 3800.0
|
788 |
+
},
|
789 |
+
{
|
790 |
+
"current": 2000.0,
|
791 |
+
"min": 800.0,
|
792 |
+
"max": 3800.0
|
793 |
+
},
|
794 |
+
{
|
795 |
+
"current": 2000.0,
|
796 |
+
"min": 800.0,
|
797 |
+
"max": 3800.0
|
798 |
+
},
|
799 |
+
{
|
800 |
+
"current": 2000.0,
|
801 |
+
"min": 800.0,
|
802 |
+
"max": 3800.0
|
803 |
+
},
|
804 |
+
{
|
805 |
+
"current": 2000.0,
|
806 |
+
"min": 800.0,
|
807 |
+
"max": 3800.0
|
808 |
+
},
|
809 |
+
{
|
810 |
+
"current": 2000.0,
|
811 |
+
"min": 800.0,
|
812 |
+
"max": 3800.0
|
813 |
+
},
|
814 |
+
{
|
815 |
+
"current": 2000.0,
|
816 |
+
"min": 800.0,
|
817 |
+
"max": 3800.0
|
818 |
+
},
|
819 |
+
{
|
820 |
+
"current": 2000.0,
|
821 |
+
"min": 800.0,
|
822 |
+
"max": 3800.0
|
823 |
+
},
|
824 |
+
{
|
825 |
+
"current": 2000.0,
|
826 |
+
"min": 800.0,
|
827 |
+
"max": 3800.0
|
828 |
+
},
|
829 |
+
{
|
830 |
+
"current": 2000.0,
|
831 |
+
"min": 800.0,
|
832 |
+
"max": 3800.0
|
833 |
+
},
|
834 |
+
{
|
835 |
+
"current": 2000.0,
|
836 |
+
"min": 800.0,
|
837 |
+
"max": 3800.0
|
838 |
+
},
|
839 |
+
{
|
840 |
+
"current": 2000.0,
|
841 |
+
"min": 800.0,
|
842 |
+
"max": 3800.0
|
843 |
+
},
|
844 |
+
{
|
845 |
+
"current": 2000.0,
|
846 |
+
"min": 800.0,
|
847 |
+
"max": 3800.0
|
848 |
+
},
|
849 |
+
{
|
850 |
+
"current": 2000.0,
|
851 |
+
"min": 800.0,
|
852 |
+
"max": 3800.0
|
853 |
+
},
|
854 |
+
{
|
855 |
+
"current": 2000.0,
|
856 |
+
"min": 800.0,
|
857 |
+
"max": 3800.0
|
858 |
+
},
|
859 |
+
{
|
860 |
+
"current": 2000.0,
|
861 |
+
"min": 800.0,
|
862 |
+
"max": 3800.0
|
863 |
+
},
|
864 |
+
{
|
865 |
+
"current": 2000.0,
|
866 |
+
"min": 800.0,
|
867 |
+
"max": 3800.0
|
868 |
+
},
|
869 |
+
{
|
870 |
+
"current": 2000.0,
|
871 |
+
"min": 800.0,
|
872 |
+
"max": 3800.0
|
873 |
+
},
|
874 |
+
{
|
875 |
+
"current": 2000.0,
|
876 |
+
"min": 800.0,
|
877 |
+
"max": 3800.0
|
878 |
+
},
|
879 |
+
{
|
880 |
+
"current": 2000.0,
|
881 |
+
"min": 800.0,
|
882 |
+
"max": 3800.0
|
883 |
+
},
|
884 |
+
{
|
885 |
+
"current": 2000.0,
|
886 |
+
"min": 800.0,
|
887 |
+
"max": 3800.0
|
888 |
+
},
|
889 |
+
{
|
890 |
+
"current": 2000.0,
|
891 |
+
"min": 800.0,
|
892 |
+
"max": 3800.0
|
893 |
+
},
|
894 |
+
{
|
895 |
+
"current": 2000.0,
|
896 |
+
"min": 800.0,
|
897 |
+
"max": 3800.0
|
898 |
+
},
|
899 |
+
{
|
900 |
+
"current": 2000.0,
|
901 |
+
"min": 800.0,
|
902 |
+
"max": 3800.0
|
903 |
+
},
|
904 |
+
{
|
905 |
+
"current": 2000.0,
|
906 |
+
"min": 800.0,
|
907 |
+
"max": 3800.0
|
908 |
+
},
|
909 |
+
{
|
910 |
+
"current": 2000.0,
|
911 |
+
"min": 800.0,
|
912 |
+
"max": 3800.0
|
913 |
+
},
|
914 |
+
{
|
915 |
+
"current": 3800.003,
|
916 |
+
"min": 800.0,
|
917 |
+
"max": 3800.0
|
918 |
+
},
|
919 |
+
{
|
920 |
+
"current": 2000.0,
|
921 |
+
"min": 800.0,
|
922 |
+
"max": 3800.0
|
923 |
+
},
|
924 |
+
{
|
925 |
+
"current": 2000.0,
|
926 |
+
"min": 800.0,
|
927 |
+
"max": 3800.0
|
928 |
+
},
|
929 |
+
{
|
930 |
+
"current": 2000.0,
|
931 |
+
"min": 800.0,
|
932 |
+
"max": 3800.0
|
933 |
+
},
|
934 |
+
{
|
935 |
+
"current": 2000.0,
|
936 |
+
"min": 800.0,
|
937 |
+
"max": 3800.0
|
938 |
+
},
|
939 |
+
{
|
940 |
+
"current": 2000.0,
|
941 |
+
"min": 800.0,
|
942 |
+
"max": 3800.0
|
943 |
+
},
|
944 |
+
{
|
945 |
+
"current": 2000.0,
|
946 |
+
"min": 800.0,
|
947 |
+
"max": 3800.0
|
948 |
+
},
|
949 |
+
{
|
950 |
+
"current": 2000.0,
|
951 |
+
"min": 800.0,
|
952 |
+
"max": 3800.0
|
953 |
+
},
|
954 |
+
{
|
955 |
+
"current": 2000.0,
|
956 |
+
"min": 800.0,
|
957 |
+
"max": 3800.0
|
958 |
+
},
|
959 |
+
{
|
960 |
+
"current": 2000.0,
|
961 |
+
"min": 800.0,
|
962 |
+
"max": 3800.0
|
963 |
+
},
|
964 |
+
{
|
965 |
+
"current": 2000.0,
|
966 |
+
"min": 800.0,
|
967 |
+
"max": 3800.0
|
968 |
+
},
|
969 |
+
{
|
970 |
+
"current": 2000.0,
|
971 |
+
"min": 800.0,
|
972 |
+
"max": 3800.0
|
973 |
+
},
|
974 |
+
{
|
975 |
+
"current": 2000.0,
|
976 |
+
"min": 800.0,
|
977 |
+
"max": 3800.0
|
978 |
+
},
|
979 |
+
{
|
980 |
+
"current": 2000.0,
|
981 |
+
"min": 800.0,
|
982 |
+
"max": 3800.0
|
983 |
+
},
|
984 |
+
{
|
985 |
+
"current": 2000.0,
|
986 |
+
"min": 800.0,
|
987 |
+
"max": 3800.0
|
988 |
+
},
|
989 |
+
{
|
990 |
+
"current": 2000.0,
|
991 |
+
"min": 800.0,
|
992 |
+
"max": 3800.0
|
993 |
+
},
|
994 |
+
{
|
995 |
+
"current": 2000.0,
|
996 |
+
"min": 800.0,
|
997 |
+
"max": 3800.0
|
998 |
+
},
|
999 |
+
{
|
1000 |
+
"current": 2000.0,
|
1001 |
+
"min": 800.0,
|
1002 |
+
"max": 3800.0
|
1003 |
+
},
|
1004 |
+
{
|
1005 |
+
"current": 2000.0,
|
1006 |
+
"min": 800.0,
|
1007 |
+
"max": 3800.0
|
1008 |
+
},
|
1009 |
+
{
|
1010 |
+
"current": 2000.0,
|
1011 |
+
"min": 800.0,
|
1012 |
+
"max": 3800.0
|
1013 |
+
},
|
1014 |
+
{
|
1015 |
+
"current": 3800.003,
|
1016 |
+
"min": 800.0,
|
1017 |
+
"max": 3800.0
|
1018 |
+
},
|
1019 |
+
{
|
1020 |
+
"current": 3800.0,
|
1021 |
+
"min": 800.0,
|
1022 |
+
"max": 3800.0
|
1023 |
+
},
|
1024 |
+
{
|
1025 |
+
"current": 2000.0,
|
1026 |
+
"min": 800.0,
|
1027 |
+
"max": 3800.0
|
1028 |
+
},
|
1029 |
+
{
|
1030 |
+
"current": 2000.0,
|
1031 |
+
"min": 800.0,
|
1032 |
+
"max": 3800.0
|
1033 |
+
},
|
1034 |
+
{
|
1035 |
+
"current": 2000.0,
|
1036 |
+
"min": 800.0,
|
1037 |
+
"max": 3800.0
|
1038 |
+
},
|
1039 |
+
{
|
1040 |
+
"current": 2000.0,
|
1041 |
+
"min": 800.0,
|
1042 |
+
"max": 3800.0
|
1043 |
+
},
|
1044 |
+
{
|
1045 |
+
"current": 2000.0,
|
1046 |
+
"min": 800.0,
|
1047 |
+
"max": 3800.0
|
1048 |
+
},
|
1049 |
+
{
|
1050 |
+
"current": 2000.0,
|
1051 |
+
"min": 800.0,
|
1052 |
+
"max": 3800.0
|
1053 |
+
},
|
1054 |
+
{
|
1055 |
+
"current": 2000.0,
|
1056 |
+
"min": 800.0,
|
1057 |
+
"max": 3800.0
|
1058 |
+
},
|
1059 |
+
{
|
1060 |
+
"current": 2000.0,
|
1061 |
+
"min": 800.0,
|
1062 |
+
"max": 3800.0
|
1063 |
+
},
|
1064 |
+
{
|
1065 |
+
"current": 2000.0,
|
1066 |
+
"min": 800.0,
|
1067 |
+
"max": 3800.0
|
1068 |
+
},
|
1069 |
+
{
|
1070 |
+
"current": 3800.0,
|
1071 |
+
"min": 800.0,
|
1072 |
+
"max": 3800.0
|
1073 |
+
},
|
1074 |
+
{
|
1075 |
+
"current": 2000.0,
|
1076 |
+
"min": 800.0,
|
1077 |
+
"max": 3800.0
|
1078 |
+
},
|
1079 |
+
{
|
1080 |
+
"current": 2000.0,
|
1081 |
+
"min": 800.0,
|
1082 |
+
"max": 3800.0
|
1083 |
+
},
|
1084 |
+
{
|
1085 |
+
"current": 2000.0,
|
1086 |
+
"min": 800.0,
|
1087 |
+
"max": 3800.0
|
1088 |
+
},
|
1089 |
+
{
|
1090 |
+
"current": 2000.0,
|
1091 |
+
"min": 800.0,
|
1092 |
+
"max": 3800.0
|
1093 |
+
},
|
1094 |
+
{
|
1095 |
+
"current": 2000.0,
|
1096 |
+
"min": 800.0,
|
1097 |
+
"max": 3800.0
|
1098 |
+
},
|
1099 |
+
{
|
1100 |
+
"current": 2000.0,
|
1101 |
+
"min": 800.0,
|
1102 |
+
"max": 3800.0
|
1103 |
+
},
|
1104 |
+
{
|
1105 |
+
"current": 2000.0,
|
1106 |
+
"min": 800.0,
|
1107 |
+
"max": 3800.0
|
1108 |
+
},
|
1109 |
+
{
|
1110 |
+
"current": 2000.0,
|
1111 |
+
"min": 800.0,
|
1112 |
+
"max": 3800.0
|
1113 |
+
},
|
1114 |
+
{
|
1115 |
+
"current": 2000.0,
|
1116 |
+
"min": 800.0,
|
1117 |
+
"max": 3800.0
|
1118 |
+
},
|
1119 |
+
{
|
1120 |
+
"current": 2000.0,
|
1121 |
+
"min": 800.0,
|
1122 |
+
"max": 3800.0
|
1123 |
+
},
|
1124 |
+
{
|
1125 |
+
"current": 2000.0,
|
1126 |
+
"min": 800.0,
|
1127 |
+
"max": 3800.0
|
1128 |
+
},
|
1129 |
+
{
|
1130 |
+
"current": 2000.0,
|
1131 |
+
"min": 800.0,
|
1132 |
+
"max": 3800.0
|
1133 |
+
},
|
1134 |
+
{
|
1135 |
+
"current": 2000.0,
|
1136 |
+
"min": 800.0,
|
1137 |
+
"max": 3800.0
|
1138 |
+
},
|
1139 |
+
{
|
1140 |
+
"current": 2000.0,
|
1141 |
+
"min": 800.0,
|
1142 |
+
"max": 3800.0
|
1143 |
+
},
|
1144 |
+
{
|
1145 |
+
"current": 2000.0,
|
1146 |
+
"min": 800.0,
|
1147 |
+
"max": 3800.0
|
1148 |
+
},
|
1149 |
+
{
|
1150 |
+
"current": 3800.003,
|
1151 |
+
"min": 800.0,
|
1152 |
+
"max": 3800.0
|
1153 |
+
},
|
1154 |
+
{
|
1155 |
+
"current": 2000.0,
|
1156 |
+
"min": 800.0,
|
1157 |
+
"max": 3800.0
|
1158 |
+
},
|
1159 |
+
{
|
1160 |
+
"current": 2000.0,
|
1161 |
+
"min": 800.0,
|
1162 |
+
"max": 3800.0
|
1163 |
+
},
|
1164 |
+
{
|
1165 |
+
"current": 2000.0,
|
1166 |
+
"min": 800.0,
|
1167 |
+
"max": 3800.0
|
1168 |
+
}
|
1169 |
+
],
|
1170 |
+
"disk": {
|
1171 |
+
"/": {
|
1172 |
+
"total": 1758.8549690246582,
|
1173 |
+
"used": 58.09828567504883
|
1174 |
+
}
|
1175 |
+
},
|
1176 |
+
"gpu": "NVIDIA H800",
|
1177 |
+
"gpu_count": 8,
|
1178 |
+
"gpu_devices": [
|
1179 |
+
{
|
1180 |
+
"name": "NVIDIA H800",
|
1181 |
+
"memory_total": 85520809984
|
1182 |
+
},
|
1183 |
+
{
|
1184 |
+
"name": "NVIDIA H800",
|
1185 |
+
"memory_total": 85520809984
|
1186 |
+
},
|
1187 |
+
{
|
1188 |
+
"name": "NVIDIA H800",
|
1189 |
+
"memory_total": 85520809984
|
1190 |
+
},
|
1191 |
+
{
|
1192 |
+
"name": "NVIDIA H800",
|
1193 |
+
"memory_total": 85520809984
|
1194 |
+
},
|
1195 |
+
{
|
1196 |
+
"name": "NVIDIA H800",
|
1197 |
+
"memory_total": 85520809984
|
1198 |
+
},
|
1199 |
+
{
|
1200 |
+
"name": "NVIDIA H800",
|
1201 |
+
"memory_total": 85520809984
|
1202 |
+
},
|
1203 |
+
{
|
1204 |
+
"name": "NVIDIA H800",
|
1205 |
+
"memory_total": 85520809984
|
1206 |
+
},
|
1207 |
+
{
|
1208 |
+
"name": "NVIDIA H800",
|
1209 |
+
"memory_total": 85520809984
|
1210 |
+
}
|
1211 |
+
],
|
1212 |
+
"memory": {
|
1213 |
+
"total": 2015.5615730285645
|
1214 |
+
}
|
1215 |
+
}
|
wandb/run-20240922_051551-1efs7bbc/files/wandb-summary.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"train/step": 75, "train/loss": 2.442300796508789, "train/reward": -2.549769401550293, "train/better_sample_reward": -1.6329433917999268, "train/worse_sample_reward": -0.9168255925178528, "train/reward_accuracy": 0.6875, "train/reward_margin": -0.716117799282074, "train/lr": 9.975195304536758e-07, "train/epoch": 0.12396694214876033, "_timestamp": 1726954955.677539, "_runtime": 1604.5298900604248, "_step": 75}
|
wandb/run-20240922_051551-1efs7bbc/logs/debug-internal.log
ADDED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20240922_051551-1efs7bbc/logs/debug.log
ADDED
@@ -0,0 +1,29 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_setup.py:_flush():76] Current SDK version is 0.17.5
|
2 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_setup.py:_flush():76] Configure stats pid to 1226843
|
3 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_setup.py:_flush():76] Loading settings from /home/yangyaodong/.config/wandb/settings
|
4 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_setup.py:_flush():76] Loading settings from /aifs4su/yaodong/projects/hantao/dev_cham/align-anything/scripts/wandb/settings
|
5 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'api_key': '***REDACTED***'}
|
6 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
|
7 |
+
2024-09-22 05:15:51,141 WARNING MainThread:1226843 [wandb_setup.py:_flush():76] Could not find program at -m align_anything.trainers.tiv_to_t.dpo
|
8 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m align_anything.trainers.tiv_to_t.dpo'}
|
9 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_setup.py:_flush():76] Applying login settings: {}
|
10 |
+
2024-09-22 05:15:51,141 INFO MainThread:1226843 [wandb_init.py:_log_setup():529] Logging user logs to ../outputs/dpo_tiv2t_10k_baseline/wandb/run-20240922_051551-1efs7bbc/logs/debug.log
|
11 |
+
2024-09-22 05:15:51,142 INFO MainThread:1226843 [wandb_init.py:_log_setup():530] Logging internal logs to ../outputs/dpo_tiv2t_10k_baseline/wandb/run-20240922_051551-1efs7bbc/logs/debug-internal.log
|
12 |
+
2024-09-22 05:15:51,142 INFO MainThread:1226843 [wandb_init.py:init():569] calling init triggers
|
13 |
+
2024-09-22 05:15:51,142 INFO MainThread:1226843 [wandb_init.py:init():576] wandb.init called with sweep_config: {}
|
14 |
+
config: {'train_cfgs': {'ds_cfgs': 'ds_z3_config.json', 'epochs': 3, 'seed': 42, 'per_device_train_batch_size': 1.0, 'per_device_eval_batch_size': 1.0, 'gradient_accumulation_steps': 1.0, 'gradient_checkpointing': True, 'learning_rate': 1e-06, 'lr_scheduler_type': 'cosine', 'lr_warmup_ratio': 0.01, 'weight_decay': 0.0, 'adam_betas': [0.9, 0.95], 'bf16': True, 'fp16': False, 'eval_strategy': 'epoch', 'eval_interval': 10, 'regularization': 0.001, 'scale_coeff': 0.1, 'freeze_mm_proj': False, 'freeze_vision_tower': True, 'freeze_language_model': False}, 'data_cfgs': {'train_datasets': '/aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted', 'train_template': 'NExTQA_preference', 'train_size': None, 'train_split': 'train', 'train_subset': None, 'train_data_files': 'extracted_preference_10k_washed.json', 'train_optional_args': [], 'eval_datasets': None, 'eval_template': None, 'eval_size': None, 'eval_split': None, 'eval_subset': None, 'eval_data_files': None, 'eval_optional_args': []}, 'logger_cfgs': {'log_type': 'wandb', 'log_project': 'align-anything', 'log_run_name': 'dpo', 'output_dir': '../outputs/dpo_tiv2t_10k_baseline', 'cache_dir': None, 'save_interval': 100000}, 'model_cfgs': {'model_name_or_path': '/aifs4su/yaodong/models/Qwen2-VL-7B-Instruct', 'trust_remote_code': True, 'model_max_length': 4096}, 'special_tokens': None}
|
15 |
+
2024-09-22 05:15:51,142 INFO MainThread:1226843 [wandb_init.py:init():619] starting backend
|
16 |
+
2024-09-22 05:15:51,142 INFO MainThread:1226843 [wandb_init.py:init():623] setting up manager
|
17 |
+
2024-09-22 05:15:51,143 INFO MainThread:1226843 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
|
18 |
+
2024-09-22 05:15:51,147 INFO MainThread:1226843 [wandb_init.py:init():631] backend started and connected
|
19 |
+
2024-09-22 05:15:51,150 INFO MainThread:1226843 [wandb_init.py:init():720] updated telemetry
|
20 |
+
2024-09-22 05:15:51,170 INFO MainThread:1226843 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
|
21 |
+
2024-09-22 05:15:51,600 INFO MainThread:1226843 [wandb_run.py:_on_init():2435] communicating current version
|
22 |
+
2024-09-22 05:15:51,779 INFO MainThread:1226843 [wandb_run.py:_on_init():2444] got version response upgrade_message: "wandb version 0.18.1 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
|
23 |
+
|
24 |
+
2024-09-22 05:15:51,779 INFO MainThread:1226843 [wandb_init.py:init():804] starting run threads in backend
|
25 |
+
2024-09-22 05:15:57,167 INFO MainThread:1226843 [wandb_run.py:_console_start():2413] atexit reg
|
26 |
+
2024-09-22 05:15:57,167 INFO MainThread:1226843 [wandb_run.py:_redirect():2255] redirect: wrap_raw
|
27 |
+
2024-09-22 05:15:57,167 INFO MainThread:1226843 [wandb_run.py:_redirect():2320] Wrapping output streams.
|
28 |
+
2024-09-22 05:15:57,167 INFO MainThread:1226843 [wandb_run.py:_redirect():2345] Redirects installed.
|
29 |
+
2024-09-22 05:15:57,170 INFO MainThread:1226843 [wandb_init.py:init():847] run started, returning control to user process
|
wandb/run-20240922_051551-1efs7bbc/run-1efs7bbc.wandb
ADDED
Binary file (528 kB). View file
|
|
wandb/run-20240922_063327-rptdqsqq/files/conda-environment.yaml
ADDED
@@ -0,0 +1,504 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
name: hantao_new
|
2 |
+
channels:
|
3 |
+
- nvidia/label/cuda-12.1.0
|
4 |
+
- nvidia
|
5 |
+
- pytorch
|
6 |
+
- huggingface
|
7 |
+
- conda-forge
|
8 |
+
- defaults
|
9 |
+
dependencies:
|
10 |
+
- _libgcc_mutex=0.1=conda_forge
|
11 |
+
- _openmp_mutex=4.5=2_gnu
|
12 |
+
- aom=3.9.1=hac33072_0
|
13 |
+
- asttokens=2.4.1=pyhd8ed1ab_0
|
14 |
+
- blas=1.0=mkl
|
15 |
+
- brotli-python=1.1.0=py311hb755f60_1
|
16 |
+
- bzip2=1.0.8=h4bc722e_7
|
17 |
+
- ca-certificates=2024.7.4=hbcca054_0
|
18 |
+
- cairo=1.18.0=hebfffa5_3
|
19 |
+
- certifi=2024.7.4=pyhd8ed1ab_0
|
20 |
+
- cffi=1.16.0=py311hb3a22ac_0
|
21 |
+
- charset-normalizer=3.3.2=pyhd8ed1ab_0
|
22 |
+
- comm=0.2.2=pyhd8ed1ab_0
|
23 |
+
- cuda=12.1.0=0
|
24 |
+
- cuda-cccl=12.1.55=0
|
25 |
+
- cuda-command-line-tools=12.1.0=0
|
26 |
+
- cuda-compiler=12.1.0=0
|
27 |
+
- cuda-cudart=12.1.55=0
|
28 |
+
- cuda-cudart-dev=12.1.55=0
|
29 |
+
- cuda-cudart-static=12.1.55=0
|
30 |
+
- cuda-cuobjdump=12.1.55=0
|
31 |
+
- cuda-cupti=12.1.62=0
|
32 |
+
- cuda-cupti-static=12.1.62=0
|
33 |
+
- cuda-cuxxfilt=12.1.55=0
|
34 |
+
- cuda-demo-suite=12.1.55=0
|
35 |
+
- cuda-documentation=12.1.55=0
|
36 |
+
- cuda-driver-dev=12.1.55=0
|
37 |
+
- cuda-gdb=12.1.55=0
|
38 |
+
- cuda-libraries=12.1.0=0
|
39 |
+
- cuda-libraries-dev=12.1.0=0
|
40 |
+
- cuda-libraries-static=12.1.0=0
|
41 |
+
- cuda-nsight=12.1.55=0
|
42 |
+
- cuda-nsight-compute=12.1.0=0
|
43 |
+
- cuda-nvcc=12.1.66=0
|
44 |
+
- cuda-nvdisasm=12.1.55=0
|
45 |
+
- cuda-nvml-dev=12.1.55=0
|
46 |
+
- cuda-nvprof=12.1.55=0
|
47 |
+
- cuda-nvprune=12.1.55=0
|
48 |
+
- cuda-nvrtc=12.1.55=0
|
49 |
+
- cuda-nvrtc-dev=12.1.55=0
|
50 |
+
- cuda-nvrtc-static=12.1.55=0
|
51 |
+
- cuda-nvtx=12.1.66=0
|
52 |
+
- cuda-nvvp=12.1.55=0
|
53 |
+
- cuda-opencl=12.1.56=0
|
54 |
+
- cuda-opencl-dev=12.1.56=0
|
55 |
+
- cuda-profiler-api=12.1.55=0
|
56 |
+
- cuda-runtime=12.1.0=0
|
57 |
+
- cuda-sanitizer-api=12.1.55=0
|
58 |
+
- cuda-toolkit=12.1.0=0
|
59 |
+
- cuda-tools=12.1.0=0
|
60 |
+
- cuda-visual-tools=12.1.0=0
|
61 |
+
- dav1d=1.2.1=hd590300_0
|
62 |
+
- debugpy=1.8.2=py311h4332511_0
|
63 |
+
- decorator=5.1.1=pyhd8ed1ab_0
|
64 |
+
- exceptiongroup=1.2.2=pyhd8ed1ab_0
|
65 |
+
- executing=2.0.1=pyhd8ed1ab_0
|
66 |
+
- expat=2.6.2=h59595ed_0
|
67 |
+
- ffmpeg=7.0.1=gpl_h9be9148_104
|
68 |
+
- filelock=3.15.4=pyhd8ed1ab_0
|
69 |
+
- font-ttf-dejavu-sans-mono=2.37=hab24e00_0
|
70 |
+
- font-ttf-inconsolata=3.000=h77eed37_0
|
71 |
+
- font-ttf-source-code-pro=2.038=h77eed37_0
|
72 |
+
- font-ttf-ubuntu=0.83=h77eed37_2
|
73 |
+
- fontconfig=2.14.2=h14ed4e7_0
|
74 |
+
- fonts-conda-ecosystem=1=0
|
75 |
+
- fonts-conda-forge=1=0
|
76 |
+
- freetype=2.12.1=h267a509_2
|
77 |
+
- fribidi=1.0.10=h36c2ea0_0
|
78 |
+
- gds-tools=1.6.0.25=0
|
79 |
+
- gettext=0.22.5=h59595ed_2
|
80 |
+
- gettext-tools=0.22.5=h59595ed_2
|
81 |
+
- git-lfs=3.5.1=ha770c72_0
|
82 |
+
- gmp=6.3.0=hac33072_2
|
83 |
+
- gmpy2=2.1.5=py311hc4f1f91_1
|
84 |
+
- gnutls=3.7.9=hb077bed_0
|
85 |
+
- graphite2=1.3.13=h59595ed_1003
|
86 |
+
- h2=4.1.0=pyhd8ed1ab_0
|
87 |
+
- harfbuzz=9.0.0=hda332d3_1
|
88 |
+
- hpack=4.0.0=pyh9f0ad1d_0
|
89 |
+
- hyperframe=6.0.1=pyhd8ed1ab_0
|
90 |
+
- icu=75.1=he02047a_0
|
91 |
+
- idna=3.7=pyhd8ed1ab_0
|
92 |
+
- importlib-metadata=8.2.0=pyha770c72_0
|
93 |
+
- importlib_metadata=8.2.0=hd8ed1ab_0
|
94 |
+
- intel-openmp=2022.0.1=h06a4308_3633
|
95 |
+
- ipykernel=6.29.5=pyh3099207_0
|
96 |
+
- ipython=8.26.0=pyh707e725_0
|
97 |
+
- jedi=0.19.1=pyhd8ed1ab_0
|
98 |
+
- jinja2=3.1.4=pyhd8ed1ab_0
|
99 |
+
- jupyter_client=8.6.2=pyhd8ed1ab_0
|
100 |
+
- jupyter_core=5.7.2=py311h38be061_0
|
101 |
+
- keyutils=1.6.1=h166bdaf_0
|
102 |
+
- krb5=1.21.3=h659f571_0
|
103 |
+
- lame=3.100=h166bdaf_1003
|
104 |
+
- lcms2=2.16=hb7c19ff_0
|
105 |
+
- ld_impl_linux-64=2.40=hf3520f5_7
|
106 |
+
- lerc=4.0.0=h27087fc_0
|
107 |
+
- libabseil=20240116.2=cxx17_he02047a_1
|
108 |
+
- libasprintf=0.22.5=h661eb56_2
|
109 |
+
- libasprintf-devel=0.22.5=h661eb56_2
|
110 |
+
- libass=0.17.1=h39113c1_2
|
111 |
+
- libblas=3.9.0=16_linux64_mkl
|
112 |
+
- libcblas=3.9.0=16_linux64_mkl
|
113 |
+
- libcublas=12.1.0.26=0
|
114 |
+
- libcublas-dev=12.1.0.26=0
|
115 |
+
- libcublas-static=12.1.0.26=0
|
116 |
+
- libcufft=11.0.2.4=0
|
117 |
+
- libcufft-dev=11.0.2.4=0
|
118 |
+
- libcufft-static=11.0.2.4=0
|
119 |
+
- libcufile=1.6.0.25=0
|
120 |
+
- libcufile-dev=1.6.0.25=0
|
121 |
+
- libcufile-static=1.6.0.25=0
|
122 |
+
- libcurand=10.3.2.56=0
|
123 |
+
- libcurand-dev=10.3.2.56=0
|
124 |
+
- libcurand-static=10.3.2.56=0
|
125 |
+
- libcusolver=11.4.4.55=0
|
126 |
+
- libcusolver-dev=11.4.4.55=0
|
127 |
+
- libcusolver-static=11.4.4.55=0
|
128 |
+
- libcusparse=12.0.2.55=0
|
129 |
+
- libcusparse-dev=12.0.2.55=0
|
130 |
+
- libcusparse-static=12.0.2.55=0
|
131 |
+
- libdeflate=1.20=hd590300_0
|
132 |
+
- libdrm=2.4.122=h4ab18f5_0
|
133 |
+
- libedit=3.1.20191231=he28a2e2_2
|
134 |
+
- libexpat=2.6.2=h59595ed_0
|
135 |
+
- libffi=3.4.2=h7f98852_5
|
136 |
+
- libgcc-ng=14.1.0=h77fa898_0
|
137 |
+
- libgettextpo=0.22.5=h59595ed_2
|
138 |
+
- libgettextpo-devel=0.22.5=h59595ed_2
|
139 |
+
- libglib=2.80.3=h8a4344b_1
|
140 |
+
- libgomp=14.1.0=h77fa898_0
|
141 |
+
- libhwloc=2.11.1=default_hecaa2ac_1000
|
142 |
+
- libiconv=1.17=hd590300_2
|
143 |
+
- libidn2=2.3.7=hd590300_0
|
144 |
+
- libjpeg-turbo=3.0.0=hd590300_1
|
145 |
+
- liblapack=3.9.0=16_linux64_mkl
|
146 |
+
- libnpp=12.0.2.50=0
|
147 |
+
- libnpp-dev=12.0.2.50=0
|
148 |
+
- libnpp-static=12.0.2.50=0
|
149 |
+
- libnsl=2.0.1=hd590300_0
|
150 |
+
- libnvjitlink=12.1.105=0
|
151 |
+
- libnvjitlink-dev=12.1.55=0
|
152 |
+
- libnvjpeg=12.1.0.39=0
|
153 |
+
- libnvjpeg-dev=12.1.0.39=0
|
154 |
+
- libnvjpeg-static=12.1.0.39=0
|
155 |
+
- libnvvm-samples=12.1.55=0
|
156 |
+
- libopenvino=2024.2.0=h2da1b83_1
|
157 |
+
- libopenvino-auto-batch-plugin=2024.2.0=hb045406_1
|
158 |
+
- libopenvino-auto-plugin=2024.2.0=hb045406_1
|
159 |
+
- libopenvino-hetero-plugin=2024.2.0=h5c03a75_1
|
160 |
+
- libopenvino-intel-cpu-plugin=2024.2.0=h2da1b83_1
|
161 |
+
- libopenvino-intel-gpu-plugin=2024.2.0=h2da1b83_1
|
162 |
+
- libopenvino-intel-npu-plugin=2024.2.0=he02047a_1
|
163 |
+
- libopenvino-ir-frontend=2024.2.0=h5c03a75_1
|
164 |
+
- libopenvino-onnx-frontend=2024.2.0=h07e8aee_1
|
165 |
+
- libopenvino-paddle-frontend=2024.2.0=h07e8aee_1
|
166 |
+
- libopenvino-pytorch-frontend=2024.2.0=he02047a_1
|
167 |
+
- libopenvino-tensorflow-frontend=2024.2.0=h39126c6_1
|
168 |
+
- libopenvino-tensorflow-lite-frontend=2024.2.0=he02047a_1
|
169 |
+
- libopus=1.3.1=h7f98852_1
|
170 |
+
- libpciaccess=0.18=hd590300_0
|
171 |
+
- libpng=1.6.43=h2797004_0
|
172 |
+
- libprotobuf=4.25.3=h08a7969_0
|
173 |
+
- libsodium=1.0.18=h36c2ea0_1
|
174 |
+
- libsqlite=3.46.0=hde9e2c9_0
|
175 |
+
- libstdcxx-ng=14.1.0=hc0a3c3a_0
|
176 |
+
- libtasn1=4.19.0=h166bdaf_0
|
177 |
+
- libtiff=4.6.0=h1dd3fc0_3
|
178 |
+
- libunistring=0.9.10=h7f98852_0
|
179 |
+
- libuuid=2.38.1=h0b41bf4_0
|
180 |
+
- libva=2.22.0=hb711507_0
|
181 |
+
- libvpx=1.14.1=hac33072_0
|
182 |
+
- libwebp-base=1.4.0=hd590300_0
|
183 |
+
- libxcb=1.16=hd590300_0
|
184 |
+
- libxcrypt=4.4.36=hd590300_1
|
185 |
+
- libxml2=2.12.7=he7c6b58_4
|
186 |
+
- libzlib=1.3.1=h4ab18f5_1
|
187 |
+
- llvm-openmp=15.0.7=h0cdce71_0
|
188 |
+
- markupsafe=2.1.5=py311h459d7ec_0
|
189 |
+
- matplotlib-inline=0.1.7=pyhd8ed1ab_0
|
190 |
+
- mkl=2022.1.0=hc2b9512_224
|
191 |
+
- mpc=1.3.1=hfe3b2da_0
|
192 |
+
- mpfr=4.2.1=h38ae2d0_2
|
193 |
+
- mpmath=1.3.0=pyhd8ed1ab_0
|
194 |
+
- ncurses=6.5=h59595ed_0
|
195 |
+
- nest-asyncio=1.6.0=pyhd8ed1ab_0
|
196 |
+
- nettle=3.9.1=h7ab15ed_0
|
197 |
+
- networkx=3.3=pyhd8ed1ab_1
|
198 |
+
- nsight-compute=2023.1.0.15=0
|
199 |
+
- ocl-icd=2.3.2=hd590300_1
|
200 |
+
- openh264=2.4.1=h59595ed_0
|
201 |
+
- openjpeg=2.5.2=h488ebb8_0
|
202 |
+
- openssl=3.3.1=h4bc722e_2
|
203 |
+
- p11-kit=0.24.1=hc5aa10d_0
|
204 |
+
- packaging=24.1=pyhd8ed1ab_0
|
205 |
+
- parso=0.8.4=pyhd8ed1ab_0
|
206 |
+
- pcre2=10.44=h0f59acf_0
|
207 |
+
- pexpect=4.9.0=pyhd8ed1ab_0
|
208 |
+
- pickleshare=0.7.5=py_1003
|
209 |
+
- pillow=10.4.0=py311h82a398c_0
|
210 |
+
- pip=24.0=pyhd8ed1ab_0
|
211 |
+
- pixman=0.43.2=h59595ed_0
|
212 |
+
- prompt-toolkit=3.0.47=pyha770c72_0
|
213 |
+
- psutil=6.0.0=py311h331c9d8_0
|
214 |
+
- pthread-stubs=0.4=h36c2ea0_1001
|
215 |
+
- ptyprocess=0.7.0=pyhd3deb0d_0
|
216 |
+
- pugixml=1.14=h59595ed_0
|
217 |
+
- pure_eval=0.2.3=pyhd8ed1ab_0
|
218 |
+
- pycparser=2.22=pyhd8ed1ab_0
|
219 |
+
- pygments=2.18.0=pyhd8ed1ab_0
|
220 |
+
- pysocks=1.7.1=pyha2e5f31_6
|
221 |
+
- python=3.11.9=hb806964_0_cpython
|
222 |
+
- python_abi=3.11=4_cp311
|
223 |
+
- pytorch=2.4.0=py3.11_cuda12.1_cudnn9.1.0_0
|
224 |
+
- pytorch-cuda=12.1=ha16c6d3_5
|
225 |
+
- pytorch-mutex=1.0=cuda
|
226 |
+
- pyyaml=6.0.1=py311h459d7ec_1
|
227 |
+
- pyzmq=26.0.3=py311h08a0b41_0
|
228 |
+
- readline=8.2=h8228510_1
|
229 |
+
- requests=2.32.3=pyhd8ed1ab_0
|
230 |
+
- setuptools=71.0.4=pyhd8ed1ab_0
|
231 |
+
- six=1.16.0=pyh6c4a22f_0
|
232 |
+
- snappy=1.2.1=ha2e4443_0
|
233 |
+
- stack_data=0.6.2=pyhd8ed1ab_0
|
234 |
+
- svt-av1=2.1.2=hac33072_0
|
235 |
+
- sympy=1.13.0=pypyh2585a3b_103
|
236 |
+
- tbb=2021.12.0=h434a139_3
|
237 |
+
- tk=8.6.13=noxft_h4845f30_101
|
238 |
+
- torchaudio=2.4.0=py311_cu121
|
239 |
+
- torchtriton=3.0.0=py311
|
240 |
+
- tornado=6.4.1=py311h331c9d8_0
|
241 |
+
- traitlets=5.14.3=pyhd8ed1ab_0
|
242 |
+
- typing_extensions=4.12.2=pyha770c72_0
|
243 |
+
- urllib3=2.2.2=pyhd8ed1ab_1
|
244 |
+
- wayland=1.23.0=h5291e77_0
|
245 |
+
- wayland-protocols=1.36=hd8ed1ab_0
|
246 |
+
- wcwidth=0.2.13=pyhd8ed1ab_0
|
247 |
+
- wheel=0.43.0=pyhd8ed1ab_1
|
248 |
+
- x264=1!164.3095=h166bdaf_2
|
249 |
+
- x265=3.5=h924138e_3
|
250 |
+
- xorg-fixesproto=5.0=h7f98852_1002
|
251 |
+
- xorg-kbproto=1.0.7=h7f98852_1002
|
252 |
+
- xorg-libice=1.1.1=hd590300_0
|
253 |
+
- xorg-libsm=1.2.4=h7391055_0
|
254 |
+
- xorg-libx11=1.8.9=hb711507_1
|
255 |
+
- xorg-libxau=1.0.11=hd590300_0
|
256 |
+
- xorg-libxdmcp=1.1.3=h7f98852_0
|
257 |
+
- xorg-libxext=1.3.4=h0b41bf4_2
|
258 |
+
- xorg-libxfixes=5.0.3=h7f98852_1004
|
259 |
+
- xorg-libxrender=0.9.11=hd590300_0
|
260 |
+
- xorg-renderproto=0.11.1=h7f98852_1002
|
261 |
+
- xorg-xextproto=7.3.0=h0b41bf4_1003
|
262 |
+
- xorg-xproto=7.0.31=h7f98852_1007
|
263 |
+
- xz=5.2.6=h166bdaf_0
|
264 |
+
- yaml=0.2.5=h7f98852_2
|
265 |
+
- zeromq=4.3.5=h75354e8_4
|
266 |
+
- zipp=3.19.2=pyhd8ed1ab_0
|
267 |
+
- zlib=1.3.1=h4ab18f5_1
|
268 |
+
- zstandard=0.23.0=py311h5cd10c7_0
|
269 |
+
- zstd=1.5.6=ha6fb4c9_0
|
270 |
+
- pip:
|
271 |
+
- about-time==4.2.1
|
272 |
+
- absl-py==2.1.0
|
273 |
+
- accelerate==0.33.0
|
274 |
+
- aiofiles==23.2.1
|
275 |
+
- aiohttp==3.9.5
|
276 |
+
- aiohttp-retry==2.8.3
|
277 |
+
- aiosignal==1.3.1
|
278 |
+
- align-anything==0.0.1.dev0
|
279 |
+
- alive-progress==3.1.5
|
280 |
+
- amqp==5.2.0
|
281 |
+
- annotated-types==0.7.0
|
282 |
+
- antlr4-python3-runtime==4.9.3
|
283 |
+
- anyio==4.4.0
|
284 |
+
- appdirs==1.4.4
|
285 |
+
- asyncssh==2.16.0
|
286 |
+
- atpublic==5.0
|
287 |
+
- attrs==23.2.0
|
288 |
+
- audioread==3.0.1
|
289 |
+
- av==13.0.0
|
290 |
+
- backoff==2.2.1
|
291 |
+
- billiard==4.2.0
|
292 |
+
- boto3==1.35.9
|
293 |
+
- botocore==1.35.9
|
294 |
+
- cachetools==5.4.0
|
295 |
+
- celery==5.4.0
|
296 |
+
- cfgv==3.4.0
|
297 |
+
- click==8.1.7
|
298 |
+
- click-didyoumean==0.3.1
|
299 |
+
- click-plugins==1.1.1
|
300 |
+
- click-repl==0.3.0
|
301 |
+
- cloudpickle==3.0.0
|
302 |
+
- cmake==3.30.1
|
303 |
+
- colorama==0.4.6
|
304 |
+
- commonmark==0.9.1
|
305 |
+
- configobj==5.0.8
|
306 |
+
- contourpy==1.2.1
|
307 |
+
- cryptography==43.0.0
|
308 |
+
- cycler==0.12.1
|
309 |
+
- dacite==1.6.0
|
310 |
+
- dagshub==0.3.35
|
311 |
+
- dagshub-annotation-converter==0.1.0
|
312 |
+
- dataclasses-json==0.6.7
|
313 |
+
- datasets==2.20.0
|
314 |
+
- deepspeed==0.14.4
|
315 |
+
- dictdiffer==0.9.0
|
316 |
+
- diffusers==0.29.2
|
317 |
+
- dill==0.3.8
|
318 |
+
- diskcache==5.6.3
|
319 |
+
- distlib==0.3.8
|
320 |
+
- distro==1.9.0
|
321 |
+
- dnspython==2.6.1
|
322 |
+
- docker-pycreds==0.4.0
|
323 |
+
- dpath==2.2.0
|
324 |
+
- dulwich==0.22.1
|
325 |
+
- dvc==3.55.1
|
326 |
+
- dvc-data==3.16.5
|
327 |
+
- dvc-http==2.32.0
|
328 |
+
- dvc-objects==5.1.0
|
329 |
+
- dvc-render==1.0.2
|
330 |
+
- dvc-studio-client==0.21.0
|
331 |
+
- dvc-task==0.4.0
|
332 |
+
- email-validator==2.2.0
|
333 |
+
- entrypoints==0.4
|
334 |
+
- fastapi==0.111.1
|
335 |
+
- fastapi-cli==0.0.4
|
336 |
+
- ffmpy==0.3.3
|
337 |
+
- flatten-dict==0.4.2
|
338 |
+
- flufl-lock==8.1.0
|
339 |
+
- fonttools==4.53.1
|
340 |
+
- frozenlist==1.4.1
|
341 |
+
- fsspec==2024.5.0
|
342 |
+
- funcy==2.0
|
343 |
+
- fusepy==3.0.1
|
344 |
+
- gitdb==4.0.11
|
345 |
+
- gitpython==3.1.43
|
346 |
+
- gql==3.5.0
|
347 |
+
- gradio==4.39.0
|
348 |
+
- gradio-client==1.1.1
|
349 |
+
- gradio-multimodalchatbot==0.0.1
|
350 |
+
- grandalf==0.8
|
351 |
+
- grapheme==0.6.0
|
352 |
+
- graphql-core==3.2.3
|
353 |
+
- grpcio==1.65.1
|
354 |
+
- gto==1.7.1
|
355 |
+
- h11==0.14.0
|
356 |
+
- hjson==3.1.0
|
357 |
+
- httpcore==0.16.3
|
358 |
+
- httptools==0.6.1
|
359 |
+
- httpx==0.23.3
|
360 |
+
- huggingface-hub==0.24.3
|
361 |
+
- hydra-core==1.3.2
|
362 |
+
- identify==2.6.0
|
363 |
+
- importlib-resources==6.4.0
|
364 |
+
- iniconfig==2.0.0
|
365 |
+
- interegular==0.3.3
|
366 |
+
- iterative-telemetry==0.0.8
|
367 |
+
- jmespath==1.0.1
|
368 |
+
- joblib==1.4.2
|
369 |
+
- jsonschema==4.23.0
|
370 |
+
- jsonschema-specifications==2023.12.1
|
371 |
+
- kiwisolver==1.4.5
|
372 |
+
- kombu==5.4.0
|
373 |
+
- lark==1.1.9
|
374 |
+
- lazy-loader==0.4
|
375 |
+
- librosa==0.10.2.post1
|
376 |
+
- llvmlite==0.43.0
|
377 |
+
- lm-format-enforcer==0.10.3
|
378 |
+
- lxml==5.3.0
|
379 |
+
- markdown==3.6
|
380 |
+
- markdown-it-py==3.0.0
|
381 |
+
- marshmallow==3.22.0
|
382 |
+
- matplotlib==3.9.1
|
383 |
+
- mdurl==0.1.2
|
384 |
+
- mmsg==0.1.dev14+gbd2b056.d20240803
|
385 |
+
- msgpack==1.0.8
|
386 |
+
- multidict==6.0.5
|
387 |
+
- multiprocess==0.70.16
|
388 |
+
- mypy-extensions==1.0.0
|
389 |
+
- ninja==1.11.1.1
|
390 |
+
- nodeenv==1.9.1
|
391 |
+
- numba==0.60.0
|
392 |
+
- numpy==1.26.4
|
393 |
+
- nvidia-cublas-cu12==12.1.3.1
|
394 |
+
- nvidia-cuda-cupti-cu12==12.1.105
|
395 |
+
- nvidia-cuda-nvrtc-cu12==12.1.105
|
396 |
+
- nvidia-cuda-runtime-cu12==12.1.105
|
397 |
+
- nvidia-cudnn-cu12==8.9.2.26
|
398 |
+
- nvidia-cufft-cu12==11.0.2.54
|
399 |
+
- nvidia-curand-cu12==10.3.2.106
|
400 |
+
- nvidia-cusolver-cu12==11.4.5.107
|
401 |
+
- nvidia-cusparse-cu12==12.1.0.106
|
402 |
+
- nvidia-ml-py==12.535.161
|
403 |
+
- nvidia-nccl-cu12==2.20.5
|
404 |
+
- nvidia-nvjitlink-cu12==12.5.82
|
405 |
+
- nvidia-nvtx-cu12==12.1.105
|
406 |
+
- nvitop==1.3.2
|
407 |
+
- omegaconf==2.3.0
|
408 |
+
- openai==1.37.1
|
409 |
+
- optree==0.12.1
|
410 |
+
- orjson==3.10.6
|
411 |
+
- outlines==0.0.47.dev37+g26e2934
|
412 |
+
- pandas==2.2.2
|
413 |
+
- pathspec==0.12.1
|
414 |
+
- pathvalidate==3.0.0
|
415 |
+
- peft==0.12.0
|
416 |
+
- platformdirs==3.11.0
|
417 |
+
- pluggy==1.5.0
|
418 |
+
- pooch==1.8.2
|
419 |
+
- pre-commit==3.8.0
|
420 |
+
- prometheus-client==0.20.0
|
421 |
+
- prometheus-fastapi-instrumentator==7.0.0
|
422 |
+
- protobuf==4.25.4
|
423 |
+
- py-cpuinfo==9.0.0
|
424 |
+
- pyairports==2.1.1
|
425 |
+
- pyarrow==17.0.0
|
426 |
+
- pyarrow-hotfix==0.6
|
427 |
+
- pycountry==24.6.1
|
428 |
+
- pydantic==2.8.2
|
429 |
+
- pydantic-core==2.20.1
|
430 |
+
- pydot==3.0.1
|
431 |
+
- pydub==0.25.1
|
432 |
+
- pygit2==1.15.1
|
433 |
+
- pygtrie==2.5.0
|
434 |
+
- pyparsing==3.1.2
|
435 |
+
- pytest==8.3.2
|
436 |
+
- python-dateutil==2.9.0.post0
|
437 |
+
- python-dotenv==1.0.1
|
438 |
+
- python-multipart==0.0.9
|
439 |
+
- pytz==2024.1
|
440 |
+
- ranger-fm==1.9.3
|
441 |
+
- ray==2.34.0
|
442 |
+
- referencing==0.35.1
|
443 |
+
- regex==2024.7.24
|
444 |
+
- requests-toolbelt==1.0.0
|
445 |
+
- rfc3986==1.5.0
|
446 |
+
- rich==13.1.0
|
447 |
+
- rpds-py==0.19.1
|
448 |
+
- ruamel-yaml==0.18.6
|
449 |
+
- ruamel-yaml-clib==0.2.8
|
450 |
+
- ruff==0.5.5
|
451 |
+
- s3transfer==0.10.2
|
452 |
+
- safetensors==0.4.3
|
453 |
+
- scikit-learn==1.5.1
|
454 |
+
- scipy==1.14.0
|
455 |
+
- scmrepo==3.3.7
|
456 |
+
- semantic-version==2.10.0
|
457 |
+
- semver==3.0.2
|
458 |
+
- sentencepiece==0.2.0
|
459 |
+
- sentry-sdk==2.11.0
|
460 |
+
- setproctitle==1.3.3
|
461 |
+
- shellingham==1.5.4
|
462 |
+
- shortuuid==1.0.13
|
463 |
+
- shtab==1.7.1
|
464 |
+
- smmap==5.0.1
|
465 |
+
- sniffio==1.3.1
|
466 |
+
- soundfile==0.12.1
|
467 |
+
- soxr==0.4.0
|
468 |
+
- sqltrie==0.11.1
|
469 |
+
- starlette==0.37.2
|
470 |
+
- tabulate==0.9.0
|
471 |
+
- tenacity==8.2.3
|
472 |
+
- tensorboard==2.17.0
|
473 |
+
- tensorboard-data-server==0.7.2
|
474 |
+
- term-image==0.7.2
|
475 |
+
- termcolor==2.4.0
|
476 |
+
- threadpoolctl==3.5.0
|
477 |
+
- tiktoken==0.7.0
|
478 |
+
- tokenizers==0.19.1
|
479 |
+
- tomlkit==0.12.0
|
480 |
+
- torch==2.3.1
|
481 |
+
- torchvision==0.18.1
|
482 |
+
- tqdm==4.66.4
|
483 |
+
- transformers==4.44.0.dev0
|
484 |
+
- treelib==1.6.4
|
485 |
+
- triton==2.3.1
|
486 |
+
- typer==0.12.3
|
487 |
+
- typing-inspect==0.9.0
|
488 |
+
- tzdata==2024.1
|
489 |
+
- uvicorn==0.30.3
|
490 |
+
- uvloop==0.19.0
|
491 |
+
- vine==5.1.0
|
492 |
+
- virtualenv==20.26.3
|
493 |
+
- vllm==0.5.3.post1
|
494 |
+
- vllm-flash-attn==2.5.9.post1
|
495 |
+
- voluptuous==0.15.2
|
496 |
+
- wandb==0.17.5
|
497 |
+
- watchfiles==0.22.0
|
498 |
+
- websockets==11.0.3
|
499 |
+
- werkzeug==3.0.3
|
500 |
+
- xformers==0.0.27
|
501 |
+
- xxhash==3.4.1
|
502 |
+
- yarl==1.9.4
|
503 |
+
- zc-lockfile==3.0.post1
|
504 |
+
prefix: /aifs4su/yaodong/miniconda3/envs/hantao_new
|
wandb/run-20240922_063327-rptdqsqq/files/config.yaml
ADDED
@@ -0,0 +1,112 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
wandb_version: 1
|
2 |
+
|
3 |
+
train_cfgs:
|
4 |
+
desc: null
|
5 |
+
value:
|
6 |
+
ds_cfgs: ds_z3_config.json
|
7 |
+
epochs: 3
|
8 |
+
seed: 42
|
9 |
+
per_device_train_batch_size: 1.0
|
10 |
+
per_device_eval_batch_size: 1.0
|
11 |
+
gradient_accumulation_steps: 1.0
|
12 |
+
gradient_checkpointing: true
|
13 |
+
learning_rate: 1.0e-06
|
14 |
+
lr_scheduler_type: cosine
|
15 |
+
lr_warmup_ratio: 0.01
|
16 |
+
weight_decay: 0.0
|
17 |
+
adam_betas:
|
18 |
+
- 0.9
|
19 |
+
- 0.95
|
20 |
+
bf16: true
|
21 |
+
fp16: false
|
22 |
+
eval_strategy: epoch
|
23 |
+
eval_interval: 10
|
24 |
+
regularization: 0.001
|
25 |
+
scale_coeff: 0.1
|
26 |
+
freeze_mm_proj: false
|
27 |
+
freeze_vision_tower: true
|
28 |
+
freeze_language_model: false
|
29 |
+
data_cfgs:
|
30 |
+
desc: null
|
31 |
+
value:
|
32 |
+
train_datasets: /aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted
|
33 |
+
train_template: NExTQA_preference
|
34 |
+
train_size: null
|
35 |
+
train_split: train
|
36 |
+
train_subset: null
|
37 |
+
train_data_files: extracted_preference_10k_washed.json
|
38 |
+
train_optional_args: []
|
39 |
+
eval_datasets: null
|
40 |
+
eval_template: null
|
41 |
+
eval_size: null
|
42 |
+
eval_split: null
|
43 |
+
eval_subset: null
|
44 |
+
eval_data_files: null
|
45 |
+
eval_optional_args: []
|
46 |
+
logger_cfgs:
|
47 |
+
desc: null
|
48 |
+
value:
|
49 |
+
log_type: wandb
|
50 |
+
log_project: align-anything
|
51 |
+
log_run_name: dpo
|
52 |
+
output_dir: ../outputs/dpo_tiv2t_10k_baseline
|
53 |
+
cache_dir: null
|
54 |
+
save_interval: 100000
|
55 |
+
model_cfgs:
|
56 |
+
desc: null
|
57 |
+
value:
|
58 |
+
model_name_or_path: /aifs4su/yaodong/models/Qwen2-VL-7B-Instruct
|
59 |
+
trust_remote_code: true
|
60 |
+
model_max_length: 4096
|
61 |
+
special_tokens:
|
62 |
+
desc: null
|
63 |
+
value: null
|
64 |
+
_wandb:
|
65 |
+
desc: null
|
66 |
+
value:
|
67 |
+
python_version: 3.11.9
|
68 |
+
cli_version: 0.17.5
|
69 |
+
framework: huggingface
|
70 |
+
huggingface_version: 4.45.0.dev0
|
71 |
+
is_jupyter_run: false
|
72 |
+
is_kaggle_kernel: false
|
73 |
+
start_time: 1726958007
|
74 |
+
t:
|
75 |
+
1:
|
76 |
+
- 1
|
77 |
+
- 5
|
78 |
+
- 11
|
79 |
+
- 41
|
80 |
+
- 49
|
81 |
+
- 51
|
82 |
+
- 53
|
83 |
+
- 55
|
84 |
+
- 71
|
85 |
+
- 83
|
86 |
+
- 98
|
87 |
+
- 105
|
88 |
+
2:
|
89 |
+
- 1
|
90 |
+
- 5
|
91 |
+
- 11
|
92 |
+
- 41
|
93 |
+
- 49
|
94 |
+
- 51
|
95 |
+
- 53
|
96 |
+
- 55
|
97 |
+
- 71
|
98 |
+
- 83
|
99 |
+
- 98
|
100 |
+
- 105
|
101 |
+
3:
|
102 |
+
- 2
|
103 |
+
- 13
|
104 |
+
- 16
|
105 |
+
- 23
|
106 |
+
- 61
|
107 |
+
4: 3.11.9
|
108 |
+
5: 0.17.5
|
109 |
+
6: 4.45.0.dev0
|
110 |
+
8:
|
111 |
+
- 5
|
112 |
+
13: linux-x86_64
|
wandb/run-20240922_063327-rptdqsqq/files/output.log
ADDED
@@ -0,0 +1,2038 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
|
2 |
+
***** Running training *****
|
3 |
+
|
4 |
+
Training 1/3 epoch: 0%| | 0/1812 [00:00<?, ?it/s]`use_cache=True` is incompatible with gradient checkpointing. Setting `use_cache=False`...
|
5 |
+
/aifs4su/yaodong/miniconda3/envs/hantao_tiv/lib/python3.11/site-packages/torch/utils/checkpoint.py:295: FutureWarning: `torch.cpu.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cpu', args...)` instead.
|
6 |
+
with torch.enable_grad(), device_autocast_ctx, torch.cpu.amp.autocast(**ctx.cpu_autocast_kwargs): # type: ignore[attr-defined]
|
7 |
+
|
8 |
+
|
9 |
+
|
10 |
+
|
11 |
+
|
12 |
+
|
13 |
+
|
14 |
+
|
15 |
+
Training 1/3 epoch (loss 0.5581): 0%| | 9/1812 [02:28<7:23:49, 14.77s/it]
|
16 |
+
|
17 |
+
|
18 |
+
|
19 |
+
|
20 |
+
|
21 |
+
|
22 |
+
|
23 |
+
|
24 |
+
|
25 |
+
|
26 |
+
Training 1/3 epoch (loss 0.8237): 1%| | 19/1812 [05:06<7:47:17, 15.64s/it]
|
27 |
+
|
28 |
+
|
29 |
+
|
30 |
+
|
31 |
+
|
32 |
+
|
33 |
+
|
34 |
+
|
35 |
+
|
36 |
+
|
37 |
+
Training 1/3 epoch (loss 0.6081): 2%|▏ | 29/1812 [09:07<13:20:02, 26.92s/it]
|
38 |
+
|
39 |
+
|
40 |
+
|
41 |
+
|
42 |
+
|
43 |
+
|
44 |
+
|
45 |
+
|
46 |
+
|
47 |
+
|
48 |
+
Training 1/3 epoch (loss 4.5173): 2%|▏ | 39/1812 [12:22<8:51:23, 17.98s/it]
|
49 |
+
|
50 |
+
|
51 |
+
|
52 |
+
|
53 |
+
|
54 |
+
|
55 |
+
|
56 |
+
|
57 |
+
|
58 |
+
|
59 |
+
Training 1/3 epoch (loss 1.0933): 3%|▎ | 49/1812 [15:31<9:27:49, 19.32s/it]
|
60 |
+
|
61 |
+
|
62 |
+
|
63 |
+
|
64 |
+
|
65 |
+
|
66 |
+
|
67 |
+
|
68 |
+
|
69 |
+
|
70 |
+
Training 1/3 epoch (loss 0.5557): 3%|▎ | 59/1812 [18:52<10:11:06, 20.92s/it]
|
71 |
+
|
72 |
+
|
73 |
+
|
74 |
+
|
75 |
+
|
76 |
+
|
77 |
+
|
78 |
+
|
79 |
+
|
80 |
+
|
81 |
+
Training 1/3 epoch (loss 2.5379): 4%|▍ | 69/1812 [23:01<11:26:14, 23.62s/it]
|
82 |
+
|
83 |
+
|
84 |
+
|
85 |
+
|
86 |
+
|
87 |
+
|
88 |
+
|
89 |
+
|
90 |
+
|
91 |
+
|
92 |
+
Training 1/3 epoch (loss 1.1026): 4%|▍ | 79/1812 [26:23<9:44:28, 20.24s/it]
|
93 |
+
|
94 |
+
|
95 |
+
|
96 |
+
|
97 |
+
|
98 |
+
|
99 |
+
|
100 |
+
|
101 |
+
|
102 |
+
|
103 |
+
|
104 |
+
Training 1/3 epoch (loss 2.3413): 5%|▍ | 90/1812 [30:20<9:17:33, 19.43s/it]
|
105 |
+
|
106 |
+
|
107 |
+
|
108 |
+
|
109 |
+
|
110 |
+
|
111 |
+
|
112 |
+
|
113 |
+
|
114 |
+
|
115 |
+
Training 1/3 epoch (loss 0.6764): 6%|▌ | 100/1812 [34:08<10:18:43, 21.68s/it]
|
116 |
+
|
117 |
+
|
118 |
+
|
119 |
+
|
120 |
+
|
121 |
+
|
122 |
+
|
123 |
+
|
124 |
+
|
125 |
+
|
126 |
+
Training 1/3 epoch (loss 1.8155): 6%|▌ | 110/1812 [36:52<6:49:29, 14.44s/it]
|
127 |
+
|
128 |
+
|
129 |
+
|
130 |
+
|
131 |
+
|
132 |
+
|
133 |
+
|
134 |
+
|
135 |
+
|
136 |
+
|
137 |
+
Training 1/3 epoch (loss 0.6338): 7%|▋ | 120/1812 [40:19<9:46:49, 20.81s/it]
|
138 |
+
|
139 |
+
|
140 |
+
|
141 |
+
|
142 |
+
|
143 |
+
|
144 |
+
|
145 |
+
|
146 |
+
|
147 |
+
|
148 |
+
|
149 |
+
Training 1/3 epoch (loss 1.9787): 7%|▋ | 130/1812 [43:11<7:43:29, 16.53s/it]
|
150 |
+
|
151 |
+
|
152 |
+
|
153 |
+
|
154 |
+
|
155 |
+
|
156 |
+
|
157 |
+
|
158 |
+
|
159 |
+
|
160 |
+
Training 1/3 epoch (loss 1.6081): 8%|▊ | 140/1812 [46:35<10:47:06, 23.22s/it]
|
161 |
+
|
162 |
+
|
163 |
+
|
164 |
+
|
165 |
+
|
166 |
+
|
167 |
+
|
168 |
+
|
169 |
+
|
170 |
+
|
171 |
+
|
172 |
+
Training 1/3 epoch (loss 2.1454): 8%|▊ | 150/1812 [49:39<8:26:05, 18.27s/it]
|
173 |
+
|
174 |
+
|
175 |
+
|
176 |
+
|
177 |
+
|
178 |
+
|
179 |
+
|
180 |
+
|
181 |
+
|
182 |
+
|
183 |
+
Training 1/3 epoch (loss 0.8813): 9%|▉ | 160/1812 [53:08<9:32:15, 20.78s/it]
|
184 |
+
|
185 |
+
|
186 |
+
|
187 |
+
|
188 |
+
|
189 |
+
|
190 |
+
|
191 |
+
|
192 |
+
|
193 |
+
|
194 |
+
Training 1/3 epoch (loss 0.7650): 9%|▉ | 170/1812 [56:23<9:40:36, 21.22s/it]
|
195 |
+
|
196 |
+
|
197 |
+
|
198 |
+
|
199 |
+
|
200 |
+
|
201 |
+
|
202 |
+
|
203 |
+
|
204 |
+
|
205 |
+
Training 1/3 epoch (loss 1.5732): 10%|▉ | 180/1812 [59:44<9:28:12, 20.89s/it]
|
206 |
+
|
207 |
+
|
208 |
+
|
209 |
+
|
210 |
+
|
211 |
+
|
212 |
+
|
213 |
+
|
214 |
+
|
215 |
+
|
216 |
+
|
217 |
+
Training 1/3 epoch (loss 1.3015): 10%|█ | 190/1812 [1:02:33<6:35:30, 14.63s/it]
|
218 |
+
|
219 |
+
|
220 |
+
|
221 |
+
|
222 |
+
|
223 |
+
|
224 |
+
|
225 |
+
|
226 |
+
|
227 |
+
|
228 |
+
|
229 |
+
Training 1/3 epoch (loss 0.9606): 11%|█ | 200/1812 [1:05:46<8:47:32, 19.64s/it]
|
230 |
+
|
231 |
+
|
232 |
+
|
233 |
+
|
234 |
+
|
235 |
+
|
236 |
+
|
237 |
+
|
238 |
+
|
239 |
+
|
240 |
+
Training 1/3 epoch (loss 1.2718): 12%|█▏ | 210/1812 [1:09:17<9:09:28, 20.58s/it]
|
241 |
+
|
242 |
+
|
243 |
+
|
244 |
+
|
245 |
+
|
246 |
+
|
247 |
+
|
248 |
+
|
249 |
+
|
250 |
+
|
251 |
+
Training 1/3 epoch (loss 0.6807): 12%|█▏ | 220/1812 [1:12:20<8:15:40, 18.68s/it]
|
252 |
+
|
253 |
+
|
254 |
+
|
255 |
+
|
256 |
+
|
257 |
+
|
258 |
+
|
259 |
+
|
260 |
+
|
261 |
+
|
262 |
+
Training 1/3 epoch (loss 2.6464): 13%|█▎ | 230/1812 [1:15:30<8:06:16, 18.44s/it]
|
263 |
+
|
264 |
+
|
265 |
+
|
266 |
+
|
267 |
+
|
268 |
+
|
269 |
+
|
270 |
+
|
271 |
+
|
272 |
+
|
273 |
+
Training 1/3 epoch (loss 1.7252): 13%|█▎ | 239/1812 [1:17:56<7:44:51, 17.73s/it]
|
274 |
+
|
275 |
+
|
276 |
+
|
277 |
+
|
278 |
+
|
279 |
+
|
280 |
+
|
281 |
+
|
282 |
+
|
283 |
+
|
284 |
+
|
285 |
+
|
286 |
+
Training 1/3 epoch (loss 1.3659): 14%|█▍ | 250/1812 [1:22:10<9:17:00, 21.40s/it]
|
287 |
+
|
288 |
+
|
289 |
+
|
290 |
+
|
291 |
+
|
292 |
+
|
293 |
+
|
294 |
+
|
295 |
+
|
296 |
+
|
297 |
+
Training 1/3 epoch (loss 2.0745): 14%|█▍ | 260/1812 [1:25:36<7:44:56, 17.97s/it]
|
298 |
+
|
299 |
+
|
300 |
+
|
301 |
+
|
302 |
+
|
303 |
+
|
304 |
+
|
305 |
+
|
306 |
+
|
307 |
+
|
308 |
+
Training 1/3 epoch (loss 0.7852): 15%|█▍ | 270/1812 [1:29:53<10:23:13, 24.25s/it]
|
309 |
+
|
310 |
+
|
311 |
+
|
312 |
+
|
313 |
+
|
314 |
+
|
315 |
+
|
316 |
+
|
317 |
+
|
318 |
+
Training 1/3 epoch (loss 1.8651): 15%|█▌ | 279/1812 [1:32:42<6:45:04, 15.85s/it]
|
319 |
+
|
320 |
+
|
321 |
+
|
322 |
+
|
323 |
+
|
324 |
+
|
325 |
+
|
326 |
+
|
327 |
+
|
328 |
+
|
329 |
+
|
330 |
+
Training 1/3 epoch (loss 0.7337): 16%|█▌ | 290/1812 [1:36:15<7:06:11, 16.80s/it]
|
331 |
+
|
332 |
+
|
333 |
+
|
334 |
+
|
335 |
+
|
336 |
+
|
337 |
+
|
338 |
+
|
339 |
+
|
340 |
+
Training 1/3 epoch (loss 0.4919): 17%|█▋ | 299/1812 [1:39:10<8:29:29, 20.20s/it]
|
341 |
+
|
342 |
+
|
343 |
+
|
344 |
+
|
345 |
+
|
346 |
+
|
347 |
+
|
348 |
+
|
349 |
+
|
350 |
+
|
351 |
+
|
352 |
+
Training 1/3 epoch (loss 1.0384): 17%|█▋ | 310/1812 [1:42:13<6:59:35, 16.76s/it]
|
353 |
+
|
354 |
+
|
355 |
+
|
356 |
+
|
357 |
+
|
358 |
+
|
359 |
+
|
360 |
+
|
361 |
+
|
362 |
+
Training 1/3 epoch (loss 2.0364): 18%|█▊ | 319/1812 [1:44:31<5:51:07, 14.11s/it]
|
363 |
+
|
364 |
+
|
365 |
+
|
366 |
+
|
367 |
+
|
368 |
+
|
369 |
+
|
370 |
+
|
371 |
+
|
372 |
+
|
373 |
+
Training 1/3 epoch (loss 1.0456): 18%|█▊ | 329/1812 [1:47:41<7:11:57, 17.48s/it]
|
374 |
+
|
375 |
+
|
376 |
+
|
377 |
+
|
378 |
+
|
379 |
+
|
380 |
+
|
381 |
+
|
382 |
+
|
383 |
+
|
384 |
+
|
385 |
+
Training 1/3 epoch (loss 0.4968): 19%|█▉ | 340/1812 [1:50:58<9:39:37, 23.63s/it]
|
386 |
+
|
387 |
+
|
388 |
+
|
389 |
+
|
390 |
+
|
391 |
+
|
392 |
+
|
393 |
+
|
394 |
+
|
395 |
+
|
396 |
+
Training 1/3 epoch (loss 1.1733): 19%|█▉ | 350/1812 [1:54:26<9:52:07, 24.30s/it]
|
397 |
+
|
398 |
+
|
399 |
+
|
400 |
+
|
401 |
+
|
402 |
+
|
403 |
+
|
404 |
+
|
405 |
+
|
406 |
+
Training 1/3 epoch (loss 0.8559): 20%|█▉ | 359/1812 [1:57:35<8:58:23, 22.23s/it]
|
407 |
+
|
408 |
+
|
409 |
+
|
410 |
+
|
411 |
+
|
412 |
+
|
413 |
+
|
414 |
+
|
415 |
+
|
416 |
+
|
417 |
+
Training 1/3 epoch (loss 1.6638): 20%|██ | 369/1812 [2:00:38<7:18:02, 18.21s/it]
|
418 |
+
|
419 |
+
|
420 |
+
|
421 |
+
|
422 |
+
|
423 |
+
|
424 |
+
|
425 |
+
|
426 |
+
|
427 |
+
|
428 |
+
|
429 |
+
Training 1/3 epoch (loss 1.0443): 21%|██ | 380/1812 [2:04:26<8:24:06, 21.12s/it]
|
430 |
+
|
431 |
+
|
432 |
+
|
433 |
+
|
434 |
+
|
435 |
+
|
436 |
+
|
437 |
+
|
438 |
+
|
439 |
+
Training 1/3 epoch (loss 0.9396): 21%|██▏ | 389/1812 [2:06:51<7:01:29, 17.77s/it]
|
440 |
+
|
441 |
+
|
442 |
+
|
443 |
+
|
444 |
+
|
445 |
+
|
446 |
+
|
447 |
+
|
448 |
+
|
449 |
+
|
450 |
+
|
451 |
+
Training 1/3 epoch (loss 1.9349): 22%|██▏ | 400/1812 [2:10:52<10:02:17, 25.59s/it]
|
452 |
+
|
453 |
+
|
454 |
+
|
455 |
+
|
456 |
+
|
457 |
+
|
458 |
+
|
459 |
+
|
460 |
+
|
461 |
+
|
462 |
+
Training 1/3 epoch (loss 1.7493): 23%|██��� | 410/1812 [2:14:50<9:18:12, 23.89s/it]
|
463 |
+
|
464 |
+
|
465 |
+
|
466 |
+
|
467 |
+
|
468 |
+
|
469 |
+
|
470 |
+
|
471 |
+
|
472 |
+
Training 1/3 epoch (loss 0.7967): 23%|██▎ | 419/1812 [2:17:11<5:30:25, 14.23s/it]
|
473 |
+
|
474 |
+
|
475 |
+
|
476 |
+
|
477 |
+
|
478 |
+
|
479 |
+
|
480 |
+
|
481 |
+
|
482 |
+
|
483 |
+
|
484 |
+
Training 1/3 epoch (loss 1.2191): 24%|██▎ | 430/1812 [2:21:13<7:47:05, 20.28s/it]
|
485 |
+
|
486 |
+
|
487 |
+
|
488 |
+
|
489 |
+
|
490 |
+
|
491 |
+
|
492 |
+
|
493 |
+
|
494 |
+
Training 1/3 epoch (loss 0.6274): 24%|██▍ | 439/1812 [2:24:24<7:05:58, 18.61s/it]
|
495 |
+
|
496 |
+
|
497 |
+
|
498 |
+
|
499 |
+
|
500 |
+
|
501 |
+
|
502 |
+
|
503 |
+
|
504 |
+
|
505 |
+
|
506 |
+
Training 1/3 epoch (loss 0.5032): 25%|██▍ | 450/1812 [2:27:53<7:25:34, 19.63s/it]
|
507 |
+
|
508 |
+
|
509 |
+
|
510 |
+
|
511 |
+
|
512 |
+
|
513 |
+
|
514 |
+
|
515 |
+
|
516 |
+
|
517 |
+
Training 1/3 epoch (loss 0.7499): 25%|██▌ | 460/1812 [2:31:20<7:49:47, 20.85s/it]
|
518 |
+
|
519 |
+
|
520 |
+
|
521 |
+
|
522 |
+
|
523 |
+
|
524 |
+
|
525 |
+
|
526 |
+
|
527 |
+
|
528 |
+
Training 1/3 epoch (loss 1.6526): 26%|██▌ | 470/1812 [2:34:52<7:52:39, 21.13s/it]
|
529 |
+
|
530 |
+
|
531 |
+
|
532 |
+
|
533 |
+
|
534 |
+
|
535 |
+
|
536 |
+
|
537 |
+
|
538 |
+
|
539 |
+
Training 1/3 epoch (loss 0.7733): 26%|██▋ | 480/1812 [2:38:19<9:04:34, 24.53s/it]
|
540 |
+
|
541 |
+
|
542 |
+
|
543 |
+
|
544 |
+
|
545 |
+
|
546 |
+
|
547 |
+
|
548 |
+
|
549 |
+
|
550 |
+
Training 1/3 epoch (loss 0.7606): 27%|██▋ | 490/1812 [2:41:25<7:01:16, 19.12s/it]
|
551 |
+
|
552 |
+
|
553 |
+
|
554 |
+
|
555 |
+
|
556 |
+
|
557 |
+
|
558 |
+
|
559 |
+
|
560 |
+
|
561 |
+
Training 1/3 epoch (loss 1.2104): 28%|██▊ | 500/1812 [2:44:07<6:35:38, 18.09s/it]
|
562 |
+
|
563 |
+
|
564 |
+
|
565 |
+
|
566 |
+
|
567 |
+
|
568 |
+
|
569 |
+
|
570 |
+
|
571 |
+
|
572 |
+
Training 1/3 epoch (loss 0.6659): 28%|██▊ | 510/1812 [2:48:05<8:19:57, 23.04s/it]
|
573 |
+
|
574 |
+
|
575 |
+
|
576 |
+
|
577 |
+
|
578 |
+
|
579 |
+
|
580 |
+
|
581 |
+
|
582 |
+
|
583 |
+
Training 1/3 epoch (loss 2.7401): 29%|██▊ | 520/1812 [2:51:33<6:22:57, 17.78s/it]
|
584 |
+
|
585 |
+
|
586 |
+
|
587 |
+
|
588 |
+
|
589 |
+
|
590 |
+
|
591 |
+
|
592 |
+
|
593 |
+
|
594 |
+
Training 1/3 epoch (loss 1.1348): 29%|██▉ | 530/1812 [2:54:38<6:23:21, 17.94s/it]
|
595 |
+
|
596 |
+
|
597 |
+
|
598 |
+
|
599 |
+
|
600 |
+
|
601 |
+
|
602 |
+
|
603 |
+
|
604 |
+
|
605 |
+
Training 1/3 epoch (loss 0.3653): 30%|██▉ | 540/1812 [2:58:00<7:06:12, 20.10s/it]
|
606 |
+
|
607 |
+
|
608 |
+
|
609 |
+
|
610 |
+
|
611 |
+
|
612 |
+
|
613 |
+
|
614 |
+
|
615 |
+
|
616 |
+
Training 1/3 epoch (loss 2.8389): 30%|███ | 550/1812 [3:01:04<6:42:10, 19.12s/it]
|
617 |
+
|
618 |
+
|
619 |
+
|
620 |
+
|
621 |
+
|
622 |
+
|
623 |
+
|
624 |
+
|
625 |
+
|
626 |
+
|
627 |
+
|
628 |
+
Training 1/3 epoch (loss 1.1369): 31%|███ | 560/1812 [3:03:55<5:27:10, 15.68s/it]
|
629 |
+
|
630 |
+
|
631 |
+
|
632 |
+
|
633 |
+
|
634 |
+
|
635 |
+
|
636 |
+
|
637 |
+
|
638 |
+
|
639 |
+
Training 1/3 epoch (loss 2.6080): 31%|███▏ | 570/1812 [3:07:28<9:08:24, 26.49s/it]
|
640 |
+
|
641 |
+
|
642 |
+
|
643 |
+
|
644 |
+
|
645 |
+
|
646 |
+
|
647 |
+
|
648 |
+
|
649 |
+
|
650 |
+
Training 1/3 epoch (loss 0.6089): 32%|███▏ | 580/1812 [3:10:54<8:43:20, 25.49s/it]
|
651 |
+
|
652 |
+
|
653 |
+
|
654 |
+
|
655 |
+
|
656 |
+
|
657 |
+
|
658 |
+
|
659 |
+
|
660 |
+
|
661 |
+
|
662 |
+
Training 1/3 epoch (loss 0.6223): 33%|███▎ | 590/1812 [3:13:43<5:30:33, 16.23s/it]
|
663 |
+
|
664 |
+
|
665 |
+
|
666 |
+
|
667 |
+
|
668 |
+
|
669 |
+
|
670 |
+
|
671 |
+
|
672 |
+
|
673 |
+
Training 1/3 epoch (loss 2.0839): 33%|███▎ | 600/1812 [3:17:13<6:15:47, 18.60s/it]
|
674 |
+
|
675 |
+
|
676 |
+
|
677 |
+
|
678 |
+
|
679 |
+
|
680 |
+
|
681 |
+
|
682 |
+
|
683 |
+
|
684 |
+
Training 2/3 epoch (loss 0.7982): 34%|███▎ | 610/1812 [3:20:10<5:39:36, 16.95s/it]
|
685 |
+
|
686 |
+
|
687 |
+
|
688 |
+
|
689 |
+
|
690 |
+
|
691 |
+
|
692 |
+
|
693 |
+
|
694 |
+
|
695 |
+
Training 2/3 epoch (loss 1.2234): 34%|███▍ | 620/1812 [3:22:42<5:10:04, 15.61s/it]
|
696 |
+
|
697 |
+
|
698 |
+
|
699 |
+
|
700 |
+
|
701 |
+
|
702 |
+
|
703 |
+
|
704 |
+
|
705 |
+
|
706 |
+
Training 2/3 epoch (loss 0.8536): 35%|███▍ | 630/1812 [3:25:55<7:27:42, 22.73s/it]
|
707 |
+
|
708 |
+
|
709 |
+
|
710 |
+
|
711 |
+
|
712 |
+
|
713 |
+
|
714 |
+
|
715 |
+
|
716 |
+
|
717 |
+
Training 2/3 epoch (loss 0.3619): 35%|███▌ | 640/1812 [3:29:48<6:55:50, 21.29s/it]
|
718 |
+
|
719 |
+
|
720 |
+
|
721 |
+
|
722 |
+
|
723 |
+
|
724 |
+
|
725 |
+
|
726 |
+
|
727 |
+
|
728 |
+
Training 2/3 epoch (loss 1.5365): 36%|███▌ | 650/1812 [3:32:50<6:27:08, 19.99s/it]
|
729 |
+
|
730 |
+
|
731 |
+
|
732 |
+
|
733 |
+
|
734 |
+
|
735 |
+
|
736 |
+
|
737 |
+
|
738 |
+
|
739 |
+
Training 2/3 epoch (loss 0.8612): 36%|███▋ | 660/1812 [3:35:58<6:15:08, 19.54s/it]
|
740 |
+
|
741 |
+
|
742 |
+
|
743 |
+
|
744 |
+
|
745 |
+
|
746 |
+
|
747 |
+
|
748 |
+
|
749 |
+
|
750 |
+
Training 2/3 epoch (loss 0.9075): 37%|███▋ | 670/1812 [3:39:55<6:51:45, 21.63s/it]
|
751 |
+
|
752 |
+
|
753 |
+
|
754 |
+
|
755 |
+
|
756 |
+
|
757 |
+
|
758 |
+
|
759 |
+
|
760 |
+
|
761 |
+
Training 2/3 epoch (loss 0.4571): 38%|███▊ | 680/1812 [3:43:27<6:14:56, 19.87s/it]
|
762 |
+
|
763 |
+
|
764 |
+
|
765 |
+
|
766 |
+
|
767 |
+
|
768 |
+
|
769 |
+
|
770 |
+
|
771 |
+
|
772 |
+
|
773 |
+
Training 2/3 epoch (loss 0.1629): 38%|███▊ | 690/1812 [3:47:13<7:27:32, 23.93s/it]
|
774 |
+
|
775 |
+
|
776 |
+
|
777 |
+
|
778 |
+
|
779 |
+
|
780 |
+
|
781 |
+
|
782 |
+
|
783 |
+
|
784 |
+
Training 2/3 epoch (loss 0.2249): 39%|███▊ | 700/1812 [3:50:57<7:42:23, 24.95s/it]
|
785 |
+
|
786 |
+
|
787 |
+
|
788 |
+
|
789 |
+
|
790 |
+
|
791 |
+
|
792 |
+
|
793 |
+
|
794 |
+
|
795 |
+
Training 2/3 epoch (loss 0.5625): 39%|███▉ | 710/1812 [3:54:03<4:58:24, 16.25s/it]
|
796 |
+
|
797 |
+
|
798 |
+
|
799 |
+
|
800 |
+
|
801 |
+
|
802 |
+
|
803 |
+
|
804 |
+
|
805 |
+
|
806 |
+
Training 2/3 epoch (loss 0.8886): 40%|███▉ | 720/1812 [3:56:56<6:19:30, 20.85s/it]
|
807 |
+
|
808 |
+
|
809 |
+
|
810 |
+
|
811 |
+
|
812 |
+
|
813 |
+
|
814 |
+
|
815 |
+
|
816 |
+
|
817 |
+
Training 2/3 epoch (loss 0.9067): 40%|████ | 730/1812 [4:00:23<6:20:53, 21.12s/it]
|
818 |
+
|
819 |
+
|
820 |
+
|
821 |
+
|
822 |
+
|
823 |
+
|
824 |
+
|
825 |
+
|
826 |
+
|
827 |
+
|
828 |
+
Training 2/3 epoch (loss 0.4235): 41%|████ | 740/1812 [4:03:17<6:26:20, 21.62s/it]
|
829 |
+
|
830 |
+
|
831 |
+
|
832 |
+
|
833 |
+
|
834 |
+
|
835 |
+
|
836 |
+
|
837 |
+
|
838 |
+
|
839 |
+
Training 2/3 epoch (loss 1.5445): 41%|████▏ | 750/1812 [4:06:34<6:00:27, 20.36s/it]
|
840 |
+
|
841 |
+
|
842 |
+
|
843 |
+
|
844 |
+
|
845 |
+
|
846 |
+
|
847 |
+
|
848 |
+
|
849 |
+
|
850 |
+
Training 2/3 epoch (loss 1.0290): 42%|████▏ | 760/1812 [4:09:39<5:16:35, 18.06s/it]
|
851 |
+
|
852 |
+
|
853 |
+
|
854 |
+
|
855 |
+
|
856 |
+
|
857 |
+
|
858 |
+
|
859 |
+
|
860 |
+
|
861 |
+
Training 2/3 epoch (loss 0.1481): 42%|████▏ | 770/1812 [4:13:06<5:44:37, 19.84s/it]
|
862 |
+
|
863 |
+
|
864 |
+
|
865 |
+
|
866 |
+
|
867 |
+
|
868 |
+
|
869 |
+
|
870 |
+
|
871 |
+
|
872 |
+
Training 2/3 epoch (loss 1.0937): 43%|████▎ | 780/1812 [4:16:35<6:09:28, 21.48s/it]
|
873 |
+
|
874 |
+
|
875 |
+
|
876 |
+
|
877 |
+
|
878 |
+
|
879 |
+
|
880 |
+
|
881 |
+
|
882 |
+
|
883 |
+
Training 2/3 epoch (loss 0.6625): 44%|████▎ | 790/1812 [4:19:40<5:18:15, 18.68s/it]
|
884 |
+
|
885 |
+
|
886 |
+
|
887 |
+
|
888 |
+
|
889 |
+
|
890 |
+
|
891 |
+
|
892 |
+
|
893 |
+
|
894 |
+
Training 2/3 epoch (loss 0.3620): 44%|████▍ | 800/1812 [4:22:28<4:26:48, 15.82s/it]
|
895 |
+
|
896 |
+
|
897 |
+
|
898 |
+
|
899 |
+
|
900 |
+
|
901 |
+
|
902 |
+
|
903 |
+
|
904 |
+
|
905 |
+
Training 2/3 epoch (loss 2.0399): 45%|████▍ | 810/1812 [4:26:12<6:33:18, 23.55s/it]
|
906 |
+
|
907 |
+
|
908 |
+
|
909 |
+
|
910 |
+
|
911 |
+
|
912 |
+
|
913 |
+
|
914 |
+
|
915 |
+
|
916 |
+
Training 2/3 epoch (loss 0.3767): 45%|████▌ | 820/1812 [4:29:11<4:46:45, 17.34s/it]
|
917 |
+
|
918 |
+
|
919 |
+
|
920 |
+
|
921 |
+
|
922 |
+
|
923 |
+
|
924 |
+
|
925 |
+
|
926 |
+
|
927 |
+
|
928 |
+
Training 2/3 epoch (loss 0.2618): 46%|████▌ | 830/1812 [4:32:23<5:13:18, 19.14s/it]
|
929 |
+
|
930 |
+
|
931 |
+
|
932 |
+
|
933 |
+
|
934 |
+
|
935 |
+
|
936 |
+
|
937 |
+
|
938 |
+
|
939 |
+
Training 2/3 epoch (loss 0.4501): 46%|████▋ | 840/1812 [4:35:20<5:35:26, 20.71s/it]
|
940 |
+
|
941 |
+
|
942 |
+
|
943 |
+
|
944 |
+
|
945 |
+
|
946 |
+
|
947 |
+
|
948 |
+
|
949 |
+
|
950 |
+
Training 2/3 epoch (loss 0.5268): 47%|████▋ | 850/1812 [4:38:52<6:10:50, 23.13s/it]
|
951 |
+
|
952 |
+
|
953 |
+
|
954 |
+
|
955 |
+
|
956 |
+
|
957 |
+
|
958 |
+
|
959 |
+
|
960 |
+
|
961 |
+
Training 2/3 epoch (loss 1.5898): 47%|████▋ | 860/1812 [4:42:39<5:40:40, 21.47s/it]
|
962 |
+
|
963 |
+
|
964 |
+
|
965 |
+
|
966 |
+
|
967 |
+
|
968 |
+
|
969 |
+
|
970 |
+
|
971 |
+
|
972 |
+
Training 2/3 epoch (loss 0.1709): 48%|████▊ | 870/1812 [4:46:22<6:16:43, 23.99s/it]
|
973 |
+
|
974 |
+
|
975 |
+
|
976 |
+
|
977 |
+
|
978 |
+
|
979 |
+
|
980 |
+
|
981 |
+
|
982 |
+
|
983 |
+
Training 2/3 epoch (loss 0.1749): 49%|████▊ | 880/1812 [4:50:09<5:00:35, 19.35s/it]
|
984 |
+
|
985 |
+
|
986 |
+
|
987 |
+
|
988 |
+
|
989 |
+
|
990 |
+
|
991 |
+
|
992 |
+
|
993 |
+
|
994 |
+
Training 2/3 epoch (loss 1.1029): 49%|████▉ | 890/1812 [4:53:16<5:21:44, 20.94s/it]
|
995 |
+
|
996 |
+
|
997 |
+
|
998 |
+
|
999 |
+
|
1000 |
+
|
1001 |
+
|
1002 |
+
|
1003 |
+
|
1004 |
+
|
1005 |
+
Training 2/3 epoch (loss 0.6366): 50%|████▉ | 900/1812 [4:56:17<4:28:31, 17.67s/it]
|
1006 |
+
|
1007 |
+
|
1008 |
+
|
1009 |
+
|
1010 |
+
|
1011 |
+
|
1012 |
+
|
1013 |
+
|
1014 |
+
|
1015 |
+
|
1016 |
+
Training 2/3 epoch (loss 0.9695): 50%|█████ | 910/1812 [4:59:17<4:19:56, 17.29s/it]
|
1017 |
+
|
1018 |
+
|
1019 |
+
|
1020 |
+
|
1021 |
+
|
1022 |
+
|
1023 |
+
|
1024 |
+
|
1025 |
+
|
1026 |
+
Training 2/3 epoch (loss 0.2622): 51%|█████ | 919/1812 [5:01:48<4:21:28, 17.57s/it]
|
1027 |
+
|
1028 |
+
|
1029 |
+
|
1030 |
+
|
1031 |
+
|
1032 |
+
|
1033 |
+
|
1034 |
+
|
1035 |
+
|
1036 |
+
|
1037 |
+
|
1038 |
+
Training 2/3 epoch (loss 0.9309): 51%|█████▏ | 930/1812 [5:04:59<5:03:24, 20.64s/it]
|
1039 |
+
|
1040 |
+
|
1041 |
+
|
1042 |
+
|
1043 |
+
|
1044 |
+
|
1045 |
+
|
1046 |
+
|
1047 |
+
|
1048 |
+
|
1049 |
+
Training 2/3 epoch (loss 1.0294): 52%|█████▏ | 940/1812 [5:07:41<4:13:34, 17.45s/it]
|
1050 |
+
|
1051 |
+
|
1052 |
+
|
1053 |
+
|
1054 |
+
|
1055 |
+
|
1056 |
+
|
1057 |
+
|
1058 |
+
|
1059 |
+
|
1060 |
+
Training 2/3 epoch (loss 0.3830): 52%|█████▏ | 950/1812 [5:11:03<4:22:12, 18.25s/it]
|
1061 |
+
|
1062 |
+
|
1063 |
+
|
1064 |
+
|
1065 |
+
|
1066 |
+
|
1067 |
+
|
1068 |
+
|
1069 |
+
|
1070 |
+
|
1071 |
+
Training 2/3 epoch (loss 0.4278): 53%|█████▎ | 960/1812 [5:14:36<5:08:56, 21.76s/it]
|
1072 |
+
|
1073 |
+
|
1074 |
+
|
1075 |
+
|
1076 |
+
|
1077 |
+
|
1078 |
+
|
1079 |
+
|
1080 |
+
|
1081 |
+
|
1082 |
+
Training 2/3 epoch (loss 0.1940): 54%|█████▎ | 970/1812 [5:17:58<5:11:47, 22.22s/it]
|
1083 |
+
|
1084 |
+
|
1085 |
+
|
1086 |
+
|
1087 |
+
|
1088 |
+
|
1089 |
+
|
1090 |
+
|
1091 |
+
|
1092 |
+
|
1093 |
+
Training 2/3 epoch (loss 0.0402): 54%|█████▍ | 980/1812 [5:20:58<4:01:05, 17.39s/it]
|
1094 |
+
|
1095 |
+
|
1096 |
+
|
1097 |
+
|
1098 |
+
|
1099 |
+
|
1100 |
+
|
1101 |
+
|
1102 |
+
|
1103 |
+
|
1104 |
+
|
1105 |
+
Training 2/3 epoch (loss 0.5326): 55%|█████▍ | 990/1812 [5:24:01<3:22:29, 14.78s/it]
|
1106 |
+
|
1107 |
+
|
1108 |
+
|
1109 |
+
|
1110 |
+
|
1111 |
+
|
1112 |
+
|
1113 |
+
|
1114 |
+
|
1115 |
+
|
1116 |
+
Training 2/3 epoch (loss 0.5159): 55%|█████▌ | 1000/1812 [5:27:18<4:38:37, 20.59s/it]
|
1117 |
+
|
1118 |
+
|
1119 |
+
|
1120 |
+
|
1121 |
+
|
1122 |
+
|
1123 |
+
|
1124 |
+
|
1125 |
+
|
1126 |
+
|
1127 |
+
|
1128 |
+
Training 2/3 epoch (loss 0.5500): 56%|█████▌ | 1010/1812 [5:31:29<6:16:10, 28.14s/it]
|
1129 |
+
|
1130 |
+
|
1131 |
+
|
1132 |
+
|
1133 |
+
|
1134 |
+
|
1135 |
+
|
1136 |
+
|
1137 |
+
|
1138 |
+
|
1139 |
+
|
1140 |
+
Training 2/3 epoch (loss 0.5015): 56%|█████▋ | 1020/1812 [5:34:40<3:44:30, 17.01s/it]
|
1141 |
+
|
1142 |
+
|
1143 |
+
|
1144 |
+
|
1145 |
+
|
1146 |
+
|
1147 |
+
|
1148 |
+
|
1149 |
+
|
1150 |
+
|
1151 |
+
|
1152 |
+
Training 2/3 epoch (loss 0.3154): 57%|█████▋ | 1030/1812 [5:37:48<3:54:35, 18.00s/it]
|
1153 |
+
|
1154 |
+
|
1155 |
+
|
1156 |
+
|
1157 |
+
|
1158 |
+
|
1159 |
+
|
1160 |
+
|
1161 |
+
|
1162 |
+
|
1163 |
+
Training 2/3 epoch (loss 0.2675): 57%|█████▋ | 1040/1812 [5:41:46<5:03:44, 23.61s/it]
|
1164 |
+
|
1165 |
+
|
1166 |
+
|
1167 |
+
|
1168 |
+
|
1169 |
+
|
1170 |
+
|
1171 |
+
|
1172 |
+
|
1173 |
+
|
1174 |
+
Training 2/3 epoch (loss 0.5815): 58%|█████▊ | 1050/1812 [5:44:52<4:35:37, 21.70s/it]
|
1175 |
+
|
1176 |
+
|
1177 |
+
|
1178 |
+
|
1179 |
+
|
1180 |
+
|
1181 |
+
|
1182 |
+
|
1183 |
+
|
1184 |
+
|
1185 |
+
Training 2/3 epoch (loss 0.5740): 58%|█████▊ | 1060/1812 [5:48:03<4:36:02, 22.02s/it]
|
1186 |
+
|
1187 |
+
|
1188 |
+
|
1189 |
+
|
1190 |
+
|
1191 |
+
|
1192 |
+
|
1193 |
+
|
1194 |
+
|
1195 |
+
|
1196 |
+
Training 2/3 epoch (loss 0.6316): 59%|█████▉ | 1070/1812 [5:51:22<3:43:25, 18.07s/it]
|
1197 |
+
|
1198 |
+
|
1199 |
+
|
1200 |
+
|
1201 |
+
|
1202 |
+
|
1203 |
+
|
1204 |
+
|
1205 |
+
|
1206 |
+
|
1207 |
+
Training 2/3 epoch (loss 0.2885): 60%|█████▉ | 1080/1812 [5:55:03<4:33:16, 22.40s/it]
|
1208 |
+
|
1209 |
+
|
1210 |
+
|
1211 |
+
|
1212 |
+
|
1213 |
+
|
1214 |
+
|
1215 |
+
|
1216 |
+
|
1217 |
+
|
1218 |
+
Training 2/3 epoch (loss 0.1433): 60%|██████ | 1090/1812 [5:58:28<4:43:24, 23.55s/it]
|
1219 |
+
|
1220 |
+
|
1221 |
+
|
1222 |
+
|
1223 |
+
|
1224 |
+
|
1225 |
+
|
1226 |
+
|
1227 |
+
|
1228 |
+
|
1229 |
+
Training 2/3 epoch (loss 0.3425): 61%|██████ | 1100/1812 [6:01:12<3:33:53, 18.02s/it]
|
1230 |
+
|
1231 |
+
|
1232 |
+
|
1233 |
+
|
1234 |
+
|
1235 |
+
|
1236 |
+
|
1237 |
+
|
1238 |
+
|
1239 |
+
|
1240 |
+
Training 2/3 epoch (loss 0.6440): 61%|██████▏ | 1110/1812 [6:04:30<4:44:48, 24.34s/it]
|
1241 |
+
|
1242 |
+
|
1243 |
+
|
1244 |
+
|
1245 |
+
|
1246 |
+
|
1247 |
+
|
1248 |
+
|
1249 |
+
|
1250 |
+
|
1251 |
+
Training 2/3 epoch (loss 0.2386): 62%|██████▏ | 1120/1812 [6:08:43<5:12:11, 27.07s/it]
|
1252 |
+
|
1253 |
+
|
1254 |
+
|
1255 |
+
|
1256 |
+
|
1257 |
+
|
1258 |
+
|
1259 |
+
|
1260 |
+
|
1261 |
+
|
1262 |
+
Training 2/3 epoch (loss 3.3683): 62%|██████▏ | 1130/1812 [6:11:38<4:02:11, 21.31s/it]
|
1263 |
+
|
1264 |
+
|
1265 |
+
|
1266 |
+
|
1267 |
+
|
1268 |
+
|
1269 |
+
|
1270 |
+
|
1271 |
+
|
1272 |
+
|
1273 |
+
Training 2/3 epoch (loss 0.2072): 63%|██████▎ | 1140/1812 [6:14:49<3:28:31, 18.62s/it]
|
1274 |
+
|
1275 |
+
|
1276 |
+
|
1277 |
+
|
1278 |
+
|
1279 |
+
|
1280 |
+
|
1281 |
+
|
1282 |
+
|
1283 |
+
|
1284 |
+
Training 2/3 epoch (loss 0.5693): 63%|██████▎ | 1150/1812 [6:17:57<3:18:12, 17.96s/it]
|
1285 |
+
|
1286 |
+
|
1287 |
+
|
1288 |
+
|
1289 |
+
|
1290 |
+
|
1291 |
+
|
1292 |
+
|
1293 |
+
|
1294 |
+
|
1295 |
+
Training 2/3 epoch (loss 0.4388): 64%|██████▍ | 1160/1812 [6:21:06<3:27:51, 19.13s/it]
|
1296 |
+
|
1297 |
+
|
1298 |
+
|
1299 |
+
|
1300 |
+
|
1301 |
+
|
1302 |
+
|
1303 |
+
|
1304 |
+
|
1305 |
+
|
1306 |
+
Training 2/3 epoch (loss 0.3563): 65%|██████▍ | 1170/1812 [6:23:51<3:10:58, 17.85s/it]
|
1307 |
+
|
1308 |
+
|
1309 |
+
|
1310 |
+
|
1311 |
+
|
1312 |
+
|
1313 |
+
|
1314 |
+
|
1315 |
+
|
1316 |
+
|
1317 |
+
Training 2/3 epoch (loss 0.6261): 65%|██████▌ | 1180/1812 [6:27:17<3:19:06, 18.90s/it]
|
1318 |
+
|
1319 |
+
|
1320 |
+
|
1321 |
+
|
1322 |
+
|
1323 |
+
|
1324 |
+
|
1325 |
+
|
1326 |
+
|
1327 |
+
|
1328 |
+
Training 2/3 epoch (loss 1.6251): 66%|██████▌ | 1190/1812 [6:30:47<3:35:50, 20.82s/it]
|
1329 |
+
|
1330 |
+
|
1331 |
+
|
1332 |
+
|
1333 |
+
|
1334 |
+
|
1335 |
+
|
1336 |
+
|
1337 |
+
|
1338 |
+
|
1339 |
+
Training 2/3 epoch (loss 0.1191): 66%|██████▌ | 1200/1812 [6:34:03<3:45:32, 22.11s/it]
|
1340 |
+
|
1341 |
+
|
1342 |
+
|
1343 |
+
|
1344 |
+
|
1345 |
+
|
1346 |
+
|
1347 |
+
|
1348 |
+
|
1349 |
+
|
1350 |
+
Training 3/3 epoch (loss 0.4520): 67%|██████▋ | 1210/1812 [6:37:17<3:15:05, 19.44s/it]
|
1351 |
+
|
1352 |
+
|
1353 |
+
|
1354 |
+
|
1355 |
+
|
1356 |
+
|
1357 |
+
|
1358 |
+
|
1359 |
+
|
1360 |
+
|
1361 |
+
Training 3/3 epoch (loss 1.2468): 67%|██████▋ | 1220/1812 [6:39:52<2:30:07, 15.22s/it]
|
1362 |
+
|
1363 |
+
|
1364 |
+
|
1365 |
+
|
1366 |
+
|
1367 |
+
|
1368 |
+
|
1369 |
+
|
1370 |
+
|
1371 |
+
|
1372 |
+
Training 3/3 epoch (loss 0.1202): 68%|██████▊ | 1230/1812 [6:42:32<3:04:37, 19.03s/it]
|
1373 |
+
|
1374 |
+
|
1375 |
+
|
1376 |
+
|
1377 |
+
|
1378 |
+
|
1379 |
+
|
1380 |
+
|
1381 |
+
|
1382 |
+
|
1383 |
+
|
1384 |
+
Training 3/3 epoch (loss 0.3351): 68%|██████▊ | 1240/1812 [6:46:41<3:51:47, 24.31s/it]
|
1385 |
+
|
1386 |
+
|
1387 |
+
|
1388 |
+
|
1389 |
+
|
1390 |
+
|
1391 |
+
|
1392 |
+
|
1393 |
+
|
1394 |
+
|
1395 |
+
Training 3/3 epoch (loss 0.5171): 69%|██████▉ | 1250/1812 [6:49:40<2:39:53, 17.07s/it]
|
1396 |
+
|
1397 |
+
|
1398 |
+
|
1399 |
+
|
1400 |
+
|
1401 |
+
|
1402 |
+
|
1403 |
+
|
1404 |
+
|
1405 |
+
|
1406 |
+
Training 3/3 epoch (loss 0.5313): 70%|██���███▉ | 1260/1812 [6:52:50<2:52:06, 18.71s/it]
|
1407 |
+
|
1408 |
+
|
1409 |
+
|
1410 |
+
|
1411 |
+
|
1412 |
+
|
1413 |
+
|
1414 |
+
|
1415 |
+
|
1416 |
+
Training 3/3 epoch (loss 0.2009): 70%|███████ | 1269/1812 [6:56:12<3:54:14, 25.88s/it]
|
1417 |
+
|
1418 |
+
|
1419 |
+
|
1420 |
+
|
1421 |
+
|
1422 |
+
|
1423 |
+
|
1424 |
+
|
1425 |
+
|
1426 |
+
|
1427 |
+
|
1428 |
+
Training 3/3 epoch (loss 0.4251): 71%|███████ | 1280/1812 [7:00:15<2:48:56, 19.05s/it]
|
1429 |
+
|
1430 |
+
|
1431 |
+
|
1432 |
+
|
1433 |
+
|
1434 |
+
|
1435 |
+
|
1436 |
+
|
1437 |
+
|
1438 |
+
|
1439 |
+
Training 3/3 epoch (loss 0.1707): 71%|███████ | 1290/1812 [7:03:41<2:43:42, 18.82s/it]
|
1440 |
+
|
1441 |
+
|
1442 |
+
|
1443 |
+
|
1444 |
+
|
1445 |
+
|
1446 |
+
|
1447 |
+
|
1448 |
+
|
1449 |
+
|
1450 |
+
Training 3/3 epoch (loss 0.0537): 72%|███████▏ | 1300/1812 [7:07:34<3:23:22, 23.83s/it]
|
1451 |
+
|
1452 |
+
|
1453 |
+
|
1454 |
+
|
1455 |
+
|
1456 |
+
|
1457 |
+
|
1458 |
+
|
1459 |
+
|
1460 |
+
|
1461 |
+
Training 3/3 epoch (loss 1.1270): 72%|███████▏ | 1310/1812 [7:11:08<2:56:55, 21.15s/it]
|
1462 |
+
|
1463 |
+
|
1464 |
+
|
1465 |
+
|
1466 |
+
|
1467 |
+
|
1468 |
+
|
1469 |
+
|
1470 |
+
|
1471 |
+
Training 3/3 epoch (loss 0.1507): 73%|███████▎ | 1319/1812 [7:13:20<1:50:39, 13.47s/it]
|
1472 |
+
|
1473 |
+
|
1474 |
+
|
1475 |
+
|
1476 |
+
|
1477 |
+
|
1478 |
+
|
1479 |
+
|
1480 |
+
|
1481 |
+
|
1482 |
+
|
1483 |
+
Training 3/3 epoch (loss 0.1733): 73%|███████▎ | 1330/1812 [7:17:04<2:19:01, 17.31s/it]
|
1484 |
+
|
1485 |
+
|
1486 |
+
|
1487 |
+
|
1488 |
+
|
1489 |
+
|
1490 |
+
|
1491 |
+
|
1492 |
+
|
1493 |
+
|
1494 |
+
|
1495 |
+
Training 3/3 epoch (loss 0.1482): 74%|███████▍ | 1340/1812 [7:19:57<2:01:46, 15.48s/it]
|
1496 |
+
|
1497 |
+
|
1498 |
+
|
1499 |
+
|
1500 |
+
|
1501 |
+
|
1502 |
+
|
1503 |
+
|
1504 |
+
|
1505 |
+
|
1506 |
+
Training 3/3 epoch (loss 0.8841): 75%|███████▍ | 1350/1812 [7:23:27<2:34:45, 20.10s/it]
|
1507 |
+
|
1508 |
+
|
1509 |
+
|
1510 |
+
|
1511 |
+
|
1512 |
+
|
1513 |
+
|
1514 |
+
|
1515 |
+
|
1516 |
+
|
1517 |
+
Training 3/3 epoch (loss 0.4250): 75%|███████▌ | 1360/1812 [7:26:38<2:28:44, 19.75s/it]
|
1518 |
+
|
1519 |
+
|
1520 |
+
|
1521 |
+
|
1522 |
+
|
1523 |
+
|
1524 |
+
|
1525 |
+
|
1526 |
+
|
1527 |
+
|
1528 |
+
Training 3/3 epoch (loss 0.0823): 76%|███████▌ | 1370/1812 [7:30:01<2:30:00, 20.36s/it]
|
1529 |
+
|
1530 |
+
|
1531 |
+
|
1532 |
+
|
1533 |
+
|
1534 |
+
|
1535 |
+
|
1536 |
+
|
1537 |
+
|
1538 |
+
|
1539 |
+
Training 3/3 epoch (loss 0.3407): 76%|███████▌ | 1380/1812 [7:33:09<2:09:52, 18.04s/it]
|
1540 |
+
|
1541 |
+
|
1542 |
+
|
1543 |
+
|
1544 |
+
|
1545 |
+
|
1546 |
+
|
1547 |
+
|
1548 |
+
|
1549 |
+
|
1550 |
+
|
1551 |
+
Training 3/3 epoch (loss 0.2706): 77%|███████▋ | 1390/1812 [7:36:39<2:17:35, 19.56s/it]
|
1552 |
+
|
1553 |
+
|
1554 |
+
|
1555 |
+
|
1556 |
+
|
1557 |
+
|
1558 |
+
|
1559 |
+
|
1560 |
+
|
1561 |
+
|
1562 |
+
Training 3/3 epoch (loss 0.1075): 77%|███████▋ | 1400/1812 [7:39:35<2:06:39, 18.44s/it]
|
1563 |
+
|
1564 |
+
|
1565 |
+
|
1566 |
+
|
1567 |
+
|
1568 |
+
|
1569 |
+
|
1570 |
+
|
1571 |
+
|
1572 |
+
|
1573 |
+
Training 3/3 epoch (loss 0.9263): 78%|███████▊ | 1410/1812 [7:42:42<2:14:20, 20.05s/it]
|
1574 |
+
|
1575 |
+
|
1576 |
+
|
1577 |
+
|
1578 |
+
|
1579 |
+
|
1580 |
+
|
1581 |
+
|
1582 |
+
|
1583 |
+
|
1584 |
+
Training 3/3 epoch (loss 0.2819): 78%|███████▊ | 1420/1812 [7:46:02<1:50:22, 16.89s/it]
|
1585 |
+
|
1586 |
+
|
1587 |
+
|
1588 |
+
|
1589 |
+
|
1590 |
+
|
1591 |
+
|
1592 |
+
|
1593 |
+
|
1594 |
+
|
1595 |
+
Training 3/3 epoch (loss 0.1509): 79%|███████▉ | 1430/1812 [7:49:15<2:04:21, 19.53s/it]
|
1596 |
+
|
1597 |
+
|
1598 |
+
|
1599 |
+
|
1600 |
+
|
1601 |
+
|
1602 |
+
|
1603 |
+
|
1604 |
+
|
1605 |
+
|
1606 |
+
Training 3/3 epoch (loss 0.2960): 79%|███████▉ | 1440/1812 [7:52:10<1:34:26, 15.23s/it]
|
1607 |
+
|
1608 |
+
|
1609 |
+
|
1610 |
+
|
1611 |
+
|
1612 |
+
|
1613 |
+
|
1614 |
+
|
1615 |
+
|
1616 |
+
|
1617 |
+
Training 3/3 epoch (loss 0.6236): 80%|████████ | 1450/1812 [7:55:24<2:11:47, 21.84s/it]
|
1618 |
+
|
1619 |
+
|
1620 |
+
|
1621 |
+
|
1622 |
+
|
1623 |
+
|
1624 |
+
|
1625 |
+
|
1626 |
+
|
1627 |
+
|
1628 |
+
Training 3/3 epoch (loss 0.1412): 81%|████████ | 1460/1812 [7:59:24<2:35:43, 26.54s/it]
|
1629 |
+
|
1630 |
+
|
1631 |
+
|
1632 |
+
|
1633 |
+
|
1634 |
+
|
1635 |
+
|
1636 |
+
|
1637 |
+
|
1638 |
+
|
1639 |
+
Training 3/3 epoch (loss 0.4150): 81%|████████ | 1470/1812 [8:02:50<2:19:29, 24.47s/it]
|
1640 |
+
|
1641 |
+
|
1642 |
+
|
1643 |
+
|
1644 |
+
|
1645 |
+
|
1646 |
+
|
1647 |
+
|
1648 |
+
|
1649 |
+
|
1650 |
+
Training 3/3 epoch (loss 0.1795): 82%|████████▏ | 1480/1812 [8:07:09<2:29:39, 27.05s/it]
|
1651 |
+
|
1652 |
+
|
1653 |
+
|
1654 |
+
|
1655 |
+
|
1656 |
+
|
1657 |
+
|
1658 |
+
|
1659 |
+
|
1660 |
+
|
1661 |
+
Training 3/3 epoch (loss 0.1406): 82%|████████▏ | 1490/1812 [8:09:53<1:35:14, 17.75s/it]
|
1662 |
+
|
1663 |
+
|
1664 |
+
|
1665 |
+
|
1666 |
+
|
1667 |
+
|
1668 |
+
|
1669 |
+
|
1670 |
+
|
1671 |
+
|
1672 |
+
Training 3/3 epoch (loss 0.0995): 83%|████████▎ | 1500/1812 [8:13:09<1:37:02, 18.66s/it]
|
1673 |
+
|
1674 |
+
|
1675 |
+
|
1676 |
+
|
1677 |
+
|
1678 |
+
|
1679 |
+
|
1680 |
+
|
1681 |
+
|
1682 |
+
|
1683 |
+
Training 3/3 epoch (loss 0.0809): 83%|████████▎ | 1510/1812 [8:16:18<1:34:23, 18.75s/it]
|
1684 |
+
|
1685 |
+
|
1686 |
+
|
1687 |
+
|
1688 |
+
|
1689 |
+
|
1690 |
+
|
1691 |
+
|
1692 |
+
|
1693 |
+
|
1694 |
+
|
1695 |
+
Training 3/3 epoch (loss 0.7454): 84%|████████▍ | 1520/1812 [8:19:01<1:22:08, 16.88s/it]
|
1696 |
+
|
1697 |
+
|
1698 |
+
|
1699 |
+
|
1700 |
+
|
1701 |
+
|
1702 |
+
|
1703 |
+
|
1704 |
+
|
1705 |
+
|
1706 |
+
Training 3/3 epoch (loss 0.1526): 84%|████████▍ | 1530/1812 [8:21:49<1:33:03, 19.80s/it]
|
1707 |
+
|
1708 |
+
|
1709 |
+
|
1710 |
+
|
1711 |
+
|
1712 |
+
|
1713 |
+
|
1714 |
+
|
1715 |
+
|
1716 |
+
|
1717 |
+
Training 3/3 epoch (loss 0.4201): 85%|████████▍ | 1540/1812 [8:24:36<1:11:43, 15.82s/it]
|
1718 |
+
|
1719 |
+
|
1720 |
+
|
1721 |
+
|
1722 |
+
|
1723 |
+
|
1724 |
+
|
1725 |
+
|
1726 |
+
|
1727 |
+
|
1728 |
+
Training 3/3 epoch (loss 0.1581): 86%|████████▌ | 1550/1812 [8:28:03<1:49:36, 25.10s/it]
|
1729 |
+
|
1730 |
+
|
1731 |
+
|
1732 |
+
|
1733 |
+
|
1734 |
+
|
1735 |
+
|
1736 |
+
|
1737 |
+
|
1738 |
+
|
1739 |
+
|
1740 |
+
Training 3/3 epoch (loss 0.2343): 86%|████████▌ | 1560/1812 [8:31:10<1:23:34, 19.90s/it]
|
1741 |
+
|
1742 |
+
|
1743 |
+
|
1744 |
+
|
1745 |
+
|
1746 |
+
|
1747 |
+
|
1748 |
+
|
1749 |
+
|
1750 |
+
|
1751 |
+
Training 3/3 epoch (loss 0.3496): 87%|████████▋ | 1570/1812 [8:34:36<1:13:02, 18.11s/it]
|
1752 |
+
|
1753 |
+
|
1754 |
+
|
1755 |
+
|
1756 |
+
|
1757 |
+
|
1758 |
+
|
1759 |
+
|
1760 |
+
|
1761 |
+
|
1762 |
+
|
1763 |
+
Training 3/3 epoch (loss 0.2333): 87%|████████▋ | 1580/1812 [8:37:54<1:19:15, 20.50s/it]
|
1764 |
+
|
1765 |
+
|
1766 |
+
|
1767 |
+
|
1768 |
+
|
1769 |
+
|
1770 |
+
|
1771 |
+
|
1772 |
+
|
1773 |
+
|
1774 |
+
Training 3/3 epoch (loss 0.0774): 88%|████████▊ | 1590/1812 [8:41:14<1:10:06, 18.95s/it]
|
1775 |
+
|
1776 |
+
|
1777 |
+
|
1778 |
+
|
1779 |
+
|
1780 |
+
|
1781 |
+
|
1782 |
+
|
1783 |
+
|
1784 |
+
|
1785 |
+
Training 3/3 epoch (loss 0.7136): 88%|████████▊ | 1600/1812 [8:44:06<1:08:22, 19.35s/it]
|
1786 |
+
|
1787 |
+
|
1788 |
+
|
1789 |
+
|
1790 |
+
|
1791 |
+
|
1792 |
+
|
1793 |
+
|
1794 |
+
|
1795 |
+
|
1796 |
+
|
1797 |
+
Training 3/3 epoch (loss 0.1794): 89%|████████▉ | 1610/1812 [8:47:52<1:24:00, 24.95s/it]
|
1798 |
+
|
1799 |
+
|
1800 |
+
|
1801 |
+
|
1802 |
+
|
1803 |
+
|
1804 |
+
|
1805 |
+
|
1806 |
+
|
1807 |
+
|
1808 |
+
Training 3/3 epoch (loss 0.0726): 89%|████████▉ | 1620/1812 [8:51:42<1:08:22, 21.36s/it]
|
1809 |
+
|
1810 |
+
|
1811 |
+
|
1812 |
+
|
1813 |
+
|
1814 |
+
|
1815 |
+
|
1816 |
+
|
1817 |
+
|
1818 |
+
|
1819 |
+
Training 3/3 epoch (loss 0.1578): 90%|████████▉ | 1630/1812 [8:54:42<1:08:44, 22.66s/it]
|
1820 |
+
|
1821 |
+
|
1822 |
+
|
1823 |
+
|
1824 |
+
|
1825 |
+
|
1826 |
+
|
1827 |
+
|
1828 |
+
|
1829 |
+
Training 3/3 epoch (loss 0.0878): 90%|█████████ | 1639/1812 [8:57:47<56:50, 19.71s/it]
|
1830 |
+
|
1831 |
+
|
1832 |
+
|
1833 |
+
|
1834 |
+
|
1835 |
+
|
1836 |
+
|
1837 |
+
|
1838 |
+
|
1839 |
+
|
1840 |
+
|
1841 |
+
Training 3/3 epoch (loss 0.3154): 91%|█████████ | 1650/1812 [9:01:39<53:37, 19.86s/it]
|
1842 |
+
|
1843 |
+
|
1844 |
+
|
1845 |
+
|
1846 |
+
|
1847 |
+
|
1848 |
+
|
1849 |
+
|
1850 |
+
|
1851 |
+
|
1852 |
+
Training 3/3 epoch (loss 0.0431): 92%|███��█████▏| 1660/1812 [9:04:45<47:04, 18.58s/it]
|
1853 |
+
|
1854 |
+
|
1855 |
+
|
1856 |
+
|
1857 |
+
|
1858 |
+
|
1859 |
+
|
1860 |
+
|
1861 |
+
|
1862 |
+
|
1863 |
+
Training 3/3 epoch (loss 0.2098): 92%|█████████▏| 1670/1812 [9:08:21<50:39, 21.40s/it]
|
1864 |
+
|
1865 |
+
|
1866 |
+
|
1867 |
+
|
1868 |
+
|
1869 |
+
|
1870 |
+
|
1871 |
+
|
1872 |
+
|
1873 |
+
|
1874 |
+
Training 3/3 epoch (loss 0.1670): 93%|█████████▎| 1680/1812 [9:11:52<46:14, 21.02s/it]
|
1875 |
+
|
1876 |
+
|
1877 |
+
|
1878 |
+
|
1879 |
+
|
1880 |
+
|
1881 |
+
|
1882 |
+
|
1883 |
+
|
1884 |
+
|
1885 |
+
Training 3/3 epoch (loss 0.2508): 93%|█████████▎| 1690/1812 [9:14:59<36:51, 18.13s/it]
|
1886 |
+
|
1887 |
+
|
1888 |
+
|
1889 |
+
|
1890 |
+
|
1891 |
+
|
1892 |
+
|
1893 |
+
|
1894 |
+
|
1895 |
+
|
1896 |
+
Training 3/3 epoch (loss 0.2887): 94%|█████████▍| 1700/1812 [9:18:09<30:03, 16.10s/it]
|
1897 |
+
|
1898 |
+
|
1899 |
+
|
1900 |
+
|
1901 |
+
|
1902 |
+
|
1903 |
+
|
1904 |
+
|
1905 |
+
|
1906 |
+
|
1907 |
+
Training 3/3 epoch (loss 0.0991): 94%|█████████▍| 1710/1812 [9:21:02<30:54, 18.18s/it]
|
1908 |
+
|
1909 |
+
|
1910 |
+
|
1911 |
+
|
1912 |
+
|
1913 |
+
|
1914 |
+
|
1915 |
+
|
1916 |
+
|
1917 |
+
|
1918 |
+
Training 3/3 epoch (loss 0.0438): 95%|█████████▍| 1720/1812 [9:25:09<35:44, 23.31s/it]
|
1919 |
+
|
1920 |
+
|
1921 |
+
|
1922 |
+
|
1923 |
+
|
1924 |
+
|
1925 |
+
|
1926 |
+
|
1927 |
+
|
1928 |
+
|
1929 |
+
Training 3/3 epoch (loss 0.0824): 95%|█████████▌| 1730/1812 [9:28:26<24:32, 17.96s/it]
|
1930 |
+
|
1931 |
+
|
1932 |
+
|
1933 |
+
|
1934 |
+
|
1935 |
+
|
1936 |
+
|
1937 |
+
|
1938 |
+
|
1939 |
+
|
1940 |
+
Training 3/3 epoch (loss 0.0850): 96%|█████████▌| 1740/1812 [9:31:48<24:37, 20.52s/it]
|
1941 |
+
|
1942 |
+
|
1943 |
+
|
1944 |
+
|
1945 |
+
|
1946 |
+
|
1947 |
+
|
1948 |
+
|
1949 |
+
|
1950 |
+
|
1951 |
+
|
1952 |
+
Training 3/3 epoch (loss 0.0191): 97%|█████████▋| 1750/1812 [9:34:53<19:15, 18.63s/it]
|
1953 |
+
|
1954 |
+
|
1955 |
+
|
1956 |
+
|
1957 |
+
|
1958 |
+
|
1959 |
+
|
1960 |
+
|
1961 |
+
|
1962 |
+
|
1963 |
+
Training 3/3 epoch (loss 0.4226): 97%|█████████▋| 1760/1812 [9:38:05<17:47, 20.52s/it]
|
1964 |
+
|
1965 |
+
|
1966 |
+
|
1967 |
+
|
1968 |
+
|
1969 |
+
|
1970 |
+
|
1971 |
+
|
1972 |
+
|
1973 |
+
|
1974 |
+
Training 3/3 epoch (loss 0.1399): 98%|█████████▊| 1770/1812 [9:40:31<08:16, 11.83s/it]
|
1975 |
+
|
1976 |
+
|
1977 |
+
|
1978 |
+
|
1979 |
+
|
1980 |
+
|
1981 |
+
|
1982 |
+
|
1983 |
+
|
1984 |
+
|
1985 |
+
Training 3/3 epoch (loss 0.1972): 98%|█████████▊| 1780/1812 [9:44:17<10:57, 20.55s/it]
|
1986 |
+
|
1987 |
+
|
1988 |
+
|
1989 |
+
|
1990 |
+
|
1991 |
+
|
1992 |
+
|
1993 |
+
|
1994 |
+
|
1995 |
+
|
1996 |
+
|
1997 |
+
Training 3/3 epoch (loss 0.2154): 99%|█████████▉| 1790/1812 [9:47:45<07:39, 20.88s/it]
|
1998 |
+
|
1999 |
+
|
2000 |
+
|
2001 |
+
|
2002 |
+
|
2003 |
+
|
2004 |
+
|
2005 |
+
|
2006 |
+
|
2007 |
+
|
2008 |
+
Training 3/3 epoch (loss 0.1399): 99%|█████████▉| 1800/1812 [9:50:39<03:33, 17.83s/it]
|
2009 |
+
|
2010 |
+
|
2011 |
+
|
2012 |
+
|
2013 |
+
|
2014 |
+
|
2015 |
+
|
2016 |
+
|
2017 |
+
|
2018 |
+
|
2019 |
+
|
2020 |
+
Training 3/3 epoch (loss 0.1139): 100%|█████████▉| 1810/1812 [9:54:08<00:35, 17.66s/it]
|
2021 |
+
|
2022 |
+
|
2023 |
+
Training 3/3 epoch (loss 0.0352): 100%|██████████| 1812/1812 [9:54:45<00:00, 19.69s/it]
|
2024 |
+
Saving model to "../outputs/dpo_tiv2t_10k_baseline" ...
|
2025 |
+
Saving 16-bit model...
|
2026 |
+
[2024-09-22 16:28:28,884] [INFO] [logging.py:96:log_dist] [Rank 0] [Torch] Checkpoint global_step1812 is about to be saved!
|
2027 |
+
[2024-09-22 16:28:28,885] [INFO] [engine.py:3591:save_16bit_model] Saving model weights to ../outputs/dpo_tiv2t_10k_baseline/pytorch_model.bin, tag: global_step1812
|
2028 |
+
[2024-09-22 16:28:28,885] [INFO] [torch_checkpoint_engine.py:21:save] [Torch] Saving ../outputs/dpo_tiv2t_10k_baseline/pytorch_model.bin...
|
2029 |
+
[2024-09-22 16:28:43,063] [INFO] [torch_checkpoint_engine.py:23:save] [Torch] Saved ../outputs/dpo_tiv2t_10k_baseline/pytorch_model.bin.
|
2030 |
+
[2024-09-22 16:28:43,063] [INFO] [torch_checkpoint_engine.py:33:commit] [Torch] Checkpoint global_step1812 is ready now!
|
2031 |
+
Model saved!
|
2032 |
+
Saving 16-bit model...
|
2033 |
+
[2024-09-22 16:28:51,576] [INFO] [logging.py:96:log_dist] [Rank 0] [Torch] Checkpoint global_step1812 is about to be saved!
|
2034 |
+
[2024-09-22 16:28:51,577] [INFO] [engine.py:3591:save_16bit_model] Saving model weights to ../outputs/dpo_tiv2t_10k_baseline/pytorch_model.bin, tag: global_step1812
|
2035 |
+
[2024-09-22 16:28:51,577] [INFO] [torch_checkpoint_engine.py:21:save] [Torch] Saving ../outputs/dpo_tiv2t_10k_baseline/pytorch_model.bin...
|
2036 |
+
[2024-09-22 16:29:07,128] [INFO] [torch_checkpoint_engine.py:23:save] [Torch] Saved ../outputs/dpo_tiv2t_10k_baseline/pytorch_model.bin.
|
2037 |
+
[2024-09-22 16:29:07,128] [INFO] [torch_checkpoint_engine.py:33:commit] [Torch] Checkpoint global_step1812 is ready now!
|
2038 |
+
Model saved!
|
wandb/run-20240922_063327-rptdqsqq/files/requirements.txt
ADDED
@@ -0,0 +1,325 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
Brotli==1.1.0
|
2 |
+
GitPython==3.1.43
|
3 |
+
Jinja2==3.1.4
|
4 |
+
Markdown==3.6
|
5 |
+
MarkupSafe==2.1.5
|
6 |
+
PySocks==1.7.1
|
7 |
+
PyYAML==6.0.1
|
8 |
+
Pygments==2.18.0
|
9 |
+
Werkzeug==3.0.3
|
10 |
+
about-time==4.2.1
|
11 |
+
absl-py==2.1.0
|
12 |
+
accelerate==0.34.0
|
13 |
+
aiofiles==23.2.1
|
14 |
+
aiohttp-retry==2.8.3
|
15 |
+
aiohttp==3.9.5
|
16 |
+
aiosignal==1.3.1
|
17 |
+
align-anything==0.0.1.dev0
|
18 |
+
align-anything==0.0.1.dev0
|
19 |
+
alive-progress==3.1.5
|
20 |
+
amqp==5.2.0
|
21 |
+
annotated-types==0.7.0
|
22 |
+
antlr4-python3-runtime==4.9.3
|
23 |
+
anyio==4.4.0
|
24 |
+
appdirs==1.4.4
|
25 |
+
asttokens==2.4.1
|
26 |
+
asyncssh==2.16.0
|
27 |
+
atpublic==5.0
|
28 |
+
attrs==23.2.0
|
29 |
+
audioread==3.0.1
|
30 |
+
autocommand==2.2.2
|
31 |
+
backoff==2.2.1
|
32 |
+
backports.tarfile==1.2.0
|
33 |
+
billiard==4.2.0
|
34 |
+
boto3==1.35.9
|
35 |
+
botocore==1.35.9
|
36 |
+
cachetools==5.4.0
|
37 |
+
celery==5.4.0
|
38 |
+
certifi==2024.7.4
|
39 |
+
cffi==1.16.0
|
40 |
+
cfgv==3.4.0
|
41 |
+
charset-normalizer==3.3.2
|
42 |
+
click-didyoumean==0.3.1
|
43 |
+
click-plugins==1.1.1
|
44 |
+
click-repl==0.3.0
|
45 |
+
click==8.1.7
|
46 |
+
cloudpickle==3.0.0
|
47 |
+
cmake==3.30.1
|
48 |
+
colorama==0.4.6
|
49 |
+
comm==0.2.2
|
50 |
+
commonmark==0.9.1
|
51 |
+
configobj==5.0.8
|
52 |
+
contourpy==1.2.1
|
53 |
+
cryptography==43.0.0
|
54 |
+
cycler==0.12.1
|
55 |
+
dacite==1.6.0
|
56 |
+
dagshub-annotation-converter==0.1.0
|
57 |
+
dagshub==0.3.35
|
58 |
+
dataclasses-json==0.6.7
|
59 |
+
datasets==2.20.0
|
60 |
+
debugpy==1.8.2
|
61 |
+
decorator==4.4.2
|
62 |
+
deepspeed==0.14.4
|
63 |
+
dictdiffer==0.9.0
|
64 |
+
diffusers==0.29.2
|
65 |
+
dill==0.3.8
|
66 |
+
diskcache==5.6.3
|
67 |
+
distlib==0.3.8
|
68 |
+
distro==1.9.0
|
69 |
+
dnspython==2.6.1
|
70 |
+
docker-pycreds==0.4.0
|
71 |
+
docstring_parser==0.16
|
72 |
+
dpath==2.2.0
|
73 |
+
dulwich==0.22.1
|
74 |
+
dvc-data==3.16.5
|
75 |
+
dvc-http==2.32.0
|
76 |
+
dvc-objects==5.1.0
|
77 |
+
dvc-render==1.0.2
|
78 |
+
dvc-studio-client==0.21.0
|
79 |
+
dvc-task==0.4.0
|
80 |
+
dvc==3.55.1
|
81 |
+
einops==0.8.0
|
82 |
+
email_validator==2.2.0
|
83 |
+
entrypoints==0.4
|
84 |
+
exceptiongroup==1.2.2
|
85 |
+
executing==2.0.1
|
86 |
+
fastapi-cli==0.0.4
|
87 |
+
fastapi==0.111.1
|
88 |
+
ffmpy==0.3.3
|
89 |
+
filelock==3.15.4
|
90 |
+
fire==0.6.0
|
91 |
+
flatten-dict==0.4.2
|
92 |
+
flufl.lock==8.1.0
|
93 |
+
fonttools==4.53.1
|
94 |
+
frozenlist==1.4.1
|
95 |
+
fsspec==2024.5.0
|
96 |
+
funcy==2.0
|
97 |
+
fusepy==3.0.1
|
98 |
+
gitdb==4.0.11
|
99 |
+
gmpy2==2.1.5
|
100 |
+
gql==3.5.0
|
101 |
+
gradio==4.39.0
|
102 |
+
gradio_client==1.1.1
|
103 |
+
gradio_multimodalchatbot==0.0.1
|
104 |
+
grandalf==0.8
|
105 |
+
grapheme==0.6.0
|
106 |
+
graphql-core==3.2.3
|
107 |
+
grpcio==1.65.1
|
108 |
+
gto==1.7.1
|
109 |
+
h11==0.14.0
|
110 |
+
h2==4.1.0
|
111 |
+
hjson==3.1.0
|
112 |
+
hpack==4.0.0
|
113 |
+
httpcore==1.0.5
|
114 |
+
httptools==0.6.1
|
115 |
+
httpx==0.27.2
|
116 |
+
huggingface-hub==0.24.3
|
117 |
+
hydra-core==1.3.2
|
118 |
+
hyperframe==6.0.1
|
119 |
+
identify==2.6.0
|
120 |
+
idna==3.7
|
121 |
+
imageio-ffmpeg==0.5.1
|
122 |
+
imageio==2.35.1
|
123 |
+
importlib_metadata==8.0.0
|
124 |
+
importlib_metadata==8.2.0
|
125 |
+
importlib_resources==6.4.0
|
126 |
+
importlib_resources==6.4.0
|
127 |
+
inflect==7.3.1
|
128 |
+
iniconfig==2.0.0
|
129 |
+
interegular==0.3.3
|
130 |
+
ipykernel==6.29.5
|
131 |
+
ipython==8.26.0
|
132 |
+
iterative-telemetry==0.0.8
|
133 |
+
jaraco.context==5.3.0
|
134 |
+
jaraco.functools==4.0.1
|
135 |
+
jaraco.text==3.12.1
|
136 |
+
jedi==0.19.1
|
137 |
+
jmespath==1.0.1
|
138 |
+
joblib==1.4.2
|
139 |
+
jsonschema-specifications==2023.12.1
|
140 |
+
jsonschema==4.23.0
|
141 |
+
jupyter_client==8.6.2
|
142 |
+
jupyter_core==5.7.2
|
143 |
+
kiwisolver==1.4.5
|
144 |
+
kombu==5.4.0
|
145 |
+
lark==1.1.9
|
146 |
+
lazy_loader==0.4
|
147 |
+
librosa==0.10.2.post1
|
148 |
+
llamafactory==0.8.4.dev0
|
149 |
+
llamafactory==0.8.4.dev0
|
150 |
+
llvmlite==0.43.0
|
151 |
+
lm-format-enforcer==0.10.3
|
152 |
+
lxml==5.3.0
|
153 |
+
markdown-it-py==3.0.0
|
154 |
+
marshmallow==3.22.0
|
155 |
+
matplotlib-inline==0.1.7
|
156 |
+
matplotlib==3.9.1
|
157 |
+
mdurl==0.1.2
|
158 |
+
mmsg==0.1.dev14+gbd2b056.d20240803
|
159 |
+
more-itertools==10.3.0
|
160 |
+
moviepy==1.0.3
|
161 |
+
mpi4py==4.0.0
|
162 |
+
mpmath==1.3.0
|
163 |
+
msgpack==1.0.8
|
164 |
+
multidict==6.0.5
|
165 |
+
multiprocess==0.70.16
|
166 |
+
mypy-extensions==1.0.0
|
167 |
+
nest_asyncio==1.6.0
|
168 |
+
networkx==3.3
|
169 |
+
ninja==1.11.1.1
|
170 |
+
nodeenv==1.9.1
|
171 |
+
numba==0.60.0
|
172 |
+
numpy==1.26.4
|
173 |
+
nvidia-cublas-cu12==12.1.3.1
|
174 |
+
nvidia-cuda-cupti-cu12==12.1.105
|
175 |
+
nvidia-cuda-nvrtc-cu12==12.1.105
|
176 |
+
nvidia-cuda-runtime-cu12==12.1.105
|
177 |
+
nvidia-cudnn-cu12==8.9.2.26
|
178 |
+
nvidia-cufft-cu12==11.0.2.54
|
179 |
+
nvidia-curand-cu12==10.3.2.106
|
180 |
+
nvidia-cusolver-cu12==11.4.5.107
|
181 |
+
nvidia-cusparse-cu12==12.1.0.106
|
182 |
+
nvidia-ml-py==12.535.161
|
183 |
+
nvidia-nccl-cu12==2.20.5
|
184 |
+
nvidia-nvjitlink-cu12==12.5.82
|
185 |
+
nvidia-nvtx-cu12==12.1.105
|
186 |
+
nvitop==1.3.2
|
187 |
+
omegaconf==2.3.0
|
188 |
+
openai==1.37.1
|
189 |
+
optree==0.12.1
|
190 |
+
ordered-set==4.1.0
|
191 |
+
orjson==3.10.6
|
192 |
+
outlines==0.0.47.dev37+g26e2934
|
193 |
+
packaging==24.1
|
194 |
+
packaging==24.1
|
195 |
+
pandas==2.2.2
|
196 |
+
parso==0.8.4
|
197 |
+
pathspec==0.12.1
|
198 |
+
pathvalidate==3.0.0
|
199 |
+
peft==0.12.0
|
200 |
+
pexpect==4.9.0
|
201 |
+
pickleshare==0.7.5
|
202 |
+
pillow==10.4.0
|
203 |
+
pip==24.0
|
204 |
+
platformdirs==3.11.0
|
205 |
+
platformdirs==4.2.2
|
206 |
+
pluggy==1.5.0
|
207 |
+
pooch==1.8.2
|
208 |
+
pre-commit==3.8.0
|
209 |
+
proglog==0.1.10
|
210 |
+
prometheus-fastapi-instrumentator==7.0.0
|
211 |
+
prometheus_client==0.20.0
|
212 |
+
prompt_toolkit==3.0.47
|
213 |
+
protobuf==4.25.4
|
214 |
+
psutil==6.0.0
|
215 |
+
ptyprocess==0.7.0
|
216 |
+
pure_eval==0.2.3
|
217 |
+
py-cpuinfo==9.0.0
|
218 |
+
pyairports==2.1.1
|
219 |
+
pyarrow-hotfix==0.6
|
220 |
+
pyarrow==17.0.0
|
221 |
+
pyav==13.0.0
|
222 |
+
pycountry==24.6.1
|
223 |
+
pycparser==2.22
|
224 |
+
pydantic==2.8.2
|
225 |
+
pydantic_core==2.20.1
|
226 |
+
pydot==3.0.1
|
227 |
+
pydub==0.25.1
|
228 |
+
pygit2==1.15.1
|
229 |
+
pygtrie==2.5.0
|
230 |
+
pyparsing==3.1.2
|
231 |
+
pytest==8.3.2
|
232 |
+
python-dateutil==2.9.0
|
233 |
+
python-dateutil==2.9.0.post0
|
234 |
+
python-dotenv==1.0.1
|
235 |
+
python-multipart==0.0.9
|
236 |
+
pytz==2024.1
|
237 |
+
pyzmq==26.0.3
|
238 |
+
ranger-fm==1.9.3
|
239 |
+
ray==2.34.0
|
240 |
+
referencing==0.35.1
|
241 |
+
regex==2024.7.24
|
242 |
+
requests-toolbelt==1.0.0
|
243 |
+
requests==2.32.3
|
244 |
+
rfc3986==1.5.0
|
245 |
+
rich==13.1.0
|
246 |
+
rpds-py==0.19.1
|
247 |
+
ruamel.yaml.clib==0.2.8
|
248 |
+
ruamel.yaml==0.18.6
|
249 |
+
ruff==0.5.5
|
250 |
+
s3transfer==0.10.2
|
251 |
+
safetensors==0.4.3
|
252 |
+
scikit-learn==1.5.1
|
253 |
+
scipy==1.14.0
|
254 |
+
scmrepo==3.3.7
|
255 |
+
semantic-version==2.10.0
|
256 |
+
semver==3.0.2
|
257 |
+
sentencepiece==0.2.0
|
258 |
+
sentry-sdk==2.11.0
|
259 |
+
setproctitle==1.3.3
|
260 |
+
setuptools==71.0.4
|
261 |
+
shellingham==1.5.4
|
262 |
+
shortuuid==1.0.13
|
263 |
+
shtab==1.7.1
|
264 |
+
six==1.16.0
|
265 |
+
smmap==5.0.1
|
266 |
+
sniffio==1.3.1
|
267 |
+
soundfile==0.12.1
|
268 |
+
soxr==0.4.0
|
269 |
+
sqltrie==0.11.1
|
270 |
+
sse-starlette==2.1.3
|
271 |
+
stack-data==0.6.2
|
272 |
+
starlette==0.37.2
|
273 |
+
sympy==1.13.0
|
274 |
+
tabulate==0.9.0
|
275 |
+
tenacity==8.2.3
|
276 |
+
tensorboard-data-server==0.7.2
|
277 |
+
tensorboard==2.17.0
|
278 |
+
term-image==0.7.2
|
279 |
+
termcolor==2.4.0
|
280 |
+
threadpoolctl==3.5.0
|
281 |
+
tiktoken==0.7.0
|
282 |
+
tokenizers==0.19.1
|
283 |
+
tomli==2.0.1
|
284 |
+
tomlkit==0.12.0
|
285 |
+
torch==2.3.1
|
286 |
+
torch==2.4.0
|
287 |
+
torchaudio==2.4.0
|
288 |
+
torchvision==0.18.1
|
289 |
+
torchvision==0.19.0
|
290 |
+
tornado==6.4.1
|
291 |
+
tqdm==4.66.4
|
292 |
+
traitlets==5.14.3
|
293 |
+
transformers==4.45.0.dev0
|
294 |
+
treelib==1.6.4
|
295 |
+
triton==2.3.1
|
296 |
+
triton==3.0.0
|
297 |
+
trl==0.9.6
|
298 |
+
typeguard==4.3.0
|
299 |
+
typer==0.12.3
|
300 |
+
typing-inspect==0.9.0
|
301 |
+
typing_extensions==4.12.2
|
302 |
+
typing_extensions==4.12.2
|
303 |
+
tyro==0.8.10
|
304 |
+
tzdata==2024.1
|
305 |
+
urllib3==2.2.2
|
306 |
+
uvicorn==0.30.3
|
307 |
+
uvloop==0.19.0
|
308 |
+
vine==5.1.0
|
309 |
+
virtualenv==20.26.3
|
310 |
+
vllm-flash-attn==2.5.9.post1
|
311 |
+
vllm==0.5.3.post1
|
312 |
+
voluptuous==0.15.2
|
313 |
+
wandb==0.17.5
|
314 |
+
watchfiles==0.22.0
|
315 |
+
wcwidth==0.2.13
|
316 |
+
websockets==11.0.3
|
317 |
+
wheel==0.43.0
|
318 |
+
wheel==0.43.0
|
319 |
+
xformers==0.0.27
|
320 |
+
xxhash==3.4.1
|
321 |
+
yarl==1.9.4
|
322 |
+
zc.lockfile==3.0.post1
|
323 |
+
zipp==3.19.2
|
324 |
+
zipp==3.19.2
|
325 |
+
zstandard==0.23.0
|
wandb/run-20240922_063327-rptdqsqq/files/wandb-metadata.json
ADDED
@@ -0,0 +1,1215 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"os": "Linux-5.15.0-1040-nvidia-x86_64-with-glibc2.35",
|
3 |
+
"python": "3.11.9",
|
4 |
+
"heartbeatAt": "2024-09-21T22:33:28.392138",
|
5 |
+
"startedAt": "2024-09-21T22:33:27.553001",
|
6 |
+
"docker": null,
|
7 |
+
"cuda": null,
|
8 |
+
"args": [
|
9 |
+
"--local_rank=0",
|
10 |
+
"--model_name_or_path",
|
11 |
+
"/aifs4su/yaodong/models/Qwen2-VL-7B-Instruct",
|
12 |
+
"--train_datasets",
|
13 |
+
"/aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted",
|
14 |
+
"--output_dir",
|
15 |
+
"../outputs/dpo_tiv2t_10k_baseline",
|
16 |
+
"--train_data_files",
|
17 |
+
"extracted_preference_10k_washed.json",
|
18 |
+
"--train_template",
|
19 |
+
"NExTQA_preference",
|
20 |
+
"--train_split",
|
21 |
+
"train",
|
22 |
+
"--per_device_train_batch_size",
|
23 |
+
"1",
|
24 |
+
"--per_device_eval_batch_size",
|
25 |
+
"1",
|
26 |
+
"--gradient_accumulation_steps",
|
27 |
+
"1"
|
28 |
+
],
|
29 |
+
"state": "running",
|
30 |
+
"program": "-m align_anything.trainers.tiv_to_t.dpo",
|
31 |
+
"codePathLocal": null,
|
32 |
+
"git": {
|
33 |
+
"remote": "[email protected]:htlou/align-anything.git",
|
34 |
+
"commit": "9eff99b0ee34f7265b8a2e1824650634c898f654"
|
35 |
+
},
|
36 |
+
"email": "[email protected]",
|
37 |
+
"root": "/aifs4su/yaodong/projects/hantao/dev_cham/align-anything",
|
38 |
+
"host": "dgx-081",
|
39 |
+
"username": "yangyaodong",
|
40 |
+
"executable": "/aifs4su/yaodong/miniconda3/envs/hantao_tiv/bin/python3.11",
|
41 |
+
"cpu_count": 112,
|
42 |
+
"cpu_count_logical": 224,
|
43 |
+
"cpu_freq": {
|
44 |
+
"current": 2064.275857142857,
|
45 |
+
"min": 800.0,
|
46 |
+
"max": 3800.0
|
47 |
+
},
|
48 |
+
"cpu_freq_per_core": [
|
49 |
+
{
|
50 |
+
"current": 2000.0,
|
51 |
+
"min": 800.0,
|
52 |
+
"max": 3800.0
|
53 |
+
},
|
54 |
+
{
|
55 |
+
"current": 2000.0,
|
56 |
+
"min": 800.0,
|
57 |
+
"max": 3800.0
|
58 |
+
},
|
59 |
+
{
|
60 |
+
"current": 3799.998,
|
61 |
+
"min": 800.0,
|
62 |
+
"max": 3800.0
|
63 |
+
},
|
64 |
+
{
|
65 |
+
"current": 2000.0,
|
66 |
+
"min": 800.0,
|
67 |
+
"max": 3800.0
|
68 |
+
},
|
69 |
+
{
|
70 |
+
"current": 2000.0,
|
71 |
+
"min": 800.0,
|
72 |
+
"max": 3800.0
|
73 |
+
},
|
74 |
+
{
|
75 |
+
"current": 3799.998,
|
76 |
+
"min": 800.0,
|
77 |
+
"max": 3800.0
|
78 |
+
},
|
79 |
+
{
|
80 |
+
"current": 2000.0,
|
81 |
+
"min": 800.0,
|
82 |
+
"max": 3800.0
|
83 |
+
},
|
84 |
+
{
|
85 |
+
"current": 2000.0,
|
86 |
+
"min": 800.0,
|
87 |
+
"max": 3800.0
|
88 |
+
},
|
89 |
+
{
|
90 |
+
"current": 2000.0,
|
91 |
+
"min": 800.0,
|
92 |
+
"max": 3800.0
|
93 |
+
},
|
94 |
+
{
|
95 |
+
"current": 2000.0,
|
96 |
+
"min": 800.0,
|
97 |
+
"max": 3800.0
|
98 |
+
},
|
99 |
+
{
|
100 |
+
"current": 2000.0,
|
101 |
+
"min": 800.0,
|
102 |
+
"max": 3800.0
|
103 |
+
},
|
104 |
+
{
|
105 |
+
"current": 2000.0,
|
106 |
+
"min": 800.0,
|
107 |
+
"max": 3800.0
|
108 |
+
},
|
109 |
+
{
|
110 |
+
"current": 2000.0,
|
111 |
+
"min": 800.0,
|
112 |
+
"max": 3800.0
|
113 |
+
},
|
114 |
+
{
|
115 |
+
"current": 2000.0,
|
116 |
+
"min": 800.0,
|
117 |
+
"max": 3800.0
|
118 |
+
},
|
119 |
+
{
|
120 |
+
"current": 2000.0,
|
121 |
+
"min": 800.0,
|
122 |
+
"max": 3800.0
|
123 |
+
},
|
124 |
+
{
|
125 |
+
"current": 2000.0,
|
126 |
+
"min": 800.0,
|
127 |
+
"max": 3800.0
|
128 |
+
},
|
129 |
+
{
|
130 |
+
"current": 2000.0,
|
131 |
+
"min": 800.0,
|
132 |
+
"max": 3800.0
|
133 |
+
},
|
134 |
+
{
|
135 |
+
"current": 2000.0,
|
136 |
+
"min": 800.0,
|
137 |
+
"max": 3800.0
|
138 |
+
},
|
139 |
+
{
|
140 |
+
"current": 2000.0,
|
141 |
+
"min": 800.0,
|
142 |
+
"max": 3800.0
|
143 |
+
},
|
144 |
+
{
|
145 |
+
"current": 2000.0,
|
146 |
+
"min": 800.0,
|
147 |
+
"max": 3800.0
|
148 |
+
},
|
149 |
+
{
|
150 |
+
"current": 2000.0,
|
151 |
+
"min": 800.0,
|
152 |
+
"max": 3800.0
|
153 |
+
},
|
154 |
+
{
|
155 |
+
"current": 2000.0,
|
156 |
+
"min": 800.0,
|
157 |
+
"max": 3800.0
|
158 |
+
},
|
159 |
+
{
|
160 |
+
"current": 2000.0,
|
161 |
+
"min": 800.0,
|
162 |
+
"max": 3800.0
|
163 |
+
},
|
164 |
+
{
|
165 |
+
"current": 2000.0,
|
166 |
+
"min": 800.0,
|
167 |
+
"max": 3800.0
|
168 |
+
},
|
169 |
+
{
|
170 |
+
"current": 2000.0,
|
171 |
+
"min": 800.0,
|
172 |
+
"max": 3800.0
|
173 |
+
},
|
174 |
+
{
|
175 |
+
"current": 2000.0,
|
176 |
+
"min": 800.0,
|
177 |
+
"max": 3800.0
|
178 |
+
},
|
179 |
+
{
|
180 |
+
"current": 2000.0,
|
181 |
+
"min": 800.0,
|
182 |
+
"max": 3800.0
|
183 |
+
},
|
184 |
+
{
|
185 |
+
"current": 2000.0,
|
186 |
+
"min": 800.0,
|
187 |
+
"max": 3800.0
|
188 |
+
},
|
189 |
+
{
|
190 |
+
"current": 2000.0,
|
191 |
+
"min": 800.0,
|
192 |
+
"max": 3800.0
|
193 |
+
},
|
194 |
+
{
|
195 |
+
"current": 2000.0,
|
196 |
+
"min": 800.0,
|
197 |
+
"max": 3800.0
|
198 |
+
},
|
199 |
+
{
|
200 |
+
"current": 2000.0,
|
201 |
+
"min": 800.0,
|
202 |
+
"max": 3800.0
|
203 |
+
},
|
204 |
+
{
|
205 |
+
"current": 2000.0,
|
206 |
+
"min": 800.0,
|
207 |
+
"max": 3800.0
|
208 |
+
},
|
209 |
+
{
|
210 |
+
"current": 2000.0,
|
211 |
+
"min": 800.0,
|
212 |
+
"max": 3800.0
|
213 |
+
},
|
214 |
+
{
|
215 |
+
"current": 2000.0,
|
216 |
+
"min": 800.0,
|
217 |
+
"max": 3800.0
|
218 |
+
},
|
219 |
+
{
|
220 |
+
"current": 2000.0,
|
221 |
+
"min": 800.0,
|
222 |
+
"max": 3800.0
|
223 |
+
},
|
224 |
+
{
|
225 |
+
"current": 2000.0,
|
226 |
+
"min": 800.0,
|
227 |
+
"max": 3800.0
|
228 |
+
},
|
229 |
+
{
|
230 |
+
"current": 2000.0,
|
231 |
+
"min": 800.0,
|
232 |
+
"max": 3800.0
|
233 |
+
},
|
234 |
+
{
|
235 |
+
"current": 2000.0,
|
236 |
+
"min": 800.0,
|
237 |
+
"max": 3800.0
|
238 |
+
},
|
239 |
+
{
|
240 |
+
"current": 2000.0,
|
241 |
+
"min": 800.0,
|
242 |
+
"max": 3800.0
|
243 |
+
},
|
244 |
+
{
|
245 |
+
"current": 2000.0,
|
246 |
+
"min": 800.0,
|
247 |
+
"max": 3800.0
|
248 |
+
},
|
249 |
+
{
|
250 |
+
"current": 2000.0,
|
251 |
+
"min": 800.0,
|
252 |
+
"max": 3800.0
|
253 |
+
},
|
254 |
+
{
|
255 |
+
"current": 2000.0,
|
256 |
+
"min": 800.0,
|
257 |
+
"max": 3800.0
|
258 |
+
},
|
259 |
+
{
|
260 |
+
"current": 2000.0,
|
261 |
+
"min": 800.0,
|
262 |
+
"max": 3800.0
|
263 |
+
},
|
264 |
+
{
|
265 |
+
"current": 2000.0,
|
266 |
+
"min": 800.0,
|
267 |
+
"max": 3800.0
|
268 |
+
},
|
269 |
+
{
|
270 |
+
"current": 2000.0,
|
271 |
+
"min": 800.0,
|
272 |
+
"max": 3800.0
|
273 |
+
},
|
274 |
+
{
|
275 |
+
"current": 2000.0,
|
276 |
+
"min": 800.0,
|
277 |
+
"max": 3800.0
|
278 |
+
},
|
279 |
+
{
|
280 |
+
"current": 2000.0,
|
281 |
+
"min": 800.0,
|
282 |
+
"max": 3800.0
|
283 |
+
},
|
284 |
+
{
|
285 |
+
"current": 2000.0,
|
286 |
+
"min": 800.0,
|
287 |
+
"max": 3800.0
|
288 |
+
},
|
289 |
+
{
|
290 |
+
"current": 2000.0,
|
291 |
+
"min": 800.0,
|
292 |
+
"max": 3800.0
|
293 |
+
},
|
294 |
+
{
|
295 |
+
"current": 2000.0,
|
296 |
+
"min": 800.0,
|
297 |
+
"max": 3800.0
|
298 |
+
},
|
299 |
+
{
|
300 |
+
"current": 2000.0,
|
301 |
+
"min": 800.0,
|
302 |
+
"max": 3800.0
|
303 |
+
},
|
304 |
+
{
|
305 |
+
"current": 2000.0,
|
306 |
+
"min": 800.0,
|
307 |
+
"max": 3800.0
|
308 |
+
},
|
309 |
+
{
|
310 |
+
"current": 2000.0,
|
311 |
+
"min": 800.0,
|
312 |
+
"max": 3800.0
|
313 |
+
},
|
314 |
+
{
|
315 |
+
"current": 2000.0,
|
316 |
+
"min": 800.0,
|
317 |
+
"max": 3800.0
|
318 |
+
},
|
319 |
+
{
|
320 |
+
"current": 2000.0,
|
321 |
+
"min": 800.0,
|
322 |
+
"max": 3800.0
|
323 |
+
},
|
324 |
+
{
|
325 |
+
"current": 2000.0,
|
326 |
+
"min": 800.0,
|
327 |
+
"max": 3800.0
|
328 |
+
},
|
329 |
+
{
|
330 |
+
"current": 2000.0,
|
331 |
+
"min": 800.0,
|
332 |
+
"max": 3800.0
|
333 |
+
},
|
334 |
+
{
|
335 |
+
"current": 2000.0,
|
336 |
+
"min": 800.0,
|
337 |
+
"max": 3800.0
|
338 |
+
},
|
339 |
+
{
|
340 |
+
"current": 2000.0,
|
341 |
+
"min": 800.0,
|
342 |
+
"max": 3800.0
|
343 |
+
},
|
344 |
+
{
|
345 |
+
"current": 2000.0,
|
346 |
+
"min": 800.0,
|
347 |
+
"max": 3800.0
|
348 |
+
},
|
349 |
+
{
|
350 |
+
"current": 2000.0,
|
351 |
+
"min": 800.0,
|
352 |
+
"max": 3800.0
|
353 |
+
},
|
354 |
+
{
|
355 |
+
"current": 2000.0,
|
356 |
+
"min": 800.0,
|
357 |
+
"max": 3800.0
|
358 |
+
},
|
359 |
+
{
|
360 |
+
"current": 2000.0,
|
361 |
+
"min": 800.0,
|
362 |
+
"max": 3800.0
|
363 |
+
},
|
364 |
+
{
|
365 |
+
"current": 3800.001,
|
366 |
+
"min": 800.0,
|
367 |
+
"max": 3800.0
|
368 |
+
},
|
369 |
+
{
|
370 |
+
"current": 3799.998,
|
371 |
+
"min": 800.0,
|
372 |
+
"max": 3800.0
|
373 |
+
},
|
374 |
+
{
|
375 |
+
"current": 2000.0,
|
376 |
+
"min": 800.0,
|
377 |
+
"max": 3800.0
|
378 |
+
},
|
379 |
+
{
|
380 |
+
"current": 2000.0,
|
381 |
+
"min": 800.0,
|
382 |
+
"max": 3800.0
|
383 |
+
},
|
384 |
+
{
|
385 |
+
"current": 2000.0,
|
386 |
+
"min": 800.0,
|
387 |
+
"max": 3800.0
|
388 |
+
},
|
389 |
+
{
|
390 |
+
"current": 3800.0,
|
391 |
+
"min": 800.0,
|
392 |
+
"max": 3800.0
|
393 |
+
},
|
394 |
+
{
|
395 |
+
"current": 3800.0,
|
396 |
+
"min": 800.0,
|
397 |
+
"max": 3800.0
|
398 |
+
},
|
399 |
+
{
|
400 |
+
"current": 2000.0,
|
401 |
+
"min": 800.0,
|
402 |
+
"max": 3800.0
|
403 |
+
},
|
404 |
+
{
|
405 |
+
"current": 2000.0,
|
406 |
+
"min": 800.0,
|
407 |
+
"max": 3800.0
|
408 |
+
},
|
409 |
+
{
|
410 |
+
"current": 2000.0,
|
411 |
+
"min": 800.0,
|
412 |
+
"max": 3800.0
|
413 |
+
},
|
414 |
+
{
|
415 |
+
"current": 2000.0,
|
416 |
+
"min": 800.0,
|
417 |
+
"max": 3800.0
|
418 |
+
},
|
419 |
+
{
|
420 |
+
"current": 2000.0,
|
421 |
+
"min": 800.0,
|
422 |
+
"max": 3800.0
|
423 |
+
},
|
424 |
+
{
|
425 |
+
"current": 2000.0,
|
426 |
+
"min": 800.0,
|
427 |
+
"max": 3800.0
|
428 |
+
},
|
429 |
+
{
|
430 |
+
"current": 2000.0,
|
431 |
+
"min": 800.0,
|
432 |
+
"max": 3800.0
|
433 |
+
},
|
434 |
+
{
|
435 |
+
"current": 2000.0,
|
436 |
+
"min": 800.0,
|
437 |
+
"max": 3800.0
|
438 |
+
},
|
439 |
+
{
|
440 |
+
"current": 2000.0,
|
441 |
+
"min": 800.0,
|
442 |
+
"max": 3800.0
|
443 |
+
},
|
444 |
+
{
|
445 |
+
"current": 2000.0,
|
446 |
+
"min": 800.0,
|
447 |
+
"max": 3800.0
|
448 |
+
},
|
449 |
+
{
|
450 |
+
"current": 2000.0,
|
451 |
+
"min": 800.0,
|
452 |
+
"max": 3800.0
|
453 |
+
},
|
454 |
+
{
|
455 |
+
"current": 2000.0,
|
456 |
+
"min": 800.0,
|
457 |
+
"max": 3800.0
|
458 |
+
},
|
459 |
+
{
|
460 |
+
"current": 2000.0,
|
461 |
+
"min": 800.0,
|
462 |
+
"max": 3800.0
|
463 |
+
},
|
464 |
+
{
|
465 |
+
"current": 2000.0,
|
466 |
+
"min": 800.0,
|
467 |
+
"max": 3800.0
|
468 |
+
},
|
469 |
+
{
|
470 |
+
"current": 2000.0,
|
471 |
+
"min": 800.0,
|
472 |
+
"max": 3800.0
|
473 |
+
},
|
474 |
+
{
|
475 |
+
"current": 2000.0,
|
476 |
+
"min": 800.0,
|
477 |
+
"max": 3800.0
|
478 |
+
},
|
479 |
+
{
|
480 |
+
"current": 2000.0,
|
481 |
+
"min": 800.0,
|
482 |
+
"max": 3800.0
|
483 |
+
},
|
484 |
+
{
|
485 |
+
"current": 2000.0,
|
486 |
+
"min": 800.0,
|
487 |
+
"max": 3800.0
|
488 |
+
},
|
489 |
+
{
|
490 |
+
"current": 2000.0,
|
491 |
+
"min": 800.0,
|
492 |
+
"max": 3800.0
|
493 |
+
},
|
494 |
+
{
|
495 |
+
"current": 2000.0,
|
496 |
+
"min": 800.0,
|
497 |
+
"max": 3800.0
|
498 |
+
},
|
499 |
+
{
|
500 |
+
"current": 2000.0,
|
501 |
+
"min": 800.0,
|
502 |
+
"max": 3800.0
|
503 |
+
},
|
504 |
+
{
|
505 |
+
"current": 2000.0,
|
506 |
+
"min": 800.0,
|
507 |
+
"max": 3800.0
|
508 |
+
},
|
509 |
+
{
|
510 |
+
"current": 2000.0,
|
511 |
+
"min": 800.0,
|
512 |
+
"max": 3800.0
|
513 |
+
},
|
514 |
+
{
|
515 |
+
"current": 2000.0,
|
516 |
+
"min": 800.0,
|
517 |
+
"max": 3800.0
|
518 |
+
},
|
519 |
+
{
|
520 |
+
"current": 2000.0,
|
521 |
+
"min": 800.0,
|
522 |
+
"max": 3800.0
|
523 |
+
},
|
524 |
+
{
|
525 |
+
"current": 2000.0,
|
526 |
+
"min": 800.0,
|
527 |
+
"max": 3800.0
|
528 |
+
},
|
529 |
+
{
|
530 |
+
"current": 2000.0,
|
531 |
+
"min": 800.0,
|
532 |
+
"max": 3800.0
|
533 |
+
},
|
534 |
+
{
|
535 |
+
"current": 2000.0,
|
536 |
+
"min": 800.0,
|
537 |
+
"max": 3800.0
|
538 |
+
},
|
539 |
+
{
|
540 |
+
"current": 2000.0,
|
541 |
+
"min": 800.0,
|
542 |
+
"max": 3800.0
|
543 |
+
},
|
544 |
+
{
|
545 |
+
"current": 2000.0,
|
546 |
+
"min": 800.0,
|
547 |
+
"max": 3800.0
|
548 |
+
},
|
549 |
+
{
|
550 |
+
"current": 2000.0,
|
551 |
+
"min": 800.0,
|
552 |
+
"max": 3800.0
|
553 |
+
},
|
554 |
+
{
|
555 |
+
"current": 2000.0,
|
556 |
+
"min": 800.0,
|
557 |
+
"max": 3800.0
|
558 |
+
},
|
559 |
+
{
|
560 |
+
"current": 2000.0,
|
561 |
+
"min": 800.0,
|
562 |
+
"max": 3800.0
|
563 |
+
},
|
564 |
+
{
|
565 |
+
"current": 2000.0,
|
566 |
+
"min": 800.0,
|
567 |
+
"max": 3800.0
|
568 |
+
},
|
569 |
+
{
|
570 |
+
"current": 2000.0,
|
571 |
+
"min": 800.0,
|
572 |
+
"max": 3800.0
|
573 |
+
},
|
574 |
+
{
|
575 |
+
"current": 2000.0,
|
576 |
+
"min": 800.0,
|
577 |
+
"max": 3800.0
|
578 |
+
},
|
579 |
+
{
|
580 |
+
"current": 2000.0,
|
581 |
+
"min": 800.0,
|
582 |
+
"max": 3800.0
|
583 |
+
},
|
584 |
+
{
|
585 |
+
"current": 2000.0,
|
586 |
+
"min": 800.0,
|
587 |
+
"max": 3800.0
|
588 |
+
},
|
589 |
+
{
|
590 |
+
"current": 2000.0,
|
591 |
+
"min": 800.0,
|
592 |
+
"max": 3800.0
|
593 |
+
},
|
594 |
+
{
|
595 |
+
"current": 2000.0,
|
596 |
+
"min": 800.0,
|
597 |
+
"max": 3800.0
|
598 |
+
},
|
599 |
+
{
|
600 |
+
"current": 2000.0,
|
601 |
+
"min": 800.0,
|
602 |
+
"max": 3800.0
|
603 |
+
},
|
604 |
+
{
|
605 |
+
"current": 2000.0,
|
606 |
+
"min": 800.0,
|
607 |
+
"max": 3800.0
|
608 |
+
},
|
609 |
+
{
|
610 |
+
"current": 2000.0,
|
611 |
+
"min": 800.0,
|
612 |
+
"max": 3800.0
|
613 |
+
},
|
614 |
+
{
|
615 |
+
"current": 2000.0,
|
616 |
+
"min": 800.0,
|
617 |
+
"max": 3800.0
|
618 |
+
},
|
619 |
+
{
|
620 |
+
"current": 2000.0,
|
621 |
+
"min": 800.0,
|
622 |
+
"max": 3800.0
|
623 |
+
},
|
624 |
+
{
|
625 |
+
"current": 2000.0,
|
626 |
+
"min": 800.0,
|
627 |
+
"max": 3800.0
|
628 |
+
},
|
629 |
+
{
|
630 |
+
"current": 2000.0,
|
631 |
+
"min": 800.0,
|
632 |
+
"max": 3800.0
|
633 |
+
},
|
634 |
+
{
|
635 |
+
"current": 2000.0,
|
636 |
+
"min": 800.0,
|
637 |
+
"max": 3800.0
|
638 |
+
},
|
639 |
+
{
|
640 |
+
"current": 2000.0,
|
641 |
+
"min": 800.0,
|
642 |
+
"max": 3800.0
|
643 |
+
},
|
644 |
+
{
|
645 |
+
"current": 2000.0,
|
646 |
+
"min": 800.0,
|
647 |
+
"max": 3800.0
|
648 |
+
},
|
649 |
+
{
|
650 |
+
"current": 2000.0,
|
651 |
+
"min": 800.0,
|
652 |
+
"max": 3800.0
|
653 |
+
},
|
654 |
+
{
|
655 |
+
"current": 2000.0,
|
656 |
+
"min": 800.0,
|
657 |
+
"max": 3800.0
|
658 |
+
},
|
659 |
+
{
|
660 |
+
"current": 2000.0,
|
661 |
+
"min": 800.0,
|
662 |
+
"max": 3800.0
|
663 |
+
},
|
664 |
+
{
|
665 |
+
"current": 2000.0,
|
666 |
+
"min": 800.0,
|
667 |
+
"max": 3800.0
|
668 |
+
},
|
669 |
+
{
|
670 |
+
"current": 2000.0,
|
671 |
+
"min": 800.0,
|
672 |
+
"max": 3800.0
|
673 |
+
},
|
674 |
+
{
|
675 |
+
"current": 2000.0,
|
676 |
+
"min": 800.0,
|
677 |
+
"max": 3800.0
|
678 |
+
},
|
679 |
+
{
|
680 |
+
"current": 2000.0,
|
681 |
+
"min": 800.0,
|
682 |
+
"max": 3800.0
|
683 |
+
},
|
684 |
+
{
|
685 |
+
"current": 2000.0,
|
686 |
+
"min": 800.0,
|
687 |
+
"max": 3800.0
|
688 |
+
},
|
689 |
+
{
|
690 |
+
"current": 2000.0,
|
691 |
+
"min": 800.0,
|
692 |
+
"max": 3800.0
|
693 |
+
},
|
694 |
+
{
|
695 |
+
"current": 2000.0,
|
696 |
+
"min": 800.0,
|
697 |
+
"max": 3800.0
|
698 |
+
},
|
699 |
+
{
|
700 |
+
"current": 2000.0,
|
701 |
+
"min": 800.0,
|
702 |
+
"max": 3800.0
|
703 |
+
},
|
704 |
+
{
|
705 |
+
"current": 2000.0,
|
706 |
+
"min": 800.0,
|
707 |
+
"max": 3800.0
|
708 |
+
},
|
709 |
+
{
|
710 |
+
"current": 2000.0,
|
711 |
+
"min": 800.0,
|
712 |
+
"max": 3800.0
|
713 |
+
},
|
714 |
+
{
|
715 |
+
"current": 2000.0,
|
716 |
+
"min": 800.0,
|
717 |
+
"max": 3800.0
|
718 |
+
},
|
719 |
+
{
|
720 |
+
"current": 2000.0,
|
721 |
+
"min": 800.0,
|
722 |
+
"max": 3800.0
|
723 |
+
},
|
724 |
+
{
|
725 |
+
"current": 2000.0,
|
726 |
+
"min": 800.0,
|
727 |
+
"max": 3800.0
|
728 |
+
},
|
729 |
+
{
|
730 |
+
"current": 2000.0,
|
731 |
+
"min": 800.0,
|
732 |
+
"max": 3800.0
|
733 |
+
},
|
734 |
+
{
|
735 |
+
"current": 2000.0,
|
736 |
+
"min": 800.0,
|
737 |
+
"max": 3800.0
|
738 |
+
},
|
739 |
+
{
|
740 |
+
"current": 2000.0,
|
741 |
+
"min": 800.0,
|
742 |
+
"max": 3800.0
|
743 |
+
},
|
744 |
+
{
|
745 |
+
"current": 2000.0,
|
746 |
+
"min": 800.0,
|
747 |
+
"max": 3800.0
|
748 |
+
},
|
749 |
+
{
|
750 |
+
"current": 2000.0,
|
751 |
+
"min": 800.0,
|
752 |
+
"max": 3800.0
|
753 |
+
},
|
754 |
+
{
|
755 |
+
"current": 2000.0,
|
756 |
+
"min": 800.0,
|
757 |
+
"max": 3800.0
|
758 |
+
},
|
759 |
+
{
|
760 |
+
"current": 2000.0,
|
761 |
+
"min": 800.0,
|
762 |
+
"max": 3800.0
|
763 |
+
},
|
764 |
+
{
|
765 |
+
"current": 2000.0,
|
766 |
+
"min": 800.0,
|
767 |
+
"max": 3800.0
|
768 |
+
},
|
769 |
+
{
|
770 |
+
"current": 2000.0,
|
771 |
+
"min": 800.0,
|
772 |
+
"max": 3800.0
|
773 |
+
},
|
774 |
+
{
|
775 |
+
"current": 2000.0,
|
776 |
+
"min": 800.0,
|
777 |
+
"max": 3800.0
|
778 |
+
},
|
779 |
+
{
|
780 |
+
"current": 2000.0,
|
781 |
+
"min": 800.0,
|
782 |
+
"max": 3800.0
|
783 |
+
},
|
784 |
+
{
|
785 |
+
"current": 2000.0,
|
786 |
+
"min": 800.0,
|
787 |
+
"max": 3800.0
|
788 |
+
},
|
789 |
+
{
|
790 |
+
"current": 2000.0,
|
791 |
+
"min": 800.0,
|
792 |
+
"max": 3800.0
|
793 |
+
},
|
794 |
+
{
|
795 |
+
"current": 2000.0,
|
796 |
+
"min": 800.0,
|
797 |
+
"max": 3800.0
|
798 |
+
},
|
799 |
+
{
|
800 |
+
"current": 2000.0,
|
801 |
+
"min": 800.0,
|
802 |
+
"max": 3800.0
|
803 |
+
},
|
804 |
+
{
|
805 |
+
"current": 2000.0,
|
806 |
+
"min": 800.0,
|
807 |
+
"max": 3800.0
|
808 |
+
},
|
809 |
+
{
|
810 |
+
"current": 2000.0,
|
811 |
+
"min": 800.0,
|
812 |
+
"max": 3800.0
|
813 |
+
},
|
814 |
+
{
|
815 |
+
"current": 2000.0,
|
816 |
+
"min": 800.0,
|
817 |
+
"max": 3800.0
|
818 |
+
},
|
819 |
+
{
|
820 |
+
"current": 2000.0,
|
821 |
+
"min": 800.0,
|
822 |
+
"max": 3800.0
|
823 |
+
},
|
824 |
+
{
|
825 |
+
"current": 2000.0,
|
826 |
+
"min": 800.0,
|
827 |
+
"max": 3800.0
|
828 |
+
},
|
829 |
+
{
|
830 |
+
"current": 2000.0,
|
831 |
+
"min": 800.0,
|
832 |
+
"max": 3800.0
|
833 |
+
},
|
834 |
+
{
|
835 |
+
"current": 2000.0,
|
836 |
+
"min": 800.0,
|
837 |
+
"max": 3800.0
|
838 |
+
},
|
839 |
+
{
|
840 |
+
"current": 2000.0,
|
841 |
+
"min": 800.0,
|
842 |
+
"max": 3800.0
|
843 |
+
},
|
844 |
+
{
|
845 |
+
"current": 2000.0,
|
846 |
+
"min": 800.0,
|
847 |
+
"max": 3800.0
|
848 |
+
},
|
849 |
+
{
|
850 |
+
"current": 2000.0,
|
851 |
+
"min": 800.0,
|
852 |
+
"max": 3800.0
|
853 |
+
},
|
854 |
+
{
|
855 |
+
"current": 2000.0,
|
856 |
+
"min": 800.0,
|
857 |
+
"max": 3800.0
|
858 |
+
},
|
859 |
+
{
|
860 |
+
"current": 2000.0,
|
861 |
+
"min": 800.0,
|
862 |
+
"max": 3800.0
|
863 |
+
},
|
864 |
+
{
|
865 |
+
"current": 2000.0,
|
866 |
+
"min": 800.0,
|
867 |
+
"max": 3800.0
|
868 |
+
},
|
869 |
+
{
|
870 |
+
"current": 2000.0,
|
871 |
+
"min": 800.0,
|
872 |
+
"max": 3800.0
|
873 |
+
},
|
874 |
+
{
|
875 |
+
"current": 2000.0,
|
876 |
+
"min": 800.0,
|
877 |
+
"max": 3800.0
|
878 |
+
},
|
879 |
+
{
|
880 |
+
"current": 2000.0,
|
881 |
+
"min": 800.0,
|
882 |
+
"max": 3800.0
|
883 |
+
},
|
884 |
+
{
|
885 |
+
"current": 2000.0,
|
886 |
+
"min": 800.0,
|
887 |
+
"max": 3800.0
|
888 |
+
},
|
889 |
+
{
|
890 |
+
"current": 2000.0,
|
891 |
+
"min": 800.0,
|
892 |
+
"max": 3800.0
|
893 |
+
},
|
894 |
+
{
|
895 |
+
"current": 2000.0,
|
896 |
+
"min": 800.0,
|
897 |
+
"max": 3800.0
|
898 |
+
},
|
899 |
+
{
|
900 |
+
"current": 2000.0,
|
901 |
+
"min": 800.0,
|
902 |
+
"max": 3800.0
|
903 |
+
},
|
904 |
+
{
|
905 |
+
"current": 3799.993,
|
906 |
+
"min": 800.0,
|
907 |
+
"max": 3800.0
|
908 |
+
},
|
909 |
+
{
|
910 |
+
"current": 2000.0,
|
911 |
+
"min": 800.0,
|
912 |
+
"max": 3800.0
|
913 |
+
},
|
914 |
+
{
|
915 |
+
"current": 2000.0,
|
916 |
+
"min": 800.0,
|
917 |
+
"max": 3800.0
|
918 |
+
},
|
919 |
+
{
|
920 |
+
"current": 2000.0,
|
921 |
+
"min": 800.0,
|
922 |
+
"max": 3800.0
|
923 |
+
},
|
924 |
+
{
|
925 |
+
"current": 2000.0,
|
926 |
+
"min": 800.0,
|
927 |
+
"max": 3800.0
|
928 |
+
},
|
929 |
+
{
|
930 |
+
"current": 2000.0,
|
931 |
+
"min": 800.0,
|
932 |
+
"max": 3800.0
|
933 |
+
},
|
934 |
+
{
|
935 |
+
"current": 2000.0,
|
936 |
+
"min": 800.0,
|
937 |
+
"max": 3800.0
|
938 |
+
},
|
939 |
+
{
|
940 |
+
"current": 2000.0,
|
941 |
+
"min": 800.0,
|
942 |
+
"max": 3800.0
|
943 |
+
},
|
944 |
+
{
|
945 |
+
"current": 2000.0,
|
946 |
+
"min": 800.0,
|
947 |
+
"max": 3800.0
|
948 |
+
},
|
949 |
+
{
|
950 |
+
"current": 2000.0,
|
951 |
+
"min": 800.0,
|
952 |
+
"max": 3800.0
|
953 |
+
},
|
954 |
+
{
|
955 |
+
"current": 2000.0,
|
956 |
+
"min": 800.0,
|
957 |
+
"max": 3800.0
|
958 |
+
},
|
959 |
+
{
|
960 |
+
"current": 2000.0,
|
961 |
+
"min": 800.0,
|
962 |
+
"max": 3800.0
|
963 |
+
},
|
964 |
+
{
|
965 |
+
"current": 3799.907,
|
966 |
+
"min": 800.0,
|
967 |
+
"max": 3800.0
|
968 |
+
},
|
969 |
+
{
|
970 |
+
"current": 2000.0,
|
971 |
+
"min": 800.0,
|
972 |
+
"max": 3800.0
|
973 |
+
},
|
974 |
+
{
|
975 |
+
"current": 2000.0,
|
976 |
+
"min": 800.0,
|
977 |
+
"max": 3800.0
|
978 |
+
},
|
979 |
+
{
|
980 |
+
"current": 2000.0,
|
981 |
+
"min": 800.0,
|
982 |
+
"max": 3800.0
|
983 |
+
},
|
984 |
+
{
|
985 |
+
"current": 2000.0,
|
986 |
+
"min": 800.0,
|
987 |
+
"max": 3800.0
|
988 |
+
},
|
989 |
+
{
|
990 |
+
"current": 2000.0,
|
991 |
+
"min": 800.0,
|
992 |
+
"max": 3800.0
|
993 |
+
},
|
994 |
+
{
|
995 |
+
"current": 2000.0,
|
996 |
+
"min": 800.0,
|
997 |
+
"max": 3800.0
|
998 |
+
},
|
999 |
+
{
|
1000 |
+
"current": 2000.0,
|
1001 |
+
"min": 800.0,
|
1002 |
+
"max": 3800.0
|
1003 |
+
},
|
1004 |
+
{
|
1005 |
+
"current": 2000.0,
|
1006 |
+
"min": 800.0,
|
1007 |
+
"max": 3800.0
|
1008 |
+
},
|
1009 |
+
{
|
1010 |
+
"current": 2000.0,
|
1011 |
+
"min": 800.0,
|
1012 |
+
"max": 3800.0
|
1013 |
+
},
|
1014 |
+
{
|
1015 |
+
"current": 2000.0,
|
1016 |
+
"min": 800.0,
|
1017 |
+
"max": 3800.0
|
1018 |
+
},
|
1019 |
+
{
|
1020 |
+
"current": 2000.0,
|
1021 |
+
"min": 800.0,
|
1022 |
+
"max": 3800.0
|
1023 |
+
},
|
1024 |
+
{
|
1025 |
+
"current": 2000.0,
|
1026 |
+
"min": 800.0,
|
1027 |
+
"max": 3800.0
|
1028 |
+
},
|
1029 |
+
{
|
1030 |
+
"current": 2000.0,
|
1031 |
+
"min": 800.0,
|
1032 |
+
"max": 3800.0
|
1033 |
+
},
|
1034 |
+
{
|
1035 |
+
"current": 2000.0,
|
1036 |
+
"min": 800.0,
|
1037 |
+
"max": 3800.0
|
1038 |
+
},
|
1039 |
+
{
|
1040 |
+
"current": 2000.0,
|
1041 |
+
"min": 800.0,
|
1042 |
+
"max": 3800.0
|
1043 |
+
},
|
1044 |
+
{
|
1045 |
+
"current": 2000.0,
|
1046 |
+
"min": 800.0,
|
1047 |
+
"max": 3800.0
|
1048 |
+
},
|
1049 |
+
{
|
1050 |
+
"current": 2000.0,
|
1051 |
+
"min": 800.0,
|
1052 |
+
"max": 3800.0
|
1053 |
+
},
|
1054 |
+
{
|
1055 |
+
"current": 2000.0,
|
1056 |
+
"min": 800.0,
|
1057 |
+
"max": 3800.0
|
1058 |
+
},
|
1059 |
+
{
|
1060 |
+
"current": 2000.0,
|
1061 |
+
"min": 800.0,
|
1062 |
+
"max": 3800.0
|
1063 |
+
},
|
1064 |
+
{
|
1065 |
+
"current": 2000.0,
|
1066 |
+
"min": 800.0,
|
1067 |
+
"max": 3800.0
|
1068 |
+
},
|
1069 |
+
{
|
1070 |
+
"current": 2000.0,
|
1071 |
+
"min": 800.0,
|
1072 |
+
"max": 3800.0
|
1073 |
+
},
|
1074 |
+
{
|
1075 |
+
"current": 2000.0,
|
1076 |
+
"min": 800.0,
|
1077 |
+
"max": 3800.0
|
1078 |
+
},
|
1079 |
+
{
|
1080 |
+
"current": 2000.0,
|
1081 |
+
"min": 800.0,
|
1082 |
+
"max": 3800.0
|
1083 |
+
},
|
1084 |
+
{
|
1085 |
+
"current": 2000.0,
|
1086 |
+
"min": 800.0,
|
1087 |
+
"max": 3800.0
|
1088 |
+
},
|
1089 |
+
{
|
1090 |
+
"current": 2000.0,
|
1091 |
+
"min": 800.0,
|
1092 |
+
"max": 3800.0
|
1093 |
+
},
|
1094 |
+
{
|
1095 |
+
"current": 2000.0,
|
1096 |
+
"min": 800.0,
|
1097 |
+
"max": 3800.0
|
1098 |
+
},
|
1099 |
+
{
|
1100 |
+
"current": 2000.0,
|
1101 |
+
"min": 800.0,
|
1102 |
+
"max": 3800.0
|
1103 |
+
},
|
1104 |
+
{
|
1105 |
+
"current": 2000.0,
|
1106 |
+
"min": 800.0,
|
1107 |
+
"max": 3800.0
|
1108 |
+
},
|
1109 |
+
{
|
1110 |
+
"current": 2000.0,
|
1111 |
+
"min": 800.0,
|
1112 |
+
"max": 3800.0
|
1113 |
+
},
|
1114 |
+
{
|
1115 |
+
"current": 2000.0,
|
1116 |
+
"min": 800.0,
|
1117 |
+
"max": 3800.0
|
1118 |
+
},
|
1119 |
+
{
|
1120 |
+
"current": 2000.0,
|
1121 |
+
"min": 800.0,
|
1122 |
+
"max": 3800.0
|
1123 |
+
},
|
1124 |
+
{
|
1125 |
+
"current": 2000.0,
|
1126 |
+
"min": 800.0,
|
1127 |
+
"max": 3800.0
|
1128 |
+
},
|
1129 |
+
{
|
1130 |
+
"current": 2000.0,
|
1131 |
+
"min": 800.0,
|
1132 |
+
"max": 3800.0
|
1133 |
+
},
|
1134 |
+
{
|
1135 |
+
"current": 2000.0,
|
1136 |
+
"min": 800.0,
|
1137 |
+
"max": 3800.0
|
1138 |
+
},
|
1139 |
+
{
|
1140 |
+
"current": 3800.0,
|
1141 |
+
"min": 800.0,
|
1142 |
+
"max": 3800.0
|
1143 |
+
},
|
1144 |
+
{
|
1145 |
+
"current": 2000.0,
|
1146 |
+
"min": 800.0,
|
1147 |
+
"max": 3800.0
|
1148 |
+
},
|
1149 |
+
{
|
1150 |
+
"current": 2000.0,
|
1151 |
+
"min": 800.0,
|
1152 |
+
"max": 3800.0
|
1153 |
+
},
|
1154 |
+
{
|
1155 |
+
"current": 2000.0,
|
1156 |
+
"min": 800.0,
|
1157 |
+
"max": 3800.0
|
1158 |
+
},
|
1159 |
+
{
|
1160 |
+
"current": 2000.0,
|
1161 |
+
"min": 800.0,
|
1162 |
+
"max": 3800.0
|
1163 |
+
},
|
1164 |
+
{
|
1165 |
+
"current": 2000.0,
|
1166 |
+
"min": 800.0,
|
1167 |
+
"max": 3800.0
|
1168 |
+
}
|
1169 |
+
],
|
1170 |
+
"disk": {
|
1171 |
+
"/": {
|
1172 |
+
"total": 1758.8549690246582,
|
1173 |
+
"used": 58.09877014160156
|
1174 |
+
}
|
1175 |
+
},
|
1176 |
+
"gpu": "NVIDIA H800",
|
1177 |
+
"gpu_count": 8,
|
1178 |
+
"gpu_devices": [
|
1179 |
+
{
|
1180 |
+
"name": "NVIDIA H800",
|
1181 |
+
"memory_total": 85520809984
|
1182 |
+
},
|
1183 |
+
{
|
1184 |
+
"name": "NVIDIA H800",
|
1185 |
+
"memory_total": 85520809984
|
1186 |
+
},
|
1187 |
+
{
|
1188 |
+
"name": "NVIDIA H800",
|
1189 |
+
"memory_total": 85520809984
|
1190 |
+
},
|
1191 |
+
{
|
1192 |
+
"name": "NVIDIA H800",
|
1193 |
+
"memory_total": 85520809984
|
1194 |
+
},
|
1195 |
+
{
|
1196 |
+
"name": "NVIDIA H800",
|
1197 |
+
"memory_total": 85520809984
|
1198 |
+
},
|
1199 |
+
{
|
1200 |
+
"name": "NVIDIA H800",
|
1201 |
+
"memory_total": 85520809984
|
1202 |
+
},
|
1203 |
+
{
|
1204 |
+
"name": "NVIDIA H800",
|
1205 |
+
"memory_total": 85520809984
|
1206 |
+
},
|
1207 |
+
{
|
1208 |
+
"name": "NVIDIA H800",
|
1209 |
+
"memory_total": 85520809984
|
1210 |
+
}
|
1211 |
+
],
|
1212 |
+
"memory": {
|
1213 |
+
"total": 2015.5615730285645
|
1214 |
+
}
|
1215 |
+
}
|
wandb/run-20240922_063327-rptdqsqq/files/wandb-summary.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"train/step": 1812, "train/loss": 0.035232577472925186, "train/reward": -9.132875442504883, "train/better_sample_reward": -1.052369475364685, "train/worse_sample_reward": -8.08050537109375, "train/reward_accuracy": 1.0, "train/reward_margin": 7.028136253356934, "train/lr": 0.0, "train/epoch": 3.0, "_timestamp": 1726993700.3175497, "_runtime": 35692.75268268585, "_step": 1812, "_wandb": {"runtime": 35739}}
|
wandb/run-20240922_063327-rptdqsqq/logs/debug-internal.log
ADDED
The diff for this file is too large to render.
See raw diff
|
|
wandb/run-20240922_063327-rptdqsqq/logs/debug.log
ADDED
@@ -0,0 +1,36 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
2024-09-22 06:33:27,559 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Current SDK version is 0.17.5
|
2 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Configure stats pid to 1338204
|
3 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Loading settings from /home/yangyaodong/.config/wandb/settings
|
4 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Loading settings from /aifs4su/yaodong/projects/hantao/dev_cham/align-anything/scripts/wandb/settings
|
5 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'api_key': '***REDACTED***'}
|
6 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
|
7 |
+
2024-09-22 06:33:27,560 WARNING MainThread:1338204 [wandb_setup.py:_flush():76] Could not find program at -m align_anything.trainers.tiv_to_t.dpo
|
8 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m align_anything.trainers.tiv_to_t.dpo'}
|
9 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_setup.py:_flush():76] Applying login settings: {}
|
10 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:_log_setup():529] Logging user logs to ../outputs/dpo_tiv2t_10k_baseline/wandb/run-20240922_063327-rptdqsqq/logs/debug.log
|
11 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:_log_setup():530] Logging internal logs to ../outputs/dpo_tiv2t_10k_baseline/wandb/run-20240922_063327-rptdqsqq/logs/debug-internal.log
|
12 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:init():569] calling init triggers
|
13 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:init():576] wandb.init called with sweep_config: {}
|
14 |
+
config: {'train_cfgs': {'ds_cfgs': 'ds_z3_config.json', 'epochs': 3, 'seed': 42, 'per_device_train_batch_size': 1.0, 'per_device_eval_batch_size': 1.0, 'gradient_accumulation_steps': 1.0, 'gradient_checkpointing': True, 'learning_rate': 1e-06, 'lr_scheduler_type': 'cosine', 'lr_warmup_ratio': 0.01, 'weight_decay': 0.0, 'adam_betas': [0.9, 0.95], 'bf16': True, 'fp16': False, 'eval_strategy': 'epoch', 'eval_interval': 10, 'regularization': 0.001, 'scale_coeff': 0.1, 'freeze_mm_proj': False, 'freeze_vision_tower': True, 'freeze_language_model': False}, 'data_cfgs': {'train_datasets': '/aifs4su/yaodong/datasets/aaa_dataset/TV2T-preference/extracted', 'train_template': 'NExTQA_preference', 'train_size': None, 'train_split': 'train', 'train_subset': None, 'train_data_files': 'extracted_preference_10k_washed.json', 'train_optional_args': [], 'eval_datasets': None, 'eval_template': None, 'eval_size': None, 'eval_split': None, 'eval_subset': None, 'eval_data_files': None, 'eval_optional_args': []}, 'logger_cfgs': {'log_type': 'wandb', 'log_project': 'align-anything', 'log_run_name': 'dpo', 'output_dir': '../outputs/dpo_tiv2t_10k_baseline', 'cache_dir': None, 'save_interval': 100000}, 'model_cfgs': {'model_name_or_path': '/aifs4su/yaodong/models/Qwen2-VL-7B-Instruct', 'trust_remote_code': True, 'model_max_length': 4096}, 'special_tokens': None}
|
15 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:init():619] starting backend
|
16 |
+
2024-09-22 06:33:27,560 INFO MainThread:1338204 [wandb_init.py:init():623] setting up manager
|
17 |
+
2024-09-22 06:33:27,561 INFO MainThread:1338204 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
|
18 |
+
2024-09-22 06:33:27,564 INFO MainThread:1338204 [wandb_init.py:init():631] backend started and connected
|
19 |
+
2024-09-22 06:33:27,566 INFO MainThread:1338204 [wandb_init.py:init():720] updated telemetry
|
20 |
+
2024-09-22 06:33:27,587 INFO MainThread:1338204 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
|
21 |
+
2024-09-22 06:33:28,008 INFO MainThread:1338204 [wandb_run.py:_on_init():2435] communicating current version
|
22 |
+
2024-09-22 06:33:28,205 INFO MainThread:1338204 [wandb_run.py:_on_init():2444] got version response upgrade_message: "wandb version 0.18.1 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
|
23 |
+
|
24 |
+
2024-09-22 06:33:28,205 INFO MainThread:1338204 [wandb_init.py:init():804] starting run threads in backend
|
25 |
+
2024-09-22 06:33:34,310 INFO MainThread:1338204 [wandb_run.py:_console_start():2413] atexit reg
|
26 |
+
2024-09-22 06:33:34,310 INFO MainThread:1338204 [wandb_run.py:_redirect():2255] redirect: wrap_raw
|
27 |
+
2024-09-22 06:33:34,310 INFO MainThread:1338204 [wandb_run.py:_redirect():2320] Wrapping output streams.
|
28 |
+
2024-09-22 06:33:34,310 INFO MainThread:1338204 [wandb_run.py:_redirect():2345] Redirects installed.
|
29 |
+
2024-09-22 06:33:34,313 INFO MainThread:1338204 [wandb_init.py:init():847] run started, returning control to user process
|
30 |
+
2024-09-22 16:29:07,169 INFO MainThread:1338204 [wandb_run.py:_finish():2107] finishing run htlou/align-anything/rptdqsqq
|
31 |
+
2024-09-22 16:29:07,171 INFO MainThread:1338204 [wandb_run.py:_atexit_cleanup():2374] got exitcode: 0
|
32 |
+
2024-09-22 16:29:07,172 INFO MainThread:1338204 [wandb_run.py:_restore():2352] restore
|
33 |
+
2024-09-22 16:29:07,172 INFO MainThread:1338204 [wandb_run.py:_restore():2358] restore done
|
34 |
+
2024-09-22 16:29:15,801 INFO MainThread:1338204 [wandb_run.py:_footer_history_summary_info():4016] rendering history
|
35 |
+
2024-09-22 16:29:15,802 INFO MainThread:1338204 [wandb_run.py:_footer_history_summary_info():4048] rendering summary
|
36 |
+
2024-09-22 16:29:15,809 INFO MainThread:1338204 [wandb_run.py:_footer_sync_info():3975] logging synced files
|
wandb/run-20240922_063327-rptdqsqq/run-rptdqsqq.wandb
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:9ef92868525650ac6091a54236f14dbabca26113a005c7965c09bf17e5773290
|
3 |
+
size 11735552
|