Upload folder using huggingface_hub
Browse files- .gitattributes +1 -0
- README.md +40 -0
- config.json +40 -0
- events.out.tfevents.1732982699.amax.254571.0 +3 -0
- hydra_output_2024-12-01_00-02-51/.hydra/config.yaml +87 -0
- hydra_output_2024-12-01_00-02-51/.hydra/hydra.yaml +206 -0
- hydra_output_2024-12-01_00-02-51/.hydra/overrides.yaml +14 -0
- hydra_output_2024-12-01_00-02-51/cli.log +136 -0
- hydra_output_2024-12-01_00-02-51/train_ddp_process_1.log +122 -0
- hydra_output_2024-12-01_00-02-51/train_ddp_process_2.log +134 -0
- hydra_output_2024-12-01_00-02-51/train_ddp_process_3.log +133 -0
- hydra_output_2024-12-01_00-02-51/train_ddp_process_4.log +119 -0
- hydra_output_2024-12-01_00-02-51/train_ddp_process_5.log +126 -0
- hydra_output_2024-12-01_00-02-51/train_ddp_process_6.log +103 -0
- hydra_output_2024-12-01_00-02-51/train_ddp_process_7.log +110 -0
- model.safetensors +3 -0
- special_tokens_map.json +16 -0
- tb_logs.png +0 -0
- tokenizer.json +3 -0
- tokenizer_config.json +2062 -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 |
+
tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
README.md
ADDED
@@ -0,0 +1,40 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
language:
|
3 |
+
- en
|
4 |
+
tags:
|
5 |
+
- fusion-bench
|
6 |
+
base_model: meta-llama/Llama-3.2-1B-Instruct
|
7 |
+
pipeline_tag: text-generation
|
8 |
+
library_name: transformers
|
9 |
+
datasets:
|
10 |
+
- hendrydong/preference_700K
|
11 |
+
---
|
12 |
+
|
13 |
+
# Model Overview
|
14 |
+
|
15 |
+
This model has been fine-tuned on the hendrydong/preference_700K dataset for 2 epochs, using the Llama-3.2-1B-Instruct model as the base.
|
16 |
+
See [config](./hydra_output_2024-12-01_00-02-51/.hydra/config.yaml) for more details about the training hyperparameters.
|
17 |
+
|
18 |
+
![alt text](tb_logs.png)
|
19 |
+
|
20 |
+
Fine-tuning was done using the [fusion-bench](https://github.com/tanganke/fusion_bench):
|
21 |
+
|
22 |
+
```bash
|
23 |
+
fusion_bench --config-name llama_full_finetune \
|
24 |
+
fabric.loggers.name=llama_full_bradley_terry_rm \
|
25 |
+
method=lm_finetune/bradley_terry_rm \
|
26 |
+
method.dataloader_kwargs.batch_size=8 \
|
27 |
+
method.accumulate_grad_batches=16 \
|
28 |
+
method.lr_scheduler.min_lr=1e-7 \
|
29 |
+
method.lr_scheduler.max_lr=5e-6 \
|
30 |
+
method.lr_scheduler.warmup_steps=100 \
|
31 |
+
method.optimizer.lr=0 \
|
32 |
+
method.optimizer.weight_decay=0.001 \
|
33 |
+
method.gradient_clip_val=1 \
|
34 |
+
method.max_epochs=2 \
|
35 |
+
method.checkpoint_save_interval=epoch \
|
36 |
+
method.checkpoint_save_frequency=1 \
|
37 |
+
modelpool=SeqenceClassificationModelPool/llama_preference700k
|
38 |
+
```
|
39 |
+
|
40 |
+
8 GPUs, per-GPU batch size is 8, with gradient accumulation of 16 steps, so the effective batch size is 1024.
|
config.json
ADDED
@@ -0,0 +1,40 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "meta-llama/Llama-3.2-1B-Instruct",
|
3 |
+
"architectures": [
|
4 |
+
"LlamaForSequenceClassification"
|
5 |
+
],
|
6 |
+
"attention_bias": false,
|
7 |
+
"attention_dropout": 0.0,
|
8 |
+
"bos_token_id": 128000,
|
9 |
+
"eos_token_id": [
|
10 |
+
128001,
|
11 |
+
128008,
|
12 |
+
128009
|
13 |
+
],
|
14 |
+
"head_dim": 64,
|
15 |
+
"hidden_act": "silu",
|
16 |
+
"hidden_size": 2048,
|
17 |
+
"initializer_range": 0.02,
|
18 |
+
"intermediate_size": 8192,
|
19 |
+
"max_position_embeddings": 131072,
|
20 |
+
"mlp_bias": false,
|
21 |
+
"model_type": "llama",
|
22 |
+
"num_attention_heads": 32,
|
23 |
+
"num_hidden_layers": 16,
|
24 |
+
"num_key_value_heads": 8,
|
25 |
+
"pretraining_tp": 1,
|
26 |
+
"rms_norm_eps": 1e-05,
|
27 |
+
"rope_scaling": {
|
28 |
+
"factor": 32.0,
|
29 |
+
"high_freq_factor": 4.0,
|
30 |
+
"low_freq_factor": 1.0,
|
31 |
+
"original_max_position_embeddings": 8192,
|
32 |
+
"rope_type": "llama3"
|
33 |
+
},
|
34 |
+
"rope_theta": 500000.0,
|
35 |
+
"tie_word_embeddings": true,
|
36 |
+
"torch_dtype": "bfloat16",
|
37 |
+
"transformers_version": "4.45.2",
|
38 |
+
"use_cache": true,
|
39 |
+
"vocab_size": 128256
|
40 |
+
}
|
events.out.tfevents.1732982699.amax.254571.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:2cd840f74b9d9951672d58e54a0f9a8aa3ddc9a21d144bd62abbb7fc81fe615c
|
3 |
+
size 424134
|
hydra_output_2024-12-01_00-02-51/.hydra/config.yaml
ADDED
@@ -0,0 +1,87 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
fabric:
|
2 |
+
loggers:
|
3 |
+
_target_: lightning.fabric.loggers.TensorBoardLogger
|
4 |
+
root_dir: outputs/logs
|
5 |
+
name: llama_full_bradly_terry_rm
|
6 |
+
version: null
|
7 |
+
sub_dir: null
|
8 |
+
default_hp_metric: false
|
9 |
+
strategy:
|
10 |
+
_target_: lightning.fabric.strategies.FSDPStrategy
|
11 |
+
sharding_strategy: FULL_SHARD
|
12 |
+
cpu_offload: false
|
13 |
+
auto_wrap_policy:
|
14 |
+
_target_: fusion_bench.mixins.lightning_fabric.get_policy
|
15 |
+
_args_:
|
16 |
+
- transformers.models.llama.modeling_llama.LlamaDecoderLayer
|
17 |
+
activation_checkpointing_policy: ${.auto_wrap_policy}
|
18 |
+
_target_: lightning.Fabric
|
19 |
+
_recursive_: true
|
20 |
+
devices: auto
|
21 |
+
accelerator: auto
|
22 |
+
precision: bf16-true
|
23 |
+
method:
|
24 |
+
_target_: fusion_bench.method.BradlyTerryRewardModeling
|
25 |
+
_recursive_: false
|
26 |
+
optimizer:
|
27 |
+
_target_: torch.optim.AdamW
|
28 |
+
lr: 0
|
29 |
+
weight_decay: 0.001
|
30 |
+
fused: null
|
31 |
+
lr_scheduler:
|
32 |
+
_target_: fusion_bench.optim.lr_scheduler.CosineDecayWithWarmup
|
33 |
+
T_max: _T_max_
|
34 |
+
init_lr: 0
|
35 |
+
warmup_steps: 100
|
36 |
+
max_lr: 5.0e-06
|
37 |
+
min_lr: 1.0e-07
|
38 |
+
dataloader_kwargs:
|
39 |
+
batch_size: 8
|
40 |
+
num_workers: 0
|
41 |
+
pin_memory: true
|
42 |
+
max_epochs: 2
|
43 |
+
max_steps: -1
|
44 |
+
max_steps_per_epoch: -1
|
45 |
+
accumulate_grad_batches: 16
|
46 |
+
lr_scheduler_interval: step
|
47 |
+
lr_scheduler_frequency: 1
|
48 |
+
checkpoint_save_interval: epoch
|
49 |
+
checkpoint_save_frequency: 1
|
50 |
+
gradient_clip_val: 1
|
51 |
+
gradient_clip_algorithm: norm
|
52 |
+
save_optimizer_state: false
|
53 |
+
save_full_model: true
|
54 |
+
save_ckpt_type: lightning
|
55 |
+
ckpt_path: null
|
56 |
+
max_length: 4096
|
57 |
+
fix_token_embedding: true
|
58 |
+
modelpool:
|
59 |
+
_target_: fusion_bench.modelpool.CausalLMPool
|
60 |
+
pretrained_model_name_or_path: meta-llama/Llama-3.2-1B-Instruct
|
61 |
+
models:
|
62 |
+
_pretrained_:
|
63 |
+
_target_: fusion_bench.modelpool.seq_classification_lm.create_reward_model_from_pretrained
|
64 |
+
pretrained_model_name_or_path: ${...pretrained_model_name_or_path}
|
65 |
+
torch_dtype: bfloat16
|
66 |
+
use_flash_attention_2: true
|
67 |
+
tokenizer:
|
68 |
+
_target_: transformers.AutoTokenizer.from_pretrained
|
69 |
+
pretrained_model_name_or_path: ${..pretrained_model_name_or_path}
|
70 |
+
pad_token: <|end_of_text|>
|
71 |
+
train_datasets:
|
72 |
+
preference_700k:
|
73 |
+
_target_: fusion_bench.dataset.llama.preference_700k.load_tokenized_preference_700k_for_bradley_terry_rm
|
74 |
+
tokenizer: ${...tokenizer}
|
75 |
+
path: hendrydong/preference_700K
|
76 |
+
split: train
|
77 |
+
cache_path: null
|
78 |
+
taskpool:
|
79 |
+
_target_: fusion_bench.taskpool.DummyTaskPool
|
80 |
+
model_save_path: null
|
81 |
+
_target_: fusion_bench.programs.FabricModelFusionProgram
|
82 |
+
_recursive_: false
|
83 |
+
fast_dev_run: false
|
84 |
+
dry_run: false
|
85 |
+
print_config: true
|
86 |
+
report_save_path: null
|
87 |
+
print_function_call: true
|
hydra_output_2024-12-01_00-02-51/.hydra/hydra.yaml
ADDED
@@ -0,0 +1,206 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
hydra:
|
2 |
+
run:
|
3 |
+
dir: outputs/${hydra.job.name}/${now:%Y-%m-%d_%H-%M-%S}
|
4 |
+
sweep:
|
5 |
+
dir: outputs/${hydra.job.name}/${now:%Y-%m-%d_%H-%M-%S}
|
6 |
+
subdir: ${hydra.job.num}
|
7 |
+
launcher:
|
8 |
+
_target_: hydra._internal.core_plugins.basic_launcher.BasicLauncher
|
9 |
+
sweeper:
|
10 |
+
_target_: hydra._internal.core_plugins.basic_sweeper.BasicSweeper
|
11 |
+
max_batch_size: null
|
12 |
+
params: null
|
13 |
+
help:
|
14 |
+
app_name: fusion_bench
|
15 |
+
header: == ${hydra.help.app_name} ==
|
16 |
+
footer: 'Powered by Hydra (https://hydra.cc)
|
17 |
+
|
18 |
+
Use --hydra-help to view Hydra specific help'
|
19 |
+
template: '${hydra.help.header}
|
20 |
+
|
21 |
+
|
22 |
+
fusion_bench is the command line interface for running model fusion benchmarks
|
23 |
+
in the FusionBench project.
|
24 |
+
|
25 |
+
It provides a flexible way to configure and execute various fusion algorithms
|
26 |
+
on different model pools and evaluate them across multiple tasks.
|
27 |
+
|
28 |
+
|
29 |
+
== Configuration groups ==
|
30 |
+
|
31 |
+
Compose your configuration from these groups (method, modelpool, taskpool are
|
32 |
+
the most important):
|
33 |
+
|
34 |
+
|
35 |
+
$APP_CONFIG_GROUPS
|
36 |
+
|
37 |
+
|
38 |
+
== Config ==
|
39 |
+
|
40 |
+
You can override options, for example:
|
41 |
+
|
42 |
+
fusion_bench method=task_arithmetic modelpool=clip-vit-base-patch32_svhn_and_mnist
|
43 |
+
taskpool=clip-vit-base-patch32_svhn_and_mnist
|
44 |
+
|
45 |
+
|
46 |
+
== Basic usage ==
|
47 |
+
|
48 |
+
fusion_bench [--config-path CONFIG_PATH] [--config-name CONFIG_NAME] OPTION_1=VALUE_1
|
49 |
+
OPTION_2=VALUE_2 ...
|
50 |
+
|
51 |
+
|
52 |
+
== Key options ==
|
53 |
+
|
54 |
+
--help, -h : Print this help message and exit
|
55 |
+
|
56 |
+
--hydra-help : Hydra''s help
|
57 |
+
|
58 |
+
--cfg, -c : Show config instead of running [job|hydra|all]
|
59 |
+
|
60 |
+
--config-path, -cp : Overrides the config_path
|
61 |
+
|
62 |
+
--config-name, -cn : Overrides the config_name
|
63 |
+
|
64 |
+
--shell-completion, -sc : Install or Uninstall shell completion
|
65 |
+
|
66 |
+
|
67 |
+
For more detailed information on options and usage, please refer to the online
|
68 |
+
documentation:
|
69 |
+
|
70 |
+
https://tanganke.github.io/fusion_bench/cli/fusion_bench/
|
71 |
+
|
72 |
+
|
73 |
+
${hydra.help.footer}'
|
74 |
+
hydra_help:
|
75 |
+
template: 'Hydra (${hydra.runtime.version})
|
76 |
+
|
77 |
+
See https://hydra.cc for more info.
|
78 |
+
|
79 |
+
|
80 |
+
== Flags ==
|
81 |
+
|
82 |
+
$FLAGS_HELP
|
83 |
+
|
84 |
+
|
85 |
+
== Configuration groups ==
|
86 |
+
|
87 |
+
Compose your configuration from those groups (For example, append hydra/job_logging=disabled
|
88 |
+
to command line)
|
89 |
+
|
90 |
+
|
91 |
+
$HYDRA_CONFIG_GROUPS
|
92 |
+
|
93 |
+
|
94 |
+
Use ''--cfg hydra'' to Show the Hydra config.
|
95 |
+
|
96 |
+
'
|
97 |
+
hydra_help: ???
|
98 |
+
hydra_logging:
|
99 |
+
version: 1
|
100 |
+
formatters:
|
101 |
+
simple:
|
102 |
+
format: '[%(asctime)s][HYDRA] %(message)s'
|
103 |
+
handlers:
|
104 |
+
console:
|
105 |
+
class: logging.StreamHandler
|
106 |
+
formatter: simple
|
107 |
+
stream: ext://sys.stdout
|
108 |
+
root:
|
109 |
+
level: INFO
|
110 |
+
handlers:
|
111 |
+
- console
|
112 |
+
loggers:
|
113 |
+
logging_example:
|
114 |
+
level: DEBUG
|
115 |
+
disable_existing_loggers: false
|
116 |
+
job_logging:
|
117 |
+
version: 1
|
118 |
+
formatters:
|
119 |
+
simple:
|
120 |
+
format: '[%(asctime)s][%(name)s][%(levelname)s] - %(message)s'
|
121 |
+
rich_handler:
|
122 |
+
format: '%(message)s'
|
123 |
+
handlers:
|
124 |
+
console:
|
125 |
+
class: rich.logging.RichHandler
|
126 |
+
formatter: rich_handler
|
127 |
+
file:
|
128 |
+
class: logging.FileHandler
|
129 |
+
formatter: simple
|
130 |
+
filename: ${hydra.runtime.output_dir}/${hydra.job.name}.log
|
131 |
+
root:
|
132 |
+
level: INFO
|
133 |
+
handlers:
|
134 |
+
- console
|
135 |
+
- file
|
136 |
+
disable_existing_loggers: false
|
137 |
+
env: {}
|
138 |
+
mode: RUN
|
139 |
+
searchpath: []
|
140 |
+
callbacks: {}
|
141 |
+
output_subdir: .hydra
|
142 |
+
overrides:
|
143 |
+
hydra:
|
144 |
+
- hydra.mode=RUN
|
145 |
+
task:
|
146 |
+
- fabric.loggers.name=llama_full_bradly_terry_rm
|
147 |
+
- method=lm_finetune/bradly_terry_rm
|
148 |
+
- method.dataloader_kwargs.batch_size=8
|
149 |
+
- method.accumulate_grad_batches=16
|
150 |
+
- method.lr_scheduler.min_lr=1e-7
|
151 |
+
- method.lr_scheduler.max_lr=5e-6
|
152 |
+
- method.lr_scheduler.warmup_steps=100
|
153 |
+
- method.optimizer.lr=0
|
154 |
+
- method.optimizer.weight_decay=0.001
|
155 |
+
- method.gradient_clip_val=1
|
156 |
+
- method.max_epochs=2
|
157 |
+
- method.checkpoint_save_interval=epoch
|
158 |
+
- method.checkpoint_save_frequency=1
|
159 |
+
- modelpool=SeqenceClassificationModelPool/llama_preference700k
|
160 |
+
job:
|
161 |
+
name: cli
|
162 |
+
chdir: null
|
163 |
+
override_dirname: fabric.loggers.name=llama_full_bradly_terry_rm,method.accumulate_grad_batches=16,method.checkpoint_save_frequency=1,method.checkpoint_save_interval=epoch,method.dataloader_kwargs.batch_size=8,method.gradient_clip_val=1,method.lr_scheduler.max_lr=5e-6,method.lr_scheduler.min_lr=1e-7,method.lr_scheduler.warmup_steps=100,method.max_epochs=2,method.optimizer.lr=0,method.optimizer.weight_decay=0.001,method=lm_finetune/bradly_terry_rm,modelpool=SeqenceClassificationModelPool/llama_preference700k
|
164 |
+
id: ???
|
165 |
+
num: ???
|
166 |
+
config_name: llama_full_finetune
|
167 |
+
env_set: {}
|
168 |
+
env_copy: []
|
169 |
+
config:
|
170 |
+
override_dirname:
|
171 |
+
kv_sep: '='
|
172 |
+
item_sep: ','
|
173 |
+
exclude_keys: []
|
174 |
+
runtime:
|
175 |
+
version: 1.3.2
|
176 |
+
version_base: '1.3'
|
177 |
+
cwd: /data0/users/tanganke/projects/fusion_bench
|
178 |
+
config_sources:
|
179 |
+
- path: hydra.conf
|
180 |
+
schema: pkg
|
181 |
+
provider: hydra
|
182 |
+
- path: /data0/users/tanganke/projects/fusion_bench/fusion_bench_config
|
183 |
+
schema: file
|
184 |
+
provider: main
|
185 |
+
- path: ''
|
186 |
+
schema: structured
|
187 |
+
provider: schema
|
188 |
+
output_dir: /data0/users/tanganke/projects/fusion_bench/outputs/cli/2024-12-01_00-02-51
|
189 |
+
choices:
|
190 |
+
taskpool: dummy
|
191 |
+
modelpool: SeqenceClassificationModelPool/llama_preference700k
|
192 |
+
method: lm_finetune/bradly_terry_rm
|
193 |
+
fabric: llama_fsdp
|
194 |
+
fabric/strategy: llama_fsdp
|
195 |
+
fabric/loggers: tensorboard_logger
|
196 |
+
hydra: default
|
197 |
+
hydra/env: default
|
198 |
+
hydra/callbacks: null
|
199 |
+
hydra/job_logging: rich_logging
|
200 |
+
hydra/hydra_logging: default
|
201 |
+
hydra/hydra_help: default
|
202 |
+
hydra/help: fusion_bench_help
|
203 |
+
hydra/sweeper: basic
|
204 |
+
hydra/launcher: basic
|
205 |
+
hydra/output: default
|
206 |
+
verbose: false
|
hydra_output_2024-12-01_00-02-51/.hydra/overrides.yaml
ADDED
@@ -0,0 +1,14 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
- fabric.loggers.name=llama_full_bradly_terry_rm
|
2 |
+
- method=lm_finetune/bradly_terry_rm
|
3 |
+
- method.dataloader_kwargs.batch_size=8
|
4 |
+
- method.accumulate_grad_batches=16
|
5 |
+
- method.lr_scheduler.min_lr=1e-7
|
6 |
+
- method.lr_scheduler.max_lr=5e-6
|
7 |
+
- method.lr_scheduler.warmup_steps=100
|
8 |
+
- method.optimizer.lr=0
|
9 |
+
- method.optimizer.weight_decay=0.001
|
10 |
+
- method.gradient_clip_val=1
|
11 |
+
- method.max_epochs=2
|
12 |
+
- method.checkpoint_save_interval=epoch
|
13 |
+
- method.checkpoint_save_frequency=1
|
14 |
+
- modelpool=SeqenceClassificationModelPool/llama_preference700k
|
hydra_output_2024-12-01_00-02-51/cli.log
ADDED
@@ -0,0 +1,136 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2024-12-01 00:02:53,586][lightning.pytorch.utilities.rank_zero][INFO] - You are using a CUDA device ('NVIDIA GeForce RTX 3090') that has Tensor Cores. To properly utilize them, you should set `torch.set_float32_matmul_precision('medium' | 'high')` which will trade-off precision for performance. For more details, read https://pytorch.org/docs/stable/generated/torch.set_float32_matmul_precision.html#torch.set_float32_matmul_precision
|
2 |
+
[2024-12-01 00:02:53,612][lightning.fabric.utilities.distributed][INFO] - Initializing distributed: GLOBAL_RANK: 0, MEMBER: 1/8
|
3 |
+
[2024-12-01 00:02:59,279][lightning.pytorch.utilities.rank_zero][INFO] - ----------------------------------------------------------------------------------------------------
|
4 |
+
distributed_backend=nccl
|
5 |
+
All distributed processes registered. Starting with 8 processes
|
6 |
+
----------------------------------------------------------------------------------------------------
|
7 |
+
|
8 |
+
[2024-12-01 00:02:59,286][fusion_bench.programs.fabric_fusion_program][INFO] - Running the model fusion program.
|
9 |
+
[2024-12-01 00:02:59,289][fusion_bench.programs.fabric_fusion_program][INFO] - loading model pool
|
10 |
+
[2024-12-01 00:02:59,345][fusion_bench.mixins.serialization][WARNING] - Unused argument: pretrained_model_name_or_path=meta-llama/Llama-3.2-1B-Instruct
|
11 |
+
[2024-12-01 00:02:59,346][fusion_bench.programs.fabric_fusion_program][INFO] - loading method
|
12 |
+
[2024-12-01 00:02:59,356][fusion_bench.programs.fabric_fusion_program][INFO] - loading task pool
|
13 |
+
[2024-12-01 00:02:59,359][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading tokenizer.
|
14 |
+
[2024-12-01 00:03:01,364][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading model: _pretrained_
|
15 |
+
[2024-12-01 00:03:09,127][fusion_bench.mixins.fabric_training][INFO] - Expected total steps: 1367
|
16 |
+
[2024-12-01 00:03:09,131][fusion_bench.method.lm_finetune.bradley_terry_rm][INFO] - Setting key `T_max` of lr_scheduler configuration to 1367
|
17 |
+
[2024-12-01 00:04:59,492][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4932 > 4096. Truncating input.
|
18 |
+
[2024-12-01 00:34:06,978][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4965 > 4096. Truncating input.
|
19 |
+
[2024-12-01 01:05:39,996][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 7055 > 4096. Truncating input.
|
20 |
+
[2024-12-01 01:10:35,674][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4203 > 4096. Truncating input.
|
21 |
+
[2024-12-01 02:06:02,105][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5677 > 4096. Truncating input.
|
22 |
+
[2024-12-01 02:06:33,375][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4222 > 4096. Truncating input.
|
23 |
+
[2024-12-01 02:10:10,701][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4976 > 4096. Truncating input.
|
24 |
+
[2024-12-01 03:21:23,107][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4984 > 4096. Truncating input.
|
25 |
+
[2024-12-01 04:33:05,519][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4144 > 4096. Truncating input.
|
26 |
+
[2024-12-01 04:46:26,474][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4502 > 4096. Truncating input.
|
27 |
+
[2024-12-01 04:49:50,274][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4255 > 4096. Truncating input.
|
28 |
+
[2024-12-01 05:09:21,368][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4729 > 4096. Truncating input.
|
29 |
+
[2024-12-01 05:18:27,501][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4269 > 4096. Truncating input.
|
30 |
+
[2024-12-01 05:33:40,443][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5366 > 4096. Truncating input.
|
31 |
+
[2024-12-01 06:10:41,920][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4270 > 4096. Truncating input.
|
32 |
+
[2024-12-01 06:20:14,659][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4744 > 4096. Truncating input.
|
33 |
+
[2024-12-01 06:46:07,270][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4773 > 4096. Truncating input.
|
34 |
+
[2024-12-01 06:57:34,764][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4424 > 4096. Truncating input.
|
35 |
+
[2024-12-01 07:15:03,811][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5770 > 4096. Truncating input.
|
36 |
+
[2024-12-01 07:59:26,708][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5077 > 4096. Truncating input.
|
37 |
+
[2024-12-01 08:22:55,217][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4595 > 4096. Truncating input.
|
38 |
+
[2024-12-01 08:28:34,958][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4970 > 4096. Truncating input.
|
39 |
+
[2024-12-01 09:11:55,748][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4849 > 4096. Truncating input.
|
40 |
+
[2024-12-01 09:18:10,430][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4212 > 4096. Truncating input.
|
41 |
+
[2024-12-01 09:36:02,488][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5094 > 4096. Truncating input.
|
42 |
+
[2024-12-01 09:58:00,077][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4604 > 4096. Truncating input.
|
43 |
+
[2024-12-01 10:04:45,159][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6428 > 4096. Truncating input.
|
44 |
+
[2024-12-01 10:22:07,223][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4722 > 4096. Truncating input.
|
45 |
+
[2024-12-01 10:22:33,498][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4273 > 4096. Truncating input.
|
46 |
+
[2024-12-01 10:23:07,412][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5221 > 4096. Truncating input.
|
47 |
+
[2024-12-01 10:46:06,370][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4113 > 4096. Truncating input.
|
48 |
+
[2024-12-01 11:49:17,945][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4926 > 4096. Truncating input.
|
49 |
+
[2024-12-01 11:59:34,976][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5552 > 4096. Truncating input.
|
50 |
+
[2024-12-01 12:29:36,230][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4880 > 4096. Truncating input.
|
51 |
+
[2024-12-01 12:47:52,484][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5242 > 4096. Truncating input.
|
52 |
+
[2024-12-01 13:13:31,623][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4747 > 4096. Truncating input.
|
53 |
+
[2024-12-01 13:35:18,687][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4518 > 4096. Truncating input.
|
54 |
+
[2024-12-01 13:59:48,328][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4663 > 4096. Truncating input.
|
55 |
+
[2024-12-01 14:09:47,241][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5493 > 4096. Truncating input.
|
56 |
+
[2024-12-01 14:13:35,064][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5026 > 4096. Truncating input.
|
57 |
+
[2024-12-01 14:56:38,580][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4992 > 4096. Truncating input.
|
58 |
+
[2024-12-01 15:31:30,090][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5095 > 4096. Truncating input.
|
59 |
+
[2024-12-01 15:38:03,841][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4366 > 4096. Truncating input.
|
60 |
+
[2024-12-01 16:30:51,639][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6038 > 4096. Truncating input.
|
61 |
+
[2024-12-01 16:46:57,788][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6141 > 4096. Truncating input.
|
62 |
+
[2024-12-01 17:12:33,754][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4434 > 4096. Truncating input.
|
63 |
+
[2024-12-01 17:48:58,800][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4700 > 4096. Truncating input.
|
64 |
+
[2024-12-01 18:58:06,524][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4268 > 4096. Truncating input.
|
65 |
+
[2024-12-01 19:47:30,189][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4162 > 4096. Truncating input.
|
66 |
+
[2024-12-01 19:59:31,522][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4585 > 4096. Truncating input.
|
67 |
+
[2024-12-01 20:11:46,992][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 8593 > 4096. Truncating input.
|
68 |
+
[2024-12-01 20:59:46,422][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4412 > 4096. Truncating input.
|
69 |
+
[2024-12-01 21:18:15,197][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4932 > 4096. Truncating input.
|
70 |
+
[2024-12-01 21:45:51,725][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4684 > 4096. Truncating input.
|
71 |
+
[2024-12-01 22:15:49,251][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4865 > 4096. Truncating input.
|
72 |
+
[2024-12-01 22:16:57,422][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5669 > 4096. Truncating input.
|
73 |
+
[2024-12-01 22:32:59,955][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5091 > 4096. Truncating input.
|
74 |
+
[2024-12-02 00:03:56,712][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4463 > 4096. Truncating input.
|
75 |
+
[2024-12-02 00:09:34,514][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4598 > 4096. Truncating input.
|
76 |
+
[2024-12-02 00:15:38,290][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4998 > 4096. Truncating input.
|
77 |
+
[2024-12-02 00:25:45,182][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4501 > 4096. Truncating input.
|
78 |
+
[2024-12-02 00:27:43,466][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4920 > 4096. Truncating input.
|
79 |
+
[2024-12-02 00:48:23,808][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4653 > 4096. Truncating input.
|
80 |
+
[2024-12-02 01:02:12,105][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6340 > 4096. Truncating input.
|
81 |
+
[2024-12-02 01:25:53,873][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5699 > 4096. Truncating input.
|
82 |
+
[2024-12-02 01:26:44,039][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4751 > 4096. Truncating input.
|
83 |
+
[2024-12-02 01:37:34,547][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4280 > 4096. Truncating input.
|
84 |
+
[2024-12-02 01:44:42,867][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6591 > 4096. Truncating input.
|
85 |
+
[2024-12-02 02:11:20,106][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4661 > 4096. Truncating input.
|
86 |
+
[2024-12-02 02:23:40,509][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4528 > 4096. Truncating input.
|
87 |
+
[2024-12-02 02:31:50,609][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4595 > 4096. Truncating input.
|
88 |
+
[2024-12-02 02:49:41,372][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4533 > 4096. Truncating input.
|
89 |
+
[2024-12-02 02:50:49,863][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4502 > 4096. Truncating input.
|
90 |
+
[2024-12-02 03:11:35,819][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4179 > 4096. Truncating input.
|
91 |
+
[2024-12-02 03:58:20,677][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4591 > 4096. Truncating input.
|
92 |
+
[2024-12-02 04:29:14,017][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4214 > 4096. Truncating input.
|
93 |
+
[2024-12-02 04:30:43,718][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4405 > 4096. Truncating input.
|
94 |
+
[2024-12-02 04:43:04,782][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4212 > 4096. Truncating input.
|
95 |
+
[2024-12-02 04:51:09,416][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4274 > 4096. Truncating input.
|
96 |
+
[2024-12-02 05:06:45,536][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4447 > 4096. Truncating input.
|
97 |
+
[2024-12-02 05:38:36,951][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4644 > 4096. Truncating input.
|
98 |
+
[2024-12-02 05:44:42,194][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4527 > 4096. Truncating input.
|
99 |
+
[2024-12-02 05:51:13,061][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4994 > 4096. Truncating input.
|
100 |
+
[2024-12-02 05:56:25,820][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4482 > 4096. Truncating input.
|
101 |
+
[2024-12-02 06:11:08,169][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4644 > 4096. Truncating input.
|
102 |
+
[2024-12-02 06:18:43,410][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4292 > 4096. Truncating input.
|
103 |
+
[2024-12-02 06:18:55,560][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4615 > 4096. Truncating input.
|
104 |
+
[2024-12-02 07:03:20,453][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4153 > 4096. Truncating input.
|
105 |
+
[2024-12-02 07:26:38,563][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4788 > 4096. Truncating input.
|
106 |
+
[2024-12-02 07:34:38,677][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4360 > 4096. Truncating input.
|
107 |
+
[2024-12-02 08:50:50,744][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5937 > 4096. Truncating input.
|
108 |
+
[2024-12-02 08:53:42,954][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4685 > 4096. Truncating input.
|
109 |
+
[2024-12-02 09:03:27,543][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4674 > 4096. Truncating input.
|
110 |
+
[2024-12-02 09:07:58,014][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4231 > 4096. Truncating input.
|
111 |
+
[2024-12-02 09:40:11,681][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5602 > 4096. Truncating input.
|
112 |
+
[2024-12-02 09:46:50,557][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4449 > 4096. Truncating input.
|
113 |
+
[2024-12-02 11:23:29,753][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 8047 > 4096. Truncating input.
|
114 |
+
[2024-12-02 11:25:42,289][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4604 > 4096. Truncating input.
|
115 |
+
[2024-12-02 12:11:10,219][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5185 > 4096. Truncating input.
|
116 |
+
[2024-12-02 12:26:00,410][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4867 > 4096. Truncating input.
|
117 |
+
[2024-12-02 12:47:18,302][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4733 > 4096. Truncating input.
|
118 |
+
[2024-12-02 12:56:22,131][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4571 > 4096. Truncating input.
|
119 |
+
[2024-12-02 12:56:39,795][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4241 > 4096. Truncating input.
|
120 |
+
[2024-12-02 13:23:30,059][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4273 > 4096. Truncating input.
|
121 |
+
[2024-12-02 13:40:29,409][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4396 > 4096. Truncating input.
|
122 |
+
[2024-12-02 13:50:04,924][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4524 > 4096. Truncating input.
|
123 |
+
[2024-12-02 14:00:14,778][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4259 > 4096. Truncating input.
|
124 |
+
[2024-12-02 15:04:05,386][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4493 > 4096. Truncating input.
|
125 |
+
[2024-12-02 15:06:59,966][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5221 > 4096. Truncating input.
|
126 |
+
[2024-12-02 15:24:08,497][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4656 > 4096. Truncating input.
|
127 |
+
[2024-12-02 15:34:54,901][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4297 > 4096. Truncating input.
|
128 |
+
[2024-12-02 16:12:50,950][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4741 > 4096. Truncating input.
|
129 |
+
[2024-12-02 16:15:06,389][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4206 > 4096. Truncating input.
|
130 |
+
[2024-12-02 16:24:17,204][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4620 > 4096. Truncating input.
|
131 |
+
[2024-12-02 16:29:23,950][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4948 > 4096. Truncating input.
|
132 |
+
[2024-12-02 17:25:42,866][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4808 > 4096. Truncating input.
|
133 |
+
[2024-12-02 17:26:41,180][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4435 > 4096. Truncating input.
|
134 |
+
[2024-12-02 17:39:04,165][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4812 > 4096. Truncating input.
|
135 |
+
[2024-12-02 18:21:45,214][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4103 > 4096. Truncating input.
|
136 |
+
[2024-12-02 18:24:20,723][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4773 > 4096. Truncating input.
|
hydra_output_2024-12-01_00-02-51/train_ddp_process_1.log
ADDED
@@ -0,0 +1,122 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2024-12-01 00:02:59,178][lightning.fabric.utilities.distributed][INFO] - Initializing distributed: GLOBAL_RANK: 1, MEMBER: 2/8
|
2 |
+
[2024-12-01 00:02:59,183][fusion_bench.programs.fabric_fusion_program][INFO] - Running the model fusion program.
|
3 |
+
[2024-12-01 00:02:59,184][fusion_bench.programs.fabric_fusion_program][INFO] - loading model pool
|
4 |
+
[2024-12-01 00:02:59,236][fusion_bench.mixins.serialization][WARNING] - Unused argument: pretrained_model_name_or_path=meta-llama/Llama-3.2-1B-Instruct
|
5 |
+
[2024-12-01 00:02:59,237][fusion_bench.programs.fabric_fusion_program][INFO] - loading method
|
6 |
+
[2024-12-01 00:02:59,243][fusion_bench.programs.fabric_fusion_program][INFO] - loading task pool
|
7 |
+
[2024-12-01 00:02:59,245][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading tokenizer.
|
8 |
+
[2024-12-01 00:03:00,170][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading model: _pretrained_
|
9 |
+
[2024-12-01 00:03:08,340][fusion_bench.mixins.fabric_training][INFO] - Expected total steps: 1367
|
10 |
+
[2024-12-01 00:03:08,344][fusion_bench.method.lm_finetune.bradley_terry_rm][INFO] - Setting key `T_max` of lr_scheduler configuration to 1367
|
11 |
+
[2024-12-01 00:13:54,904][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4705 > 4096. Truncating input.
|
12 |
+
[2024-12-01 00:18:32,680][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4296 > 4096. Truncating input.
|
13 |
+
[2024-12-01 00:51:55,489][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4926 > 4096. Truncating input.
|
14 |
+
[2024-12-01 01:02:14,833][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4360 > 4096. Truncating input.
|
15 |
+
[2024-12-01 01:29:08,474][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4399 > 4096. Truncating input.
|
16 |
+
[2024-12-01 01:32:02,731][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4547 > 4096. Truncating input.
|
17 |
+
[2024-12-01 02:18:09,730][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4291 > 4096. Truncating input.
|
18 |
+
[2024-12-01 02:24:35,692][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4601 > 4096. Truncating input.
|
19 |
+
[2024-12-01 02:38:24,510][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4228 > 4096. Truncating input.
|
20 |
+
[2024-12-01 02:49:27,652][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4257 > 4096. Truncating input.
|
21 |
+
[2024-12-01 03:49:27,820][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4570 > 4096. Truncating input.
|
22 |
+
[2024-12-01 04:11:57,917][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5525 > 4096. Truncating input.
|
23 |
+
[2024-12-01 04:12:32,372][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4642 > 4096. Truncating input.
|
24 |
+
[2024-12-01 04:16:37,798][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4525 > 4096. Truncating input.
|
25 |
+
[2024-12-01 04:17:35,384][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4274 > 4096. Truncating input.
|
26 |
+
[2024-12-01 04:19:11,675][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5526 > 4096. Truncating input.
|
27 |
+
[2024-12-01 04:52:37,768][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4646 > 4096. Truncating input.
|
28 |
+
[2024-12-01 04:53:53,309][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5315 > 4096. Truncating input.
|
29 |
+
[2024-12-01 06:03:32,001][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4221 > 4096. Truncating input.
|
30 |
+
[2024-12-01 06:22:05,739][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4292 > 4096. Truncating input.
|
31 |
+
[2024-12-01 07:00:23,297][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4555 > 4096. Truncating input.
|
32 |
+
[2024-12-01 07:19:10,907][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4479 > 4096. Truncating input.
|
33 |
+
[2024-12-01 07:33:50,729][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4826 > 4096. Truncating input.
|
34 |
+
[2024-12-01 07:34:53,468][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4582 > 4096. Truncating input.
|
35 |
+
[2024-12-01 08:10:50,613][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4297 > 4096. Truncating input.
|
36 |
+
[2024-12-01 08:24:53,508][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4646 > 4096. Truncating input.
|
37 |
+
[2024-12-01 08:30:08,276][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4250 > 4096. Truncating input.
|
38 |
+
[2024-12-01 08:42:45,451][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4312 > 4096. Truncating input.
|
39 |
+
[2024-12-01 08:53:44,394][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4259 > 4096. Truncating input.
|
40 |
+
[2024-12-01 09:23:04,435][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5602 > 4096. Truncating input.
|
41 |
+
[2024-12-01 09:28:58,176][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4699 > 4096. Truncating input.
|
42 |
+
[2024-12-01 09:36:45,893][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6295 > 4096. Truncating input.
|
43 |
+
[2024-12-01 09:48:14,500][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4514 > 4096. Truncating input.
|
44 |
+
[2024-12-01 10:49:52,885][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4849 > 4096. Truncating input.
|
45 |
+
[2024-12-01 10:56:25,966][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4117 > 4096. Truncating input.
|
46 |
+
[2024-12-01 11:45:16,117][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4785 > 4096. Truncating input.
|
47 |
+
[2024-12-01 12:02:40,995][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4393 > 4096. Truncating input.
|
48 |
+
[2024-12-01 12:04:28,428][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4153 > 4096. Truncating input.
|
49 |
+
[2024-12-01 13:33:33,082][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4558 > 4096. Truncating input.
|
50 |
+
[2024-12-01 13:48:57,757][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4587 > 4096. Truncating input.
|
51 |
+
[2024-12-01 13:51:30,230][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4875 > 4096. Truncating input.
|
52 |
+
[2024-12-01 14:05:15,857][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4241 > 4096. Truncating input.
|
53 |
+
[2024-12-01 14:43:29,359][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4103 > 4096. Truncating input.
|
54 |
+
[2024-12-01 14:55:05,214][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6179 > 4096. Truncating input.
|
55 |
+
[2024-12-01 14:59:29,757][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4571 > 4096. Truncating input.
|
56 |
+
[2024-12-01 15:01:46,670][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4800 > 4096. Truncating input.
|
57 |
+
[2024-12-01 15:09:30,440][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4998 > 4096. Truncating input.
|
58 |
+
[2024-12-01 15:23:27,067][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4948 > 4096. Truncating input.
|
59 |
+
[2024-12-01 16:30:16,533][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4545 > 4096. Truncating input.
|
60 |
+
[2024-12-01 16:52:44,415][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4140 > 4096. Truncating input.
|
61 |
+
[2024-12-01 17:50:56,985][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4434 > 4096. Truncating input.
|
62 |
+
[2024-12-01 18:35:47,988][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5025 > 4096. Truncating input.
|
63 |
+
[2024-12-01 18:41:51,220][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4557 > 4096. Truncating input.
|
64 |
+
[2024-12-01 18:48:31,601][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4524 > 4096. Truncating input.
|
65 |
+
[2024-12-01 19:13:09,334][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4177 > 4096. Truncating input.
|
66 |
+
[2024-12-01 19:20:27,822][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4733 > 4096. Truncating input.
|
67 |
+
[2024-12-01 20:03:19,362][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4505 > 4096. Truncating input.
|
68 |
+
[2024-12-01 20:48:52,846][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4369 > 4096. Truncating input.
|
69 |
+
[2024-12-01 20:55:23,249][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4119 > 4096. Truncating input.
|
70 |
+
[2024-12-01 22:32:18,376][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4963 > 4096. Truncating input.
|
71 |
+
[2024-12-01 22:33:44,379][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4341 > 4096. Truncating input.
|
72 |
+
[2024-12-01 22:46:03,520][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5770 > 4096. Truncating input.
|
73 |
+
[2024-12-01 23:01:48,003][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 8099 > 4096. Truncating input.
|
74 |
+
[2024-12-01 23:11:30,341][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4585 > 4096. Truncating input.
|
75 |
+
[2024-12-01 23:24:16,836][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4224 > 4096. Truncating input.
|
76 |
+
[2024-12-01 23:42:32,402][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4790 > 4096. Truncating input.
|
77 |
+
[2024-12-01 23:54:36,880][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4828 > 4096. Truncating input.
|
78 |
+
[2024-12-02 00:00:43,016][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4598 > 4096. Truncating input.
|
79 |
+
[2024-12-02 00:47:58,909][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4985 > 4096. Truncating input.
|
80 |
+
[2024-12-02 00:59:32,922][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4663 > 4096. Truncating input.
|
81 |
+
[2024-12-02 01:05:15,428][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4811 > 4096. Truncating input.
|
82 |
+
[2024-12-02 01:11:54,229][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4291 > 4096. Truncating input.
|
83 |
+
[2024-12-02 01:42:01,942][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4926 > 4096. Truncating input.
|
84 |
+
[2024-12-02 01:44:43,177][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4142 > 4096. Truncating input.
|
85 |
+
[2024-12-02 03:48:28,140][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4140 > 4096. Truncating input.
|
86 |
+
[2024-12-02 04:02:00,107][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5839 > 4096. Truncating input.
|
87 |
+
[2024-12-02 04:15:23,453][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4362 > 4096. Truncating input.
|
88 |
+
[2024-12-02 04:17:47,445][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6295 > 4096. Truncating input.
|
89 |
+
[2024-12-02 04:39:12,111][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4752 > 4096. Truncating input.
|
90 |
+
[2024-12-02 04:47:16,553][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4164 > 4096. Truncating input.
|
91 |
+
[2024-12-02 06:07:56,326][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4665 > 4096. Truncating input.
|
92 |
+
[2024-12-02 06:27:16,794][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4239 > 4096. Truncating input.
|
93 |
+
[2024-12-02 06:30:32,196][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4102 > 4096. Truncating input.
|
94 |
+
[2024-12-02 06:54:11,922][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4722 > 4096. Truncating input.
|
95 |
+
[2024-12-02 07:12:25,268][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5603 > 4096. Truncating input.
|
96 |
+
[2024-12-02 07:57:00,936][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4699 > 4096. Truncating input.
|
97 |
+
[2024-12-02 08:05:24,091][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5032 > 4096. Truncating input.
|
98 |
+
[2024-12-02 08:46:30,033][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5082 > 4096. Truncating input.
|
99 |
+
[2024-12-02 09:09:02,594][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4302 > 4096. Truncating input.
|
100 |
+
[2024-12-02 09:20:05,038][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4917 > 4096. Truncating input.
|
101 |
+
[2024-12-02 09:42:50,646][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4414 > 4096. Truncating input.
|
102 |
+
[2024-12-02 11:36:16,670][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4926 > 4096. Truncating input.
|
103 |
+
[2024-12-02 11:38:03,763][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4162 > 4096. Truncating input.
|
104 |
+
[2024-12-02 11:47:25,860][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4537 > 4096. Truncating input.
|
105 |
+
[2024-12-02 12:19:29,169][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4846 > 4096. Truncating input.
|
106 |
+
[2024-12-02 12:25:16,281][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5195 > 4096. Truncating input.
|
107 |
+
[2024-12-02 14:25:30,297][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4310 > 4096. Truncating input.
|
108 |
+
[2024-12-02 14:56:36,867][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4705 > 4096. Truncating input.
|
109 |
+
[2024-12-02 15:09:47,465][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4380 > 4096. Truncating input.
|
110 |
+
[2024-12-02 15:22:15,867][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6428 > 4096. Truncating input.
|
111 |
+
[2024-12-02 15:24:55,716][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4710 > 4096. Truncating input.
|
112 |
+
[2024-12-02 15:36:18,579][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4259 > 4096. Truncating input.
|
113 |
+
[2024-12-02 15:43:18,015][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4203 > 4096. Truncating input.
|
114 |
+
[2024-12-02 15:44:31,177][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5525 > 4096. Truncating input.
|
115 |
+
[2024-12-02 16:21:47,561][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4492 > 4096. Truncating input.
|
116 |
+
[2024-12-02 16:27:50,367][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4177 > 4096. Truncating input.
|
117 |
+
[2024-12-02 16:34:12,479][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4130 > 4096. Truncating input.
|
118 |
+
[2024-12-02 16:59:17,693][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4984 > 4096. Truncating input.
|
119 |
+
[2024-12-02 17:02:57,992][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4292 > 4096. Truncating input.
|
120 |
+
[2024-12-02 17:30:41,525][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4718 > 4096. Truncating input.
|
121 |
+
[2024-12-02 17:45:13,002][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4569 > 4096. Truncating input.
|
122 |
+
[2024-12-02 18:19:00,014][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 9431 > 4096. Truncating input.
|
hydra_output_2024-12-01_00-02-51/train_ddp_process_2.log
ADDED
@@ -0,0 +1,134 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2024-12-01 00:02:59,172][lightning.fabric.utilities.distributed][INFO] - Initializing distributed: GLOBAL_RANK: 2, MEMBER: 3/8
|
2 |
+
[2024-12-01 00:02:59,181][fusion_bench.programs.fabric_fusion_program][INFO] - Running the model fusion program.
|
3 |
+
[2024-12-01 00:02:59,184][fusion_bench.programs.fabric_fusion_program][INFO] - loading model pool
|
4 |
+
[2024-12-01 00:02:59,239][fusion_bench.mixins.serialization][WARNING] - Unused argument: pretrained_model_name_or_path=meta-llama/Llama-3.2-1B-Instruct
|
5 |
+
[2024-12-01 00:02:59,240][fusion_bench.programs.fabric_fusion_program][INFO] - loading method
|
6 |
+
[2024-12-01 00:02:59,246][fusion_bench.programs.fabric_fusion_program][INFO] - loading task pool
|
7 |
+
[2024-12-01 00:02:59,248][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading tokenizer.
|
8 |
+
[2024-12-01 00:03:00,187][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading model: _pretrained_
|
9 |
+
[2024-12-01 00:03:08,585][fusion_bench.mixins.fabric_training][INFO] - Expected total steps: 1367
|
10 |
+
[2024-12-01 00:03:08,589][fusion_bench.method.lm_finetune.bradley_terry_rm][INFO] - Setting key `T_max` of lr_scheduler configuration to 1367
|
11 |
+
[2024-12-01 00:29:38,209][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4405 > 4096. Truncating input.
|
12 |
+
[2024-12-01 00:31:01,839][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4725 > 4096. Truncating input.
|
13 |
+
[2024-12-01 00:52:50,172][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5242 > 4096. Truncating input.
|
14 |
+
[2024-12-01 01:00:53,754][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4696 > 4096. Truncating input.
|
15 |
+
[2024-12-01 01:19:47,401][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4316 > 4096. Truncating input.
|
16 |
+
[2024-12-01 01:59:01,749][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4739 > 4096. Truncating input.
|
17 |
+
[2024-12-01 02:02:47,194][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4824 > 4096. Truncating input.
|
18 |
+
[2024-12-01 02:20:25,220][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4099 > 4096. Truncating input.
|
19 |
+
[2024-12-01 02:32:14,763][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4344 > 4096. Truncating input.
|
20 |
+
[2024-12-01 02:33:44,355][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6129 > 4096. Truncating input.
|
21 |
+
[2024-12-01 02:51:53,436][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4157 > 4096. Truncating input.
|
22 |
+
[2024-12-01 03:26:45,198][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4169 > 4096. Truncating input.
|
23 |
+
[2024-12-01 03:42:48,188][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4142 > 4096. Truncating input.
|
24 |
+
[2024-12-01 03:44:26,058][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5161 > 4096. Truncating input.
|
25 |
+
[2024-12-01 03:46:33,087][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4496 > 4096. Truncating input.
|
26 |
+
[2024-12-01 03:58:06,970][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4728 > 4096. Truncating input.
|
27 |
+
[2024-12-01 04:01:32,668][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5032 > 4096. Truncating input.
|
28 |
+
[2024-12-01 04:13:27,171][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4474 > 4096. Truncating input.
|
29 |
+
[2024-12-01 04:28:53,605][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6157 > 4096. Truncating input.
|
30 |
+
[2024-12-01 04:36:34,182][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4501 > 4096. Truncating input.
|
31 |
+
[2024-12-01 04:46:15,754][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5669 > 4096. Truncating input.
|
32 |
+
[2024-12-01 05:20:57,515][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4804 > 4096. Truncating input.
|
33 |
+
[2024-12-01 06:03:42,862][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4292 > 4096. Truncating input.
|
34 |
+
[2024-12-01 06:12:30,972][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4820 > 4096. Truncating input.
|
35 |
+
[2024-12-01 07:01:58,912][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4960 > 4096. Truncating input.
|
36 |
+
[2024-12-01 07:12:09,334][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4272 > 4096. Truncating input.
|
37 |
+
[2024-12-01 07:18:45,866][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4799 > 4096. Truncating input.
|
38 |
+
[2024-12-01 07:41:17,720][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5613 > 4096. Truncating input.
|
39 |
+
[2024-12-01 07:57:37,832][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4865 > 4096. Truncating input.
|
40 |
+
[2024-12-01 08:11:33,294][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4574 > 4096. Truncating input.
|
41 |
+
[2024-12-01 08:42:26,816][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5327 > 4096. Truncating input.
|
42 |
+
[2024-12-01 08:52:04,371][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4492 > 4096. Truncating input.
|
43 |
+
[2024-12-01 08:53:33,586][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4653 > 4096. Truncating input.
|
44 |
+
[2024-12-01 09:06:11,658][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6168 > 4096. Truncating input.
|
45 |
+
[2024-12-01 09:25:08,512][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4396 > 4096. Truncating input.
|
46 |
+
[2024-12-01 09:44:21,609][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5245 > 4096. Truncating input.
|
47 |
+
[2024-12-01 09:51:38,604][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4656 > 4096. Truncating input.
|
48 |
+
[2024-12-01 10:33:43,140][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4715 > 4096. Truncating input.
|
49 |
+
[2024-12-01 10:39:19,144][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4224 > 4096. Truncating input.
|
50 |
+
[2024-12-01 10:58:13,086][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4620 > 4096. Truncating input.
|
51 |
+
[2024-12-01 11:02:36,098][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4233 > 4096. Truncating input.
|
52 |
+
[2024-12-01 12:00:00,633][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4382 > 4096. Truncating input.
|
53 |
+
[2024-12-01 13:09:45,758][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4811 > 4096. Truncating input.
|
54 |
+
[2024-12-01 13:17:24,749][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4233 > 4096. Truncating input.
|
55 |
+
[2024-12-01 13:48:35,171][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4734 > 4096. Truncating input.
|
56 |
+
[2024-12-01 14:04:17,151][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4920 > 4096. Truncating input.
|
57 |
+
[2024-12-01 15:10:23,309][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4738 > 4096. Truncating input.
|
58 |
+
[2024-12-01 15:30:12,400][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4632 > 4096. Truncating input.
|
59 |
+
[2024-12-01 16:19:19,022][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4945 > 4096. Truncating input.
|
60 |
+
[2024-12-01 16:24:08,816][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5718 > 4096. Truncating input.
|
61 |
+
[2024-12-01 16:31:20,129][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4176 > 4096. Truncating input.
|
62 |
+
[2024-12-01 17:08:11,656][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4788 > 4096. Truncating input.
|
63 |
+
[2024-12-01 17:56:18,313][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5699 > 4096. Truncating input.
|
64 |
+
[2024-12-01 18:29:33,777][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4517 > 4096. Truncating input.
|
65 |
+
[2024-12-01 18:45:48,764][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5700 > 4096. Truncating input.
|
66 |
+
[2024-12-01 18:57:55,463][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4167 > 4096. Truncating input.
|
67 |
+
[2024-12-01 19:19:02,294][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4394 > 4096. Truncating input.
|
68 |
+
[2024-12-01 19:46:11,154][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4520 > 4096. Truncating input.
|
69 |
+
[2024-12-01 19:50:59,247][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4463 > 4096. Truncating input.
|
70 |
+
[2024-12-01 20:04:27,755][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4633 > 4096. Truncating input.
|
71 |
+
[2024-12-01 20:14:23,788][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4142 > 4096. Truncating input.
|
72 |
+
[2024-12-01 20:40:48,345][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4533 > 4096. Truncating input.
|
73 |
+
[2024-12-01 20:50:51,330][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5354 > 4096. Truncating input.
|
74 |
+
[2024-12-01 20:51:28,742][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5765 > 4096. Truncating input.
|
75 |
+
[2024-12-01 20:54:24,091][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4280 > 4096. Truncating input.
|
76 |
+
[2024-12-01 21:30:51,509][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4272 > 4096. Truncating input.
|
77 |
+
[2024-12-01 21:51:58,420][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4339 > 4096. Truncating input.
|
78 |
+
[2024-12-01 22:28:13,515][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5470 > 4096. Truncating input.
|
79 |
+
[2024-12-01 22:28:24,593][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4957 > 4096. Truncating input.
|
80 |
+
[2024-12-01 22:49:07,794][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4507 > 4096. Truncating input.
|
81 |
+
[2024-12-01 22:50:05,853][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6720 > 4096. Truncating input.
|
82 |
+
[2024-12-01 23:10:40,058][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4611 > 4096. Truncating input.
|
83 |
+
[2024-12-01 23:35:44,964][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4255 > 4096. Truncating input.
|
84 |
+
[2024-12-01 23:40:48,517][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4344 > 4096. Truncating input.
|
85 |
+
[2024-12-01 23:59:07,822][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4599 > 4096. Truncating input.
|
86 |
+
[2024-12-02 00:00:03,804][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4729 > 4096. Truncating input.
|
87 |
+
[2024-12-02 00:09:56,476][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4969 > 4096. Truncating input.
|
88 |
+
[2024-12-02 00:50:08,069][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5100 > 4096. Truncating input.
|
89 |
+
[2024-12-02 00:55:15,702][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4225 > 4096. Truncating input.
|
90 |
+
[2024-12-02 01:52:38,629][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4394 > 4096. Truncating input.
|
91 |
+
[2024-12-02 02:18:18,279][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4747 > 4096. Truncating input.
|
92 |
+
[2024-12-02 02:24:33,614][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4344 > 4096. Truncating input.
|
93 |
+
[2024-12-02 02:40:26,075][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4203 > 4096. Truncating input.
|
94 |
+
[2024-12-02 02:48:13,621][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4434 > 4096. Truncating input.
|
95 |
+
[2024-12-02 03:05:14,565][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4705 > 4096. Truncating input.
|
96 |
+
[2024-12-02 03:22:37,470][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4214 > 4096. Truncating input.
|
97 |
+
[2024-12-02 03:33:52,853][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4856 > 4096. Truncating input.
|
98 |
+
[2024-12-02 04:53:03,310][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6079 > 4096. Truncating input.
|
99 |
+
[2024-12-02 04:54:15,100][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4477 > 4096. Truncating input.
|
100 |
+
[2024-12-02 05:30:16,763][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4142 > 4096. Truncating input.
|
101 |
+
[2024-12-02 06:07:40,482][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4229 > 4096. Truncating input.
|
102 |
+
[2024-12-02 07:02:09,147][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4434 > 4096. Truncating input.
|
103 |
+
[2024-12-02 08:03:44,435][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4981 > 4096. Truncating input.
|
104 |
+
[2024-12-02 08:06:31,100][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4744 > 4096. Truncating input.
|
105 |
+
[2024-12-02 08:09:55,796][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4524 > 4096. Truncating input.
|
106 |
+
[2024-12-02 08:23:47,449][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4457 > 4096. Truncating input.
|
107 |
+
[2024-12-02 08:30:32,283][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5552 > 4096. Truncating input.
|
108 |
+
[2024-12-02 08:43:11,621][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4563 > 4096. Truncating input.
|
109 |
+
[2024-12-02 08:45:01,428][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4269 > 4096. Truncating input.
|
110 |
+
[2024-12-02 09:40:00,589][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4633 > 4096. Truncating input.
|
111 |
+
[2024-12-02 10:07:26,011][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5242 > 4096. Truncating input.
|
112 |
+
[2024-12-02 10:28:19,684][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4369 > 4096. Truncating input.
|
113 |
+
[2024-12-02 10:44:58,033][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4837 > 4096. Truncating input.
|
114 |
+
[2024-12-02 11:00:45,313][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4624 > 4096. Truncating input.
|
115 |
+
[2024-12-02 11:27:41,463][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5375 > 4096. Truncating input.
|
116 |
+
[2024-12-02 11:31:46,678][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4270 > 4096. Truncating input.
|
117 |
+
[2024-12-02 11:55:58,529][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4641 > 4096. Truncating input.
|
118 |
+
[2024-12-02 12:03:53,347][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4354 > 4096. Truncating input.
|
119 |
+
[2024-12-02 12:34:07,576][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4563 > 4096. Truncating input.
|
120 |
+
[2024-12-02 12:39:53,902][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4387 > 4096. Truncating input.
|
121 |
+
[2024-12-02 13:12:32,952][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4875 > 4096. Truncating input.
|
122 |
+
[2024-12-02 13:43:46,522][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6722 > 4096. Truncating input.
|
123 |
+
[2024-12-02 13:51:04,754][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4971 > 4096. Truncating input.
|
124 |
+
[2024-12-02 15:06:41,852][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6605 > 4096. Truncating input.
|
125 |
+
[2024-12-02 15:12:58,271][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4503 > 4096. Truncating input.
|
126 |
+
[2024-12-02 15:26:49,271][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4785 > 4096. Truncating input.
|
127 |
+
[2024-12-02 15:50:28,837][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4646 > 4096. Truncating input.
|
128 |
+
[2024-12-02 16:09:48,009][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4413 > 4096. Truncating input.
|
129 |
+
[2024-12-02 16:27:39,292][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4945 > 4096. Truncating input.
|
130 |
+
[2024-12-02 16:31:19,647][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4582 > 4096. Truncating input.
|
131 |
+
[2024-12-02 16:57:13,493][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4695 > 4096. Truncating input.
|
132 |
+
[2024-12-02 17:15:52,485][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4208 > 4096. Truncating input.
|
133 |
+
[2024-12-02 17:16:20,797][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4236 > 4096. Truncating input.
|
134 |
+
[2024-12-02 17:47:03,376][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4570 > 4096. Truncating input.
|
hydra_output_2024-12-01_00-02-51/train_ddp_process_3.log
ADDED
@@ -0,0 +1,133 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2024-12-01 00:02:59,259][lightning.fabric.utilities.distributed][INFO] - Initializing distributed: GLOBAL_RANK: 3, MEMBER: 4/8
|
2 |
+
[2024-12-01 00:02:59,266][fusion_bench.programs.fabric_fusion_program][INFO] - Running the model fusion program.
|
3 |
+
[2024-12-01 00:02:59,267][fusion_bench.programs.fabric_fusion_program][INFO] - loading model pool
|
4 |
+
[2024-12-01 00:02:59,317][fusion_bench.mixins.serialization][WARNING] - Unused argument: pretrained_model_name_or_path=meta-llama/Llama-3.2-1B-Instruct
|
5 |
+
[2024-12-01 00:02:59,318][fusion_bench.programs.fabric_fusion_program][INFO] - loading method
|
6 |
+
[2024-12-01 00:02:59,324][fusion_bench.programs.fabric_fusion_program][INFO] - loading task pool
|
7 |
+
[2024-12-01 00:02:59,325][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading tokenizer.
|
8 |
+
[2024-12-01 00:03:00,734][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading model: _pretrained_
|
9 |
+
[2024-12-01 00:03:10,245][fusion_bench.mixins.fabric_training][INFO] - Expected total steps: 1367
|
10 |
+
[2024-12-01 00:03:10,249][fusion_bench.method.lm_finetune.bradley_terry_rm][INFO] - Setting key `T_max` of lr_scheduler configuration to 1367
|
11 |
+
[2024-12-01 00:18:11,515][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4239 > 4096. Truncating input.
|
12 |
+
[2024-12-01 00:33:01,676][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4804 > 4096. Truncating input.
|
13 |
+
[2024-12-01 00:49:38,319][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4425 > 4096. Truncating input.
|
14 |
+
[2024-12-01 00:55:51,708][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4986 > 4096. Truncating input.
|
15 |
+
[2024-12-01 01:00:08,387][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4429 > 4096. Truncating input.
|
16 |
+
[2024-12-01 01:09:10,953][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4860 > 4096. Truncating input.
|
17 |
+
[2024-12-01 01:27:54,291][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4372 > 4096. Truncating input.
|
18 |
+
[2024-12-01 02:33:33,547][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4542 > 4096. Truncating input.
|
19 |
+
[2024-12-01 03:01:07,179][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4183 > 4096. Truncating input.
|
20 |
+
[2024-12-01 03:14:07,232][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4665 > 4096. Truncating input.
|
21 |
+
[2024-12-01 03:39:09,252][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4635 > 4096. Truncating input.
|
22 |
+
[2024-12-01 04:03:15,835][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5091 > 4096. Truncating input.
|
23 |
+
[2024-12-01 04:19:11,714][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4482 > 4096. Truncating input.
|
24 |
+
[2024-12-01 04:25:52,490][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4341 > 4096. Truncating input.
|
25 |
+
[2024-12-01 05:13:17,570][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5600 > 4096. Truncating input.
|
26 |
+
[2024-12-01 05:36:36,384][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4511 > 4096. Truncating input.
|
27 |
+
[2024-12-01 05:50:19,911][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4674 > 4096. Truncating input.
|
28 |
+
[2024-12-01 07:54:49,793][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5178 > 4096. Truncating input.
|
29 |
+
[2024-12-01 08:37:03,252][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4738 > 4096. Truncating input.
|
30 |
+
[2024-12-01 08:43:54,493][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4924 > 4096. Truncating input.
|
31 |
+
[2024-12-01 08:59:31,927][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4687 > 4096. Truncating input.
|
32 |
+
[2024-12-01 09:03:30,885][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4537 > 4096. Truncating input.
|
33 |
+
[2024-12-01 09:10:14,640][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4716 > 4096. Truncating input.
|
34 |
+
[2024-12-01 09:17:40,492][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4770 > 4096. Truncating input.
|
35 |
+
[2024-12-01 10:01:45,044][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4259 > 4096. Truncating input.
|
36 |
+
[2024-12-01 10:07:42,861][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6340 > 4096. Truncating input.
|
37 |
+
[2024-12-01 10:13:27,108][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5721 > 4096. Truncating input.
|
38 |
+
[2024-12-01 10:34:49,623][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4790 > 4096. Truncating input.
|
39 |
+
[2024-12-01 10:53:03,737][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4368 > 4096. Truncating input.
|
40 |
+
[2024-12-01 10:55:24,436][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4477 > 4096. Truncating input.
|
41 |
+
[2024-12-01 10:56:15,352][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4944 > 4096. Truncating input.
|
42 |
+
[2024-12-01 11:12:08,988][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5848 > 4096. Truncating input.
|
43 |
+
[2024-12-01 11:34:58,966][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4806 > 4096. Truncating input.
|
44 |
+
[2024-12-01 11:42:11,337][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4767 > 4096. Truncating input.
|
45 |
+
[2024-12-01 11:53:26,800][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4332 > 4096. Truncating input.
|
46 |
+
[2024-12-01 12:16:52,600][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6044 > 4096. Truncating input.
|
47 |
+
[2024-12-01 12:22:41,578][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4704 > 4096. Truncating input.
|
48 |
+
[2024-12-01 12:34:25,540][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4236 > 4096. Truncating input.
|
49 |
+
[2024-12-01 12:42:06,870][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4370 > 4096. Truncating input.
|
50 |
+
[2024-12-01 14:09:30,968][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4447 > 4096. Truncating input.
|
51 |
+
[2024-12-01 14:12:20,117][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5100 > 4096. Truncating input.
|
52 |
+
[2024-12-01 14:25:55,880][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4964 > 4096. Truncating input.
|
53 |
+
[2024-12-01 14:30:49,047][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4808 > 4096. Truncating input.
|
54 |
+
[2024-12-01 15:08:41,215][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4982 > 4096. Truncating input.
|
55 |
+
[2024-12-01 15:36:29,085][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4479 > 4096. Truncating input.
|
56 |
+
[2024-12-01 15:45:26,551][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4869 > 4096. Truncating input.
|
57 |
+
[2024-12-01 15:47:45,320][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4210 > 4096. Truncating input.
|
58 |
+
[2024-12-01 15:56:31,025][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6620 > 4096. Truncating input.
|
59 |
+
[2024-12-01 16:42:24,207][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4475 > 4096. Truncating input.
|
60 |
+
[2024-12-01 16:48:27,283][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4214 > 4096. Truncating input.
|
61 |
+
[2024-12-01 17:17:17,841][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4661 > 4096. Truncating input.
|
62 |
+
[2024-12-01 17:42:47,998][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4685 > 4096. Truncating input.
|
63 |
+
[2024-12-01 18:21:09,137][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4507 > 4096. Truncating input.
|
64 |
+
[2024-12-01 19:26:18,603][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4805 > 4096. Truncating input.
|
65 |
+
[2024-12-01 20:40:59,044][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6809 > 4096. Truncating input.
|
66 |
+
[2024-12-01 20:48:00,976][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4353 > 4096. Truncating input.
|
67 |
+
[2024-12-01 20:58:26,088][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4405 > 4096. Truncating input.
|
68 |
+
[2024-12-01 21:09:24,082][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4409 > 4096. Truncating input.
|
69 |
+
[2024-12-01 21:27:49,106][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4264 > 4096. Truncating input.
|
70 |
+
[2024-12-01 21:46:52,293][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4604 > 4096. Truncating input.
|
71 |
+
[2024-12-01 22:06:57,510][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4696 > 4096. Truncating input.
|
72 |
+
[2024-12-01 22:22:33,661][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4559 > 4096. Truncating input.
|
73 |
+
[2024-12-01 22:39:38,360][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4545 > 4096. Truncating input.
|
74 |
+
[2024-12-01 22:57:11,385][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4409 > 4096. Truncating input.
|
75 |
+
[2024-12-01 23:16:33,933][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4735 > 4096. Truncating input.
|
76 |
+
[2024-12-01 23:30:14,438][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4442 > 4096. Truncating input.
|
77 |
+
[2024-12-02 00:37:33,807][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4296 > 4096. Truncating input.
|
78 |
+
[2024-12-02 00:39:34,246][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4393 > 4096. Truncating input.
|
79 |
+
[2024-12-02 00:55:47,988][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4505 > 4096. Truncating input.
|
80 |
+
[2024-12-02 01:07:19,801][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4558 > 4096. Truncating input.
|
81 |
+
[2024-12-02 01:22:41,777][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4820 > 4096. Truncating input.
|
82 |
+
[2024-12-02 01:52:17,773][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4520 > 4096. Truncating input.
|
83 |
+
[2024-12-02 02:30:10,926][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4167 > 4096. Truncating input.
|
84 |
+
[2024-12-02 02:34:30,372][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4157 > 4096. Truncating input.
|
85 |
+
[2024-12-02 03:23:23,367][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4524 > 4096. Truncating input.
|
86 |
+
[2024-12-02 03:48:45,890][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5775 > 4096. Truncating input.
|
87 |
+
[2024-12-02 04:00:13,519][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4656 > 4096. Truncating input.
|
88 |
+
[2024-12-02 04:26:00,342][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4804 > 4096. Truncating input.
|
89 |
+
[2024-12-02 04:39:12,208][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4479 > 4096. Truncating input.
|
90 |
+
[2024-12-02 05:15:22,202][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4225 > 4096. Truncating input.
|
91 |
+
[2024-12-02 05:17:22,404][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4511 > 4096. Truncating input.
|
92 |
+
[2024-12-02 05:56:49,848][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4156 > 4096. Truncating input.
|
93 |
+
[2024-12-02 06:01:31,837][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4922 > 4096. Truncating input.
|
94 |
+
[2024-12-02 06:04:56,252][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4768 > 4096. Truncating input.
|
95 |
+
[2024-12-02 06:08:13,362][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5718 > 4096. Truncating input.
|
96 |
+
[2024-12-02 06:13:08,904][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4587 > 4096. Truncating input.
|
97 |
+
[2024-12-02 06:57:50,777][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4258 > 4096. Truncating input.
|
98 |
+
[2024-12-02 07:07:10,685][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4443 > 4096. Truncating input.
|
99 |
+
[2024-12-02 07:18:38,364][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4224 > 4096. Truncating input.
|
100 |
+
[2024-12-02 07:28:54,074][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4542 > 4096. Truncating input.
|
101 |
+
[2024-12-02 07:53:32,167][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5353 > 4096. Truncating input.
|
102 |
+
[2024-12-02 08:40:25,935][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4425 > 4096. Truncating input.
|
103 |
+
[2024-12-02 09:05:51,950][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4806 > 4096. Truncating input.
|
104 |
+
[2024-12-02 09:19:12,835][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4642 > 4096. Truncating input.
|
105 |
+
[2024-12-02 10:12:37,258][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4982 > 4096. Truncating input.
|
106 |
+
[2024-12-02 10:28:37,960][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4805 > 4096. Truncating input.
|
107 |
+
[2024-12-02 10:30:43,544][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4465 > 4096. Truncating input.
|
108 |
+
[2024-12-02 10:31:25,526][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4212 > 4096. Truncating input.
|
109 |
+
[2024-12-02 10:35:04,139][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4268 > 4096. Truncating input.
|
110 |
+
[2024-12-02 10:41:22,171][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4519 > 4096. Truncating input.
|
111 |
+
[2024-12-02 10:48:31,055][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5277 > 4096. Truncating input.
|
112 |
+
[2024-12-02 10:54:42,104][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 8593 > 4096. Truncating input.
|
113 |
+
[2024-12-02 11:01:11,465][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4122 > 4096. Truncating input.
|
114 |
+
[2024-12-02 11:20:20,555][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4103 > 4096. Truncating input.
|
115 |
+
[2024-12-02 11:40:15,181][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4172 > 4096. Truncating input.
|
116 |
+
[2024-12-02 12:28:21,868][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4274 > 4096. Truncating input.
|
117 |
+
[2024-12-02 12:32:16,649][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4144 > 4096. Truncating input.
|
118 |
+
[2024-12-02 13:30:38,439][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4366 > 4096. Truncating input.
|
119 |
+
[2024-12-02 13:49:46,741][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4635 > 4096. Truncating input.
|
120 |
+
[2024-12-02 14:05:37,771][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4496 > 4096. Truncating input.
|
121 |
+
[2024-12-02 14:47:43,535][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4683 > 4096. Truncating input.
|
122 |
+
[2024-12-02 14:49:18,691][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4986 > 4096. Truncating input.
|
123 |
+
[2024-12-02 14:59:25,093][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4243 > 4096. Truncating input.
|
124 |
+
[2024-12-02 15:34:19,729][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5366 > 4096. Truncating input.
|
125 |
+
[2024-12-02 15:55:01,950][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4685 > 4096. Truncating input.
|
126 |
+
[2024-12-02 16:17:26,721][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4264 > 4096. Truncating input.
|
127 |
+
[2024-12-02 16:41:39,937][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4423 > 4096. Truncating input.
|
128 |
+
[2024-12-02 16:45:25,803][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5077 > 4096. Truncating input.
|
129 |
+
[2024-12-02 17:41:31,173][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4301 > 4096. Truncating input.
|
130 |
+
[2024-12-02 17:59:52,925][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5765 > 4096. Truncating input.
|
131 |
+
[2024-12-02 18:06:33,845][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4304 > 4096. Truncating input.
|
132 |
+
[2024-12-02 18:15:10,809][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4553 > 4096. Truncating input.
|
133 |
+
[2024-12-02 18:15:36,078][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4140 > 4096. Truncating input.
|
hydra_output_2024-12-01_00-02-51/train_ddp_process_4.log
ADDED
@@ -0,0 +1,119 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2024-12-01 00:02:59,152][lightning.fabric.utilities.distributed][INFO] - Initializing distributed: GLOBAL_RANK: 4, MEMBER: 5/8
|
2 |
+
[2024-12-01 00:02:59,161][fusion_bench.programs.fabric_fusion_program][INFO] - Running the model fusion program.
|
3 |
+
[2024-12-01 00:02:59,162][fusion_bench.programs.fabric_fusion_program][INFO] - loading model pool
|
4 |
+
[2024-12-01 00:02:59,214][fusion_bench.mixins.serialization][WARNING] - Unused argument: pretrained_model_name_or_path=meta-llama/Llama-3.2-1B-Instruct
|
5 |
+
[2024-12-01 00:02:59,216][fusion_bench.programs.fabric_fusion_program][INFO] - loading method
|
6 |
+
[2024-12-01 00:02:59,222][fusion_bench.programs.fabric_fusion_program][INFO] - loading task pool
|
7 |
+
[2024-12-01 00:02:59,223][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading tokenizer.
|
8 |
+
[2024-12-01 00:03:00,857][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading model: _pretrained_
|
9 |
+
[2024-12-01 00:03:08,775][fusion_bench.mixins.fabric_training][INFO] - Expected total steps: 1367
|
10 |
+
[2024-12-01 00:03:08,779][fusion_bench.method.lm_finetune.bradley_terry_rm][INFO] - Setting key `T_max` of lr_scheduler configuration to 1367
|
11 |
+
[2024-12-01 00:54:42,229][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4533 > 4096. Truncating input.
|
12 |
+
[2024-12-01 01:13:56,533][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4306 > 4096. Truncating input.
|
13 |
+
[2024-12-01 01:21:31,155][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4611 > 4096. Truncating input.
|
14 |
+
[2024-12-01 01:35:28,346][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4722 > 4096. Truncating input.
|
15 |
+
[2024-12-01 01:37:23,354][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5123 > 4096. Truncating input.
|
16 |
+
[2024-12-01 01:43:01,233][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4859 > 4096. Truncating input.
|
17 |
+
[2024-12-01 04:11:34,913][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5160 > 4096. Truncating input.
|
18 |
+
[2024-12-01 05:08:12,263][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4624 > 4096. Truncating input.
|
19 |
+
[2024-12-01 05:16:55,465][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4457 > 4096. Truncating input.
|
20 |
+
[2024-12-01 05:19:02,563][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4768 > 4096. Truncating input.
|
21 |
+
[2024-12-01 05:43:56,920][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4443 > 4096. Truncating input.
|
22 |
+
[2024-12-01 06:54:15,129][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4303 > 4096. Truncating input.
|
23 |
+
[2024-12-01 07:08:02,094][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4259 > 4096. Truncating input.
|
24 |
+
[2024-12-01 07:13:37,491][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4812 > 4096. Truncating input.
|
25 |
+
[2024-12-01 07:43:38,617][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4867 > 4096. Truncating input.
|
26 |
+
[2024-12-01 07:55:22,909][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4144 > 4096. Truncating input.
|
27 |
+
[2024-12-01 07:56:56,809][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5094 > 4096. Truncating input.
|
28 |
+
[2024-12-01 08:26:46,447][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4160 > 4096. Truncating input.
|
29 |
+
[2024-12-01 09:10:25,389][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4179 > 4096. Truncating input.
|
30 |
+
[2024-12-01 09:19:53,549][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4524 > 4096. Truncating input.
|
31 |
+
[2024-12-01 09:45:55,124][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4802 > 4096. Truncating input.
|
32 |
+
[2024-12-01 09:59:13,332][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4598 > 4096. Truncating input.
|
33 |
+
[2024-12-01 10:06:28,100][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4527 > 4096. Truncating input.
|
34 |
+
[2024-12-01 10:23:43,620][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4478 > 4096. Truncating input.
|
35 |
+
[2024-12-01 10:27:46,585][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4792 > 4096. Truncating input.
|
36 |
+
[2024-12-01 10:33:55,225][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6658 > 4096. Truncating input.
|
37 |
+
[2024-12-01 10:47:51,495][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5470 > 4096. Truncating input.
|
38 |
+
[2024-12-01 10:52:53,113][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4521 > 4096. Truncating input.
|
39 |
+
[2024-12-01 12:46:50,600][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4229 > 4096. Truncating input.
|
40 |
+
[2024-12-01 13:12:14,395][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6769 > 4096. Truncating input.
|
41 |
+
[2024-12-01 13:56:59,946][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4214 > 4096. Truncating input.
|
42 |
+
[2024-12-01 14:25:01,416][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4683 > 4096. Truncating input.
|
43 |
+
[2024-12-01 14:41:13,651][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4524 > 4096. Truncating input.
|
44 |
+
[2024-12-01 14:53:02,872][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4912 > 4096. Truncating input.
|
45 |
+
[2024-12-01 14:57:50,083][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4206 > 4096. Truncating input.
|
46 |
+
[2024-12-01 15:47:23,022][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4711 > 4096. Truncating input.
|
47 |
+
[2024-12-01 15:53:09,654][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4641 > 4096. Truncating input.
|
48 |
+
[2024-12-01 16:03:13,871][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4725 > 4096. Truncating input.
|
49 |
+
[2024-12-01 16:22:54,796][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4258 > 4096. Truncating input.
|
50 |
+
[2024-12-01 16:55:59,421][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4661 > 4096. Truncating input.
|
51 |
+
[2024-12-01 17:00:16,216][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5808 > 4096. Truncating input.
|
52 |
+
[2024-12-01 17:09:53,476][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4387 > 4096. Truncating input.
|
53 |
+
[2024-12-01 17:54:34,548][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4780 > 4096. Truncating input.
|
54 |
+
[2024-12-01 17:55:27,865][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 9431 > 4096. Truncating input.
|
55 |
+
[2024-12-01 18:12:56,365][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4921 > 4096. Truncating input.
|
56 |
+
[2024-12-01 18:15:30,583][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4264 > 4096. Truncating input.
|
57 |
+
[2024-12-01 18:33:13,442][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4414 > 4096. Truncating input.
|
58 |
+
[2024-12-01 18:48:05,022][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4684 > 4096. Truncating input.
|
59 |
+
[2024-12-01 19:02:59,305][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4752 > 4096. Truncating input.
|
60 |
+
[2024-12-01 19:39:16,313][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4724 > 4096. Truncating input.
|
61 |
+
[2024-12-01 19:58:15,306][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4237 > 4096. Truncating input.
|
62 |
+
[2024-12-01 20:22:53,091][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4754 > 4096. Truncating input.
|
63 |
+
[2024-12-01 20:45:19,055][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4923 > 4096. Truncating input.
|
64 |
+
[2024-12-01 21:16:39,259][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4802 > 4096. Truncating input.
|
65 |
+
[2024-12-01 21:56:33,396][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4716 > 4096. Truncating input.
|
66 |
+
[2024-12-01 22:15:18,551][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4724 > 4096. Truncating input.
|
67 |
+
[2024-12-01 22:35:16,456][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4312 > 4096. Truncating input.
|
68 |
+
[2024-12-01 22:48:43,615][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6141 > 4096. Truncating input.
|
69 |
+
[2024-12-01 23:59:44,559][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5009 > 4096. Truncating input.
|
70 |
+
[2024-12-02 00:32:11,770][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4767 > 4096. Truncating input.
|
71 |
+
[2024-12-02 00:50:18,765][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4738 > 4096. Truncating input.
|
72 |
+
[2024-12-02 01:21:17,604][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4992 > 4096. Truncating input.
|
73 |
+
[2024-12-02 02:17:08,361][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4754 > 4096. Truncating input.
|
74 |
+
[2024-12-02 02:41:59,056][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4804 > 4096. Truncating input.
|
75 |
+
[2024-12-02 02:57:16,208][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4223 > 4096. Truncating input.
|
76 |
+
[2024-12-02 03:06:48,278][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5295 > 4096. Truncating input.
|
77 |
+
[2024-12-02 03:09:23,166][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4405 > 4096. Truncating input.
|
78 |
+
[2024-12-02 03:13:19,493][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4501 > 4096. Truncating input.
|
79 |
+
[2024-12-02 03:46:52,243][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5446 > 4096. Truncating input.
|
80 |
+
[2024-12-02 04:07:00,833][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4965 > 4096. Truncating input.
|
81 |
+
[2024-12-02 04:11:58,321][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4715 > 4096. Truncating input.
|
82 |
+
[2024-12-02 04:33:53,561][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4624 > 4096. Truncating input.
|
83 |
+
[2024-12-02 04:40:21,710][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4233 > 4096. Truncating input.
|
84 |
+
[2024-12-02 04:41:59,364][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4780 > 4096. Truncating input.
|
85 |
+
[2024-12-02 04:48:12,022][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4380 > 4096. Truncating input.
|
86 |
+
[2024-12-02 05:13:10,884][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4976 > 4096. Truncating input.
|
87 |
+
[2024-12-02 05:51:48,187][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4165 > 4096. Truncating input.
|
88 |
+
[2024-12-02 06:03:04,070][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4738 > 4096. Truncating input.
|
89 |
+
[2024-12-02 06:03:21,399][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4517 > 4096. Truncating input.
|
90 |
+
[2024-12-02 06:26:03,486][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4572 > 4096. Truncating input.
|
91 |
+
[2024-12-02 06:38:06,548][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4130 > 4096. Truncating input.
|
92 |
+
[2024-12-02 06:38:17,758][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4912 > 4096. Truncating input.
|
93 |
+
[2024-12-02 06:47:54,646][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4382 > 4096. Truncating input.
|
94 |
+
[2024-12-02 07:05:07,466][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6809 > 4096. Truncating input.
|
95 |
+
[2024-12-02 08:27:50,800][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5700 > 4096. Truncating input.
|
96 |
+
[2024-12-02 09:00:29,344][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5094 > 4096. Truncating input.
|
97 |
+
[2024-12-02 09:03:38,639][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4144 > 4096. Truncating input.
|
98 |
+
[2024-12-02 09:08:41,753][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4849 > 4096. Truncating input.
|
99 |
+
[2024-12-02 09:15:35,116][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6620 > 4096. Truncating input.
|
100 |
+
[2024-12-02 09:24:01,625][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4826 > 4096. Truncating input.
|
101 |
+
[2024-12-02 09:30:04,111][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4725 > 4096. Truncating input.
|
102 |
+
[2024-12-02 10:21:05,172][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4479 > 4096. Truncating input.
|
103 |
+
[2024-12-02 10:22:11,790][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5010 > 4096. Truncating input.
|
104 |
+
[2024-12-02 11:12:30,771][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4332 > 4096. Truncating input.
|
105 |
+
[2024-12-02 12:17:59,283][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4792 > 4096. Truncating input.
|
106 |
+
[2024-12-02 12:39:54,092][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4183 > 4096. Truncating input.
|
107 |
+
[2024-12-02 13:57:39,771][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 8354 > 4096. Truncating input.
|
108 |
+
[2024-12-02 14:07:20,263][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4687 > 4096. Truncating input.
|
109 |
+
[2024-12-02 14:28:10,511][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4316 > 4096. Truncating input.
|
110 |
+
[2024-12-02 14:29:04,223][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4544 > 4096. Truncating input.
|
111 |
+
[2024-12-02 14:35:14,342][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4728 > 4096. Truncating input.
|
112 |
+
[2024-12-02 15:04:52,030][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5613 > 4096. Truncating input.
|
113 |
+
[2024-12-02 15:49:38,503][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4424 > 4096. Truncating input.
|
114 |
+
[2024-12-02 16:23:33,295][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4893 > 4096. Truncating input.
|
115 |
+
[2024-12-02 16:34:29,070][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6044 > 4096. Truncating input.
|
116 |
+
[2024-12-02 16:37:49,910][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4233 > 4096. Truncating input.
|
117 |
+
[2024-12-02 17:07:51,808][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5721 > 4096. Truncating input.
|
118 |
+
[2024-12-02 17:38:01,006][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5026 > 4096. Truncating input.
|
119 |
+
[2024-12-02 17:53:41,323][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4802 > 4096. Truncating input.
|
hydra_output_2024-12-01_00-02-51/train_ddp_process_5.log
ADDED
@@ -0,0 +1,126 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2024-12-01 00:02:58,802][lightning.fabric.utilities.distributed][INFO] - Initializing distributed: GLOBAL_RANK: 5, MEMBER: 6/8
|
2 |
+
[2024-12-01 00:02:58,809][fusion_bench.programs.fabric_fusion_program][INFO] - Running the model fusion program.
|
3 |
+
[2024-12-01 00:02:58,809][fusion_bench.programs.fabric_fusion_program][INFO] - loading model pool
|
4 |
+
[2024-12-01 00:02:58,860][fusion_bench.mixins.serialization][WARNING] - Unused argument: pretrained_model_name_or_path=meta-llama/Llama-3.2-1B-Instruct
|
5 |
+
[2024-12-01 00:02:58,861][fusion_bench.programs.fabric_fusion_program][INFO] - loading method
|
6 |
+
[2024-12-01 00:02:58,871][fusion_bench.programs.fabric_fusion_program][INFO] - loading task pool
|
7 |
+
[2024-12-01 00:02:58,873][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading tokenizer.
|
8 |
+
[2024-12-01 00:03:00,977][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading model: _pretrained_
|
9 |
+
[2024-12-01 00:03:09,011][fusion_bench.mixins.fabric_training][INFO] - Expected total steps: 1367
|
10 |
+
[2024-12-01 00:03:09,014][fusion_bench.method.lm_finetune.bradley_terry_rm][INFO] - Setting key `T_max` of lr_scheduler configuration to 1367
|
11 |
+
[2024-12-01 00:25:50,984][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4139 > 4096. Truncating input.
|
12 |
+
[2024-12-01 00:27:08,107][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4353 > 4096. Truncating input.
|
13 |
+
[2024-12-01 00:56:56,460][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4524 > 4096. Truncating input.
|
14 |
+
[2024-12-01 01:01:54,056][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4354 > 4096. Truncating input.
|
15 |
+
[2024-12-01 01:03:51,242][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4971 > 4096. Truncating input.
|
16 |
+
[2024-12-01 01:11:10,706][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5010 > 4096. Truncating input.
|
17 |
+
[2024-12-01 01:56:36,869][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4225 > 4096. Truncating input.
|
18 |
+
[2024-12-01 02:36:36,417][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4437 > 4096. Truncating input.
|
19 |
+
[2024-12-01 02:38:56,046][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4365 > 4096. Truncating input.
|
20 |
+
[2024-12-01 02:39:16,158][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4496 > 4096. Truncating input.
|
21 |
+
[2024-12-01 02:53:09,918][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4501 > 4096. Truncating input.
|
22 |
+
[2024-12-01 03:15:13,397][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4981 > 4096. Truncating input.
|
23 |
+
[2024-12-01 03:27:25,833][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4140 > 4096. Truncating input.
|
24 |
+
[2024-12-01 03:51:52,907][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4837 > 4096. Truncating input.
|
25 |
+
[2024-12-01 04:07:51,453][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4259 > 4096. Truncating input.
|
26 |
+
[2024-12-01 04:13:51,219][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4231 > 4096. Truncating input.
|
27 |
+
[2024-12-01 05:31:40,951][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4470 > 4096. Truncating input.
|
28 |
+
[2024-12-01 05:44:54,377][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4302 > 4096. Truncating input.
|
29 |
+
[2024-12-01 06:09:15,205][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4172 > 4096. Truncating input.
|
30 |
+
[2024-12-01 06:30:13,435][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4544 > 4096. Truncating input.
|
31 |
+
[2024-12-01 07:29:10,829][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4598 > 4096. Truncating input.
|
32 |
+
[2024-12-01 07:40:59,923][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4164 > 4096. Truncating input.
|
33 |
+
[2024-12-01 07:42:13,899][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4103 > 4096. Truncating input.
|
34 |
+
[2024-12-01 07:45:29,522][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4423 > 4096. Truncating input.
|
35 |
+
[2024-12-01 08:43:38,441][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4130 > 4096. Truncating input.
|
36 |
+
[2024-12-01 08:44:49,569][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4692 > 4096. Truncating input.
|
37 |
+
[2024-12-01 09:16:07,523][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4823 > 4096. Truncating input.
|
38 |
+
[2024-12-01 09:47:11,409][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4856 > 4096. Truncating input.
|
39 |
+
[2024-12-01 10:20:18,874][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4311 > 4096. Truncating input.
|
40 |
+
[2024-12-01 10:39:43,923][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4156 > 4096. Truncating input.
|
41 |
+
[2024-12-01 11:19:17,171][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4344 > 4096. Truncating input.
|
42 |
+
[2024-12-01 12:20:09,388][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4518 > 4096. Truncating input.
|
43 |
+
[2024-12-01 12:38:05,642][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4531 > 4096. Truncating input.
|
44 |
+
[2024-12-01 12:45:50,057][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4144 > 4096. Truncating input.
|
45 |
+
[2024-12-01 12:51:19,115][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4310 > 4096. Truncating input.
|
46 |
+
[2024-12-01 13:34:36,359][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4973 > 4096. Truncating input.
|
47 |
+
[2024-12-01 13:39:35,635][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4969 > 4096. Truncating input.
|
48 |
+
[2024-12-01 14:32:32,268][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4815 > 4096. Truncating input.
|
49 |
+
[2024-12-01 14:40:47,289][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4475 > 4096. Truncating input.
|
50 |
+
[2024-12-01 15:10:12,607][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4695 > 4096. Truncating input.
|
51 |
+
[2024-12-01 15:15:08,675][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5839 > 4096. Truncating input.
|
52 |
+
[2024-12-01 15:22:29,232][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4223 > 4096. Truncating input.
|
53 |
+
[2024-12-01 15:30:23,138][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4122 > 4096. Truncating input.
|
54 |
+
[2024-12-01 16:27:27,280][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5353 > 4096. Truncating input.
|
55 |
+
[2024-12-01 16:46:47,219][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 8354 > 4096. Truncating input.
|
56 |
+
[2024-12-01 17:04:20,706][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4710 > 4096. Truncating input.
|
57 |
+
[2024-12-01 17:17:17,893][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4266 > 4096. Truncating input.
|
58 |
+
[2024-12-01 19:11:34,812][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4111 > 4096. Truncating input.
|
59 |
+
[2024-12-01 19:12:10,303][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4225 > 4096. Truncating input.
|
60 |
+
[2024-12-01 19:15:55,659][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4624 > 4096. Truncating input.
|
61 |
+
[2024-12-01 19:27:31,904][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4572 > 4096. Truncating input.
|
62 |
+
[2024-12-01 19:36:06,480][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5937 > 4096. Truncating input.
|
63 |
+
[2024-12-01 20:12:28,074][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4751 > 4096. Truncating input.
|
64 |
+
[2024-12-01 20:18:08,847][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4893 > 4096. Truncating input.
|
65 |
+
[2024-12-01 21:11:20,813][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4165 > 4096. Truncating input.
|
66 |
+
[2024-12-01 21:13:17,157][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4255 > 4096. Truncating input.
|
67 |
+
[2024-12-01 21:51:26,240][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4399 > 4096. Truncating input.
|
68 |
+
[2024-12-01 22:07:17,123][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4646 > 4096. Truncating input.
|
69 |
+
[2024-12-01 23:20:22,143][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4111 > 4096. Truncating input.
|
70 |
+
[2024-12-01 23:40:11,754][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4514 > 4096. Truncating input.
|
71 |
+
[2024-12-01 23:47:04,498][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4302 > 4096. Truncating input.
|
72 |
+
[2024-12-02 00:02:10,904][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4317 > 4096. Truncating input.
|
73 |
+
[2024-12-02 00:04:54,655][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5160 > 4096. Truncating input.
|
74 |
+
[2024-12-02 00:12:20,252][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4531 > 4096. Truncating input.
|
75 |
+
[2024-12-02 00:37:51,084][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4880 > 4096. Truncating input.
|
76 |
+
[2024-12-02 01:02:41,448][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4311 > 4096. Truncating input.
|
77 |
+
[2024-12-02 01:16:29,792][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4799 > 4096. Truncating input.
|
78 |
+
[2024-12-02 01:23:33,991][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4525 > 4096. Truncating input.
|
79 |
+
[2024-12-02 01:42:01,845][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5808 > 4096. Truncating input.
|
80 |
+
[2024-12-02 01:48:47,810][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4221 > 4096. Truncating input.
|
81 |
+
[2024-12-02 02:00:20,951][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4505 > 4096. Truncating input.
|
82 |
+
[2024-12-02 02:13:04,065][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6102 > 4096. Truncating input.
|
83 |
+
[2024-12-02 02:32:45,233][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4555 > 4096. Truncating input.
|
84 |
+
[2024-12-02 03:22:08,724][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4815 > 4096. Truncating input.
|
85 |
+
[2024-12-02 03:55:15,110][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4711 > 4096. Truncating input.
|
86 |
+
[2024-12-02 04:05:59,852][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4964 > 4096. Truncating input.
|
87 |
+
[2024-12-02 04:06:22,323][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4437 > 4096. Truncating input.
|
88 |
+
[2024-12-02 04:10:40,146][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5242 > 4096. Truncating input.
|
89 |
+
[2024-12-02 04:38:08,950][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4259 > 4096. Truncating input.
|
90 |
+
[2024-12-02 05:21:03,459][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4499 > 4096. Truncating input.
|
91 |
+
[2024-12-02 05:26:14,727][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4306 > 4096. Truncating input.
|
92 |
+
[2024-12-02 05:29:02,827][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4303 > 4096. Truncating input.
|
93 |
+
[2024-12-02 05:58:13,992][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4547 > 4096. Truncating input.
|
94 |
+
[2024-12-02 06:11:20,533][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4220 > 4096. Truncating input.
|
95 |
+
[2024-12-02 06:11:37,194][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4470 > 4096. Truncating input.
|
96 |
+
[2024-12-02 06:27:05,986][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5493 > 4096. Truncating input.
|
97 |
+
[2024-12-02 06:28:41,495][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6179 > 4096. Truncating input.
|
98 |
+
[2024-12-02 06:47:22,981][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5407 > 4096. Truncating input.
|
99 |
+
[2024-12-02 07:10:08,853][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5526 > 4096. Truncating input.
|
100 |
+
[2024-12-02 07:19:46,268][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4822 > 4096. Truncating input.
|
101 |
+
[2024-12-02 07:40:53,053][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6038 > 4096. Truncating input.
|
102 |
+
[2024-12-02 07:43:55,944][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4491 > 4096. Truncating input.
|
103 |
+
[2024-12-02 08:14:30,948][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4960 > 4096. Truncating input.
|
104 |
+
[2024-12-02 08:37:04,877][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4849 > 4096. Truncating input.
|
105 |
+
[2024-12-02 09:02:23,302][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4353 > 4096. Truncating input.
|
106 |
+
[2024-12-02 10:20:33,401][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4204 > 4096. Truncating input.
|
107 |
+
[2024-12-02 11:16:40,587][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4518 > 4096. Truncating input.
|
108 |
+
[2024-12-02 11:38:03,799][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4800 > 4096. Truncating input.
|
109 |
+
[2024-12-02 11:38:55,211][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4700 > 4096. Truncating input.
|
110 |
+
[2024-12-02 11:47:36,592][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4611 > 4096. Truncating input.
|
111 |
+
[2024-12-02 11:58:23,008][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4859 > 4096. Truncating input.
|
112 |
+
[2024-12-02 11:58:48,730][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4237 > 4096. Truncating input.
|
113 |
+
[2024-12-02 12:04:39,279][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4521 > 4096. Truncating input.
|
114 |
+
[2024-12-02 12:14:04,079][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4370 > 4096. Truncating input.
|
115 |
+
[2024-12-02 12:17:28,272][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4581 > 4096. Truncating input.
|
116 |
+
[2024-12-02 12:24:04,960][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4898 > 4096. Truncating input.
|
117 |
+
[2024-12-02 12:38:07,511][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4255 > 4096. Truncating input.
|
118 |
+
[2024-12-02 12:48:34,832][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4734 > 4096. Truncating input.
|
119 |
+
[2024-12-02 13:09:53,630][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4924 > 4096. Truncating input.
|
120 |
+
[2024-12-02 13:45:30,808][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4739 > 4096. Truncating input.
|
121 |
+
[2024-12-02 15:20:02,074][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4522 > 4096. Truncating input.
|
122 |
+
[2024-12-02 16:46:10,450][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5094 > 4096. Truncating input.
|
123 |
+
[2024-12-02 17:14:41,665][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5327 > 4096. Truncating input.
|
124 |
+
[2024-12-02 17:22:11,928][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5315 > 4096. Truncating input.
|
125 |
+
[2024-12-02 17:51:37,183][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4144 > 4096. Truncating input.
|
126 |
+
[2024-12-02 17:52:41,523][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5354 > 4096. Truncating input.
|
hydra_output_2024-12-01_00-02-51/train_ddp_process_6.log
ADDED
@@ -0,0 +1,103 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2024-12-01 00:02:58,856][lightning.fabric.utilities.distributed][INFO] - Initializing distributed: GLOBAL_RANK: 6, MEMBER: 7/8
|
2 |
+
[2024-12-01 00:02:58,862][fusion_bench.programs.fabric_fusion_program][INFO] - Running the model fusion program.
|
3 |
+
[2024-12-01 00:02:58,863][fusion_bench.programs.fabric_fusion_program][INFO] - loading model pool
|
4 |
+
[2024-12-01 00:02:58,913][fusion_bench.mixins.serialization][WARNING] - Unused argument: pretrained_model_name_or_path=meta-llama/Llama-3.2-1B-Instruct
|
5 |
+
[2024-12-01 00:02:58,915][fusion_bench.programs.fabric_fusion_program][INFO] - loading method
|
6 |
+
[2024-12-01 00:02:58,921][fusion_bench.programs.fabric_fusion_program][INFO] - loading task pool
|
7 |
+
[2024-12-01 00:02:58,922][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading tokenizer.
|
8 |
+
[2024-12-01 00:02:59,849][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading model: _pretrained_
|
9 |
+
[2024-12-01 00:03:09,095][fusion_bench.mixins.fabric_training][INFO] - Expected total steps: 1367
|
10 |
+
[2024-12-01 00:03:09,098][fusion_bench.method.lm_finetune.bradley_terry_rm][INFO] - Setting key `T_max` of lr_scheduler configuration to 1367
|
11 |
+
[2024-12-01 00:06:20,852][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4727 > 4096. Truncating input.
|
12 |
+
[2024-12-01 01:27:07,856][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4672 > 4096. Truncating input.
|
13 |
+
[2024-12-01 01:59:30,104][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4302 > 4096. Truncating input.
|
14 |
+
[2024-12-01 02:26:23,752][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4928 > 4096. Truncating input.
|
15 |
+
[2024-12-01 02:54:25,551][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4822 > 4096. Truncating input.
|
16 |
+
[2024-12-01 03:24:26,745][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5009 > 4096. Truncating input.
|
17 |
+
[2024-12-01 03:58:17,719][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4279 > 4096. Truncating input.
|
18 |
+
[2024-12-01 04:22:30,573][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6605 > 4096. Truncating input.
|
19 |
+
[2024-12-01 05:23:06,026][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6722 > 4096. Truncating input.
|
20 |
+
[2024-12-01 05:31:30,272][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5082 > 4096. Truncating input.
|
21 |
+
[2024-12-01 05:34:57,569][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4220 > 4096. Truncating input.
|
22 |
+
[2024-12-01 06:48:29,544][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4615 > 4096. Truncating input.
|
23 |
+
[2024-12-01 07:18:13,461][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4528 > 4096. Truncating input.
|
24 |
+
[2024-12-01 08:00:31,680][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5277 > 4096. Truncating input.
|
25 |
+
[2024-12-01 08:02:52,070][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4339 > 4096. Truncating input.
|
26 |
+
[2024-12-01 08:30:55,759][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4203 > 4096. Truncating input.
|
27 |
+
[2024-12-01 08:33:02,864][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4208 > 4096. Truncating input.
|
28 |
+
[2024-12-01 08:40:45,758][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4599 > 4096. Truncating input.
|
29 |
+
[2024-12-01 09:28:00,571][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4449 > 4096. Truncating input.
|
30 |
+
[2024-12-01 09:36:13,424][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4154 > 4096. Truncating input.
|
31 |
+
[2024-12-01 09:38:21,960][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 7287 > 4096. Truncating input.
|
32 |
+
[2024-12-01 09:48:25,236][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4224 > 4096. Truncating input.
|
33 |
+
[2024-12-01 09:58:25,324][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4846 > 4096. Truncating input.
|
34 |
+
[2024-12-01 10:15:03,869][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4591 > 4096. Truncating input.
|
35 |
+
[2024-12-01 10:48:14,493][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4491 > 4096. Truncating input.
|
36 |
+
[2024-12-01 11:22:38,713][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4505 > 4096. Truncating input.
|
37 |
+
[2024-12-01 11:29:21,830][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4243 > 4096. Truncating input.
|
38 |
+
[2024-12-01 11:46:16,285][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4302 > 4096. Truncating input.
|
39 |
+
[2024-12-01 11:53:04,158][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5258 > 4096. Truncating input.
|
40 |
+
[2024-12-01 12:14:38,689][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4102 > 4096. Truncating input.
|
41 |
+
[2024-12-01 12:37:54,867][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4117 > 4096. Truncating input.
|
42 |
+
[2024-12-01 13:00:41,811][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4563 > 4096. Truncating input.
|
43 |
+
[2024-12-01 14:50:37,930][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5018 > 4096. Truncating input.
|
44 |
+
[2024-12-01 15:11:34,736][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4493 > 4096. Truncating input.
|
45 |
+
[2024-12-01 16:03:58,695][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5603 > 4096. Truncating input.
|
46 |
+
[2024-12-01 16:05:51,754][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4581 > 4096. Truncating input.
|
47 |
+
[2024-12-01 17:39:51,417][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5775 > 4096. Truncating input.
|
48 |
+
[2024-12-01 18:13:15,816][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4553 > 4096. Truncating input.
|
49 |
+
[2024-12-01 19:07:22,882][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4552 > 4096. Truncating input.
|
50 |
+
[2024-12-01 20:14:47,029][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4138 > 4096. Truncating input.
|
51 |
+
[2024-12-01 20:17:58,085][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4898 > 4096. Truncating input.
|
52 |
+
[2024-12-01 20:20:47,178][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4604 > 4096. Truncating input.
|
53 |
+
[2024-12-01 21:04:26,142][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4718 > 4096. Truncating input.
|
54 |
+
[2024-12-01 22:01:51,325][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4661 > 4096. Truncating input.
|
55 |
+
[2024-12-01 22:19:50,088][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4266 > 4096. Truncating input.
|
56 |
+
[2024-12-01 22:37:18,200][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4257 > 4096. Truncating input.
|
57 |
+
[2024-12-01 23:11:04,540][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4557 > 4096. Truncating input.
|
58 |
+
[2024-12-02 00:26:23,381][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6769 > 4096. Truncating input.
|
59 |
+
[2024-12-02 00:51:27,744][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4222 > 4096. Truncating input.
|
60 |
+
[2024-12-02 00:51:59,526][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4429 > 4096. Truncating input.
|
61 |
+
[2024-12-02 01:08:13,532][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4489 > 4096. Truncating input.
|
62 |
+
[2024-12-02 02:11:09,227][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4282 > 4096. Truncating input.
|
63 |
+
[2024-12-02 02:20:51,665][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4445 > 4096. Truncating input.
|
64 |
+
[2024-12-02 02:30:43,344][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4154 > 4096. Truncating input.
|
65 |
+
[2024-12-02 03:37:27,317][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4860 > 4096. Truncating input.
|
66 |
+
[2024-12-02 04:31:29,196][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4865 > 4096. Truncating input.
|
67 |
+
[2024-12-02 04:31:40,276][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4302 > 4096. Truncating input.
|
68 |
+
[2024-12-02 05:02:46,830][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4856 > 4096. Truncating input.
|
69 |
+
[2024-12-02 05:38:02,758][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6168 > 4096. Truncating input.
|
70 |
+
[2024-12-02 07:10:38,230][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4365 > 4096. Truncating input.
|
71 |
+
[2024-12-02 07:24:06,549][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4533 > 4096. Truncating input.
|
72 |
+
[2024-12-02 07:36:29,871][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4632 > 4096. Truncating input.
|
73 |
+
[2024-12-02 07:39:28,784][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4722 > 4096. Truncating input.
|
74 |
+
[2024-12-02 08:20:56,709][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6129 > 4096. Truncating input.
|
75 |
+
[2024-12-02 08:51:01,632][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4210 > 4096. Truncating input.
|
76 |
+
[2024-12-02 08:59:17,913][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4169 > 4096. Truncating input.
|
77 |
+
[2024-12-02 09:02:12,470][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6157 > 4096. Truncating input.
|
78 |
+
[2024-12-02 09:14:56,916][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4869 > 4096. Truncating input.
|
79 |
+
[2024-12-02 09:46:28,909][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4944 > 4096. Truncating input.
|
80 |
+
[2024-12-02 09:50:16,358][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4674 > 4096. Truncating input.
|
81 |
+
[2024-12-02 10:51:38,626][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4113 > 4096. Truncating input.
|
82 |
+
[2024-12-02 10:59:49,906][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5123 > 4096. Truncating input.
|
83 |
+
[2024-12-02 11:16:05,197][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4160 > 4096. Truncating input.
|
84 |
+
[2024-12-02 11:35:21,289][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4524 > 4096. Truncating input.
|
85 |
+
[2024-12-02 12:25:49,672][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4117 > 4096. Truncating input.
|
86 |
+
[2024-12-02 12:47:01,236][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4770 > 4096. Truncating input.
|
87 |
+
[2024-12-02 13:46:31,191][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4727 > 4096. Truncating input.
|
88 |
+
[2024-12-02 14:02:37,628][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4119 > 4096. Truncating input.
|
89 |
+
[2024-12-02 14:33:17,395][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4099 > 4096. Truncating input.
|
90 |
+
[2024-12-02 14:33:58,512][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4176 > 4096. Truncating input.
|
91 |
+
[2024-12-02 15:02:58,046][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4824 > 4096. Truncating input.
|
92 |
+
[2024-12-02 15:11:10,797][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4412 > 4096. Truncating input.
|
93 |
+
[2024-12-02 15:17:37,258][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4475 > 4096. Truncating input.
|
94 |
+
[2024-12-02 16:23:02,419][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4368 > 4096. Truncating input.
|
95 |
+
[2024-12-02 16:35:55,049][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4921 > 4096. Truncating input.
|
96 |
+
[2024-12-02 16:40:02,141][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5600 > 4096. Truncating input.
|
97 |
+
[2024-12-02 16:41:22,432][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4474 > 4096. Truncating input.
|
98 |
+
[2024-12-02 17:07:07,894][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4161 > 4096. Truncating input.
|
99 |
+
[2024-12-02 17:08:12,948][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4372 > 4096. Truncating input.
|
100 |
+
[2024-12-02 17:42:15,388][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5632 > 4096. Truncating input.
|
101 |
+
[2024-12-02 17:42:48,817][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6658 > 4096. Truncating input.
|
102 |
+
[2024-12-02 18:12:47,063][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4475 > 4096. Truncating input.
|
103 |
+
[2024-12-02 18:23:40,977][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4928 > 4096. Truncating input.
|
hydra_output_2024-12-01_00-02-51/train_ddp_process_7.log
ADDED
@@ -0,0 +1,110 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2024-12-01 00:02:59,265][lightning.fabric.utilities.distributed][INFO] - Initializing distributed: GLOBAL_RANK: 7, MEMBER: 8/8
|
2 |
+
[2024-12-01 00:02:59,272][fusion_bench.programs.fabric_fusion_program][INFO] - Running the model fusion program.
|
3 |
+
[2024-12-01 00:02:59,273][fusion_bench.programs.fabric_fusion_program][INFO] - loading model pool
|
4 |
+
[2024-12-01 00:02:59,325][fusion_bench.mixins.serialization][WARNING] - Unused argument: pretrained_model_name_or_path=meta-llama/Llama-3.2-1B-Instruct
|
5 |
+
[2024-12-01 00:02:59,326][fusion_bench.programs.fabric_fusion_program][INFO] - loading method
|
6 |
+
[2024-12-01 00:02:59,332][fusion_bench.programs.fabric_fusion_program][INFO] - loading task pool
|
7 |
+
[2024-12-01 00:02:59,333][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading tokenizer.
|
8 |
+
[2024-12-01 00:03:01,074][fusion_bench.modelpool.causal_lm.causal_lm][INFO] - Loading model: _pretrained_
|
9 |
+
[2024-12-01 00:03:09,213][fusion_bench.mixins.fabric_training][INFO] - Expected total steps: 1367
|
10 |
+
[2024-12-01 00:03:09,217][fusion_bench.method.lm_finetune.bradley_terry_rm][INFO] - Setting key `T_max` of lr_scheduler configuration to 1367
|
11 |
+
[2024-12-01 00:29:10,202][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4304 > 4096. Truncating input.
|
12 |
+
[2024-12-01 01:38:36,363][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4927 > 4096. Truncating input.
|
13 |
+
[2024-12-01 02:00:30,185][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4563 > 4096. Truncating input.
|
14 |
+
[2024-12-01 02:59:29,219][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4489 > 4096. Truncating input.
|
15 |
+
[2024-12-01 04:01:09,819][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5446 > 4096. Truncating input.
|
16 |
+
[2024-12-01 04:02:37,109][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4656 > 4096. Truncating input.
|
17 |
+
[2024-12-01 04:14:48,934][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4559 > 4096. Truncating input.
|
18 |
+
[2024-12-01 04:26:27,792][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4264 > 4096. Truncating input.
|
19 |
+
[2024-12-01 04:33:16,726][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4435 > 4096. Truncating input.
|
20 |
+
[2024-12-01 05:01:43,965][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4985 > 4096. Truncating input.
|
21 |
+
[2024-12-01 05:27:47,667][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4517 > 4096. Truncating input.
|
22 |
+
[2024-12-01 05:37:44,798][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4828 > 4096. Truncating input.
|
23 |
+
[2024-12-01 05:44:31,044][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4963 > 4096. Truncating input.
|
24 |
+
[2024-12-01 05:50:31,027][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4705 > 4096. Truncating input.
|
25 |
+
[2024-12-01 06:13:34,991][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4362 > 4096. Truncating input.
|
26 |
+
[2024-12-01 06:26:41,441][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4741 > 4096. Truncating input.
|
27 |
+
[2024-12-01 06:27:31,916][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4674 > 4096. Truncating input.
|
28 |
+
[2024-12-01 06:27:50,096][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4802 > 4096. Truncating input.
|
29 |
+
[2024-12-01 06:46:45,160][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4499 > 4096. Truncating input.
|
30 |
+
[2024-12-01 06:53:50,075][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4380 > 4096. Truncating input.
|
31 |
+
[2024-12-01 07:00:04,358][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4317 > 4096. Truncating input.
|
32 |
+
[2024-12-01 07:06:08,859][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5195 > 4096. Truncating input.
|
33 |
+
[2024-12-01 07:24:49,998][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5632 > 4096. Truncating input.
|
34 |
+
[2024-12-01 07:50:14,098][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4380 > 4096. Truncating input.
|
35 |
+
[2024-12-01 07:52:20,931][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6079 > 4096. Truncating input.
|
36 |
+
[2024-12-01 07:53:14,617][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 8047 > 4096. Truncating input.
|
37 |
+
[2024-12-01 08:12:23,380][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4522 > 4096. Truncating input.
|
38 |
+
[2024-12-01 09:24:06,913][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5375 > 4096. Truncating input.
|
39 |
+
[2024-12-01 09:46:49,958][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4644 > 4096. Truncating input.
|
40 |
+
[2024-12-01 10:03:11,726][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4413 > 4096. Truncating input.
|
41 |
+
[2024-12-01 10:06:17,350][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 8099 > 4096. Truncating input.
|
42 |
+
[2024-12-01 10:21:56,208][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4685 > 4096. Truncating input.
|
43 |
+
[2024-12-01 11:04:32,779][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4274 > 4096. Truncating input.
|
44 |
+
[2024-12-01 11:32:31,368][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4644 > 4096. Truncating input.
|
45 |
+
[2024-12-01 11:40:37,131][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6102 > 4096. Truncating input.
|
46 |
+
[2024-12-01 11:56:03,244][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4445 > 4096. Truncating input.
|
47 |
+
[2024-12-01 12:19:15,011][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5185 > 4096. Truncating input.
|
48 |
+
[2024-12-01 12:21:58,720][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4917 > 4096. Truncating input.
|
49 |
+
[2024-12-01 13:01:23,440][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6591 > 4096. Truncating input.
|
50 |
+
[2024-12-01 13:18:19,939][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4456 > 4096. Truncating input.
|
51 |
+
[2024-12-01 13:23:32,175][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5407 > 4096. Truncating input.
|
52 |
+
[2024-12-01 13:42:02,861][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5295 > 4096. Truncating input.
|
53 |
+
[2024-12-01 13:44:56,121][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4503 > 4096. Truncating input.
|
54 |
+
[2024-12-01 13:59:59,514][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5365 > 4096. Truncating input.
|
55 |
+
[2024-12-01 14:37:53,795][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4130 > 4096. Truncating input.
|
56 |
+
[2024-12-01 14:41:13,698][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4994 > 4096. Truncating input.
|
57 |
+
[2024-12-01 15:08:08,991][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4865 > 4096. Truncating input.
|
58 |
+
[2024-12-01 15:16:11,724][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4380 > 4096. Truncating input.
|
59 |
+
[2024-12-01 15:51:09,740][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4569 > 4096. Truncating input.
|
60 |
+
[2024-12-01 17:15:31,169][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4735 > 4096. Truncating input.
|
61 |
+
[2024-12-01 17:15:50,705][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4957 > 4096. Truncating input.
|
62 |
+
[2024-12-01 17:16:12,343][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4611 > 4096. Truncating input.
|
63 |
+
[2024-12-01 18:32:25,187][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4609 > 4096. Truncating input.
|
64 |
+
[2024-12-01 19:00:15,039][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4465 > 4096. Truncating input.
|
65 |
+
[2024-12-01 19:25:39,910][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4856 > 4096. Truncating input.
|
66 |
+
[2024-12-01 19:29:17,214][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4922 > 4096. Truncating input.
|
67 |
+
[2024-12-01 19:37:39,547][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4204 > 4096. Truncating input.
|
68 |
+
[2024-12-01 19:56:08,649][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4301 > 4096. Truncating input.
|
69 |
+
[2024-12-01 19:59:48,851][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4442 > 4096. Truncating input.
|
70 |
+
[2024-12-01 20:47:15,803][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4282 > 4096. Truncating input.
|
71 |
+
[2024-12-01 21:04:07,815][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 6720 > 4096. Truncating input.
|
72 |
+
[2024-12-01 21:05:10,492][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4161 > 4096. Truncating input.
|
73 |
+
[2024-12-01 21:27:38,311][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5848 > 4096. Truncating input.
|
74 |
+
[2024-12-01 21:49:31,607][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 7287 > 4096. Truncating input.
|
75 |
+
[2024-12-01 22:54:49,298][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4973 > 4096. Truncating input.
|
76 |
+
[2024-12-02 00:19:43,160][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4250 > 4096. Truncating input.
|
77 |
+
[2024-12-02 00:25:26,495][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5161 > 4096. Truncating input.
|
78 |
+
[2024-12-02 00:47:58,870][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4353 > 4096. Truncating input.
|
79 |
+
[2024-12-02 02:04:38,642][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4518 > 4096. Truncating input.
|
80 |
+
[2024-12-02 02:14:07,905][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5018 > 4096. Truncating input.
|
81 |
+
[2024-12-02 02:14:33,277][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4517 > 4096. Truncating input.
|
82 |
+
[2024-12-02 02:36:15,506][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4609 > 4096. Truncating input.
|
83 |
+
[2024-12-02 02:47:31,108][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4407 > 4096. Truncating input.
|
84 |
+
[2024-12-02 03:02:00,604][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4380 > 4096. Truncating input.
|
85 |
+
[2024-12-02 03:03:37,747][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4138 > 4096. Truncating input.
|
86 |
+
[2024-12-02 04:11:05,327][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4228 > 4096. Truncating input.
|
87 |
+
[2024-12-02 05:02:35,765][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4478 > 4096. Truncating input.
|
88 |
+
[2024-12-02 05:29:02,798][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5677 > 4096. Truncating input.
|
89 |
+
[2024-12-02 05:51:58,988][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5095 > 4096. Truncating input.
|
90 |
+
[2024-12-02 06:14:45,215][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5025 > 4096. Truncating input.
|
91 |
+
[2024-12-02 06:52:55,749][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4117 > 4096. Truncating input.
|
92 |
+
[2024-12-02 08:27:40,017][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4692 > 4096. Truncating input.
|
93 |
+
[2024-12-02 08:36:20,266][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5365 > 4096. Truncating input.
|
94 |
+
[2024-12-02 08:41:13,132][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5258 > 4096. Truncating input.
|
95 |
+
[2024-12-02 09:07:47,098][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4970 > 4096. Truncating input.
|
96 |
+
[2024-12-02 09:43:34,687][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5245 > 4096. Truncating input.
|
97 |
+
[2024-12-02 09:49:23,920][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4923 > 4096. Truncating input.
|
98 |
+
[2024-12-02 10:07:41,774][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4139 > 4096. Truncating input.
|
99 |
+
[2024-12-02 10:57:26,097][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4927 > 4096. Truncating input.
|
100 |
+
[2024-12-02 11:01:46,333][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 5178 > 4096. Truncating input.
|
101 |
+
[2024-12-02 11:11:45,921][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4704 > 4096. Truncating input.
|
102 |
+
[2024-12-02 12:03:29,505][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4672 > 4096. Truncating input.
|
103 |
+
[2024-12-02 14:25:13,862][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4456 > 4096. Truncating input.
|
104 |
+
[2024-12-02 15:19:02,576][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 7055 > 4096. Truncating input.
|
105 |
+
[2024-12-02 15:40:12,347][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4823 > 4096. Truncating input.
|
106 |
+
[2024-12-02 15:59:55,087][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4279 > 4096. Truncating input.
|
107 |
+
[2024-12-02 16:22:12,874][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4601 > 4096. Truncating input.
|
108 |
+
[2024-12-02 16:29:51,006][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4496 > 4096. Truncating input.
|
109 |
+
[2024-12-02 17:12:46,832][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4574 > 4096. Truncating input.
|
110 |
+
[2024-12-02 17:33:31,870][fusion_bench.method.lm_finetune.bradley_terry_rm][WARNING] - Input length exceeds max_length: 4725 > 4096. Truncating input.
|
model.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b42b01fc70de3b2c9403062b896552a6090569d42fbd537f4c529c29cb36440f
|
3 |
+
size 2471653888
|
special_tokens_map.json
ADDED
@@ -0,0 +1,16 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"bos_token": {
|
3 |
+
"content": "<|begin_of_text|>",
|
4 |
+
"lstrip": false,
|
5 |
+
"normalized": false,
|
6 |
+
"rstrip": false,
|
7 |
+
"single_word": false
|
8 |
+
},
|
9 |
+
"eos_token": {
|
10 |
+
"content": "<|eot_id|>",
|
11 |
+
"lstrip": false,
|
12 |
+
"normalized": false,
|
13 |
+
"rstrip": false,
|
14 |
+
"single_word": false
|
15 |
+
}
|
16 |
+
}
|
tb_logs.png
ADDED
tokenizer.json
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:6b9e4e7fb171f92fd137b777cc2714bf87d11576700a1dcd7a399e7bbe39537b
|
3 |
+
size 17209920
|
tokenizer_config.json
ADDED
@@ -0,0 +1,2062 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"added_tokens_decoder": {
|
3 |
+
"128000": {
|
4 |
+
"content": "<|begin_of_text|>",
|
5 |
+
"lstrip": false,
|
6 |
+
"normalized": false,
|
7 |
+
"rstrip": false,
|
8 |
+
"single_word": false,
|
9 |
+
"special": true
|
10 |
+
},
|
11 |
+
"128001": {
|
12 |
+
"content": "<|end_of_text|>",
|
13 |
+
"lstrip": false,
|
14 |
+
"normalized": false,
|
15 |
+
"rstrip": false,
|
16 |
+
"single_word": false,
|
17 |
+
"special": true
|
18 |
+
},
|
19 |
+
"128002": {
|
20 |
+
"content": "<|reserved_special_token_0|>",
|
21 |
+
"lstrip": false,
|
22 |
+
"normalized": false,
|
23 |
+
"rstrip": false,
|
24 |
+
"single_word": false,
|
25 |
+
"special": true
|
26 |
+
},
|
27 |
+
"128003": {
|
28 |
+
"content": "<|reserved_special_token_1|>",
|
29 |
+
"lstrip": false,
|
30 |
+
"normalized": false,
|
31 |
+
"rstrip": false,
|
32 |
+
"single_word": false,
|
33 |
+
"special": true
|
34 |
+
},
|
35 |
+
"128004": {
|
36 |
+
"content": "<|finetune_right_pad_id|>",
|
37 |
+
"lstrip": false,
|
38 |
+
"normalized": false,
|
39 |
+
"rstrip": false,
|
40 |
+
"single_word": false,
|
41 |
+
"special": true
|
42 |
+
},
|
43 |
+
"128005": {
|
44 |
+
"content": "<|reserved_special_token_2|>",
|
45 |
+
"lstrip": false,
|
46 |
+
"normalized": false,
|
47 |
+
"rstrip": false,
|
48 |
+
"single_word": false,
|
49 |
+
"special": true
|
50 |
+
},
|
51 |
+
"128006": {
|
52 |
+
"content": "<|start_header_id|>",
|
53 |
+
"lstrip": false,
|
54 |
+
"normalized": false,
|
55 |
+
"rstrip": false,
|
56 |
+
"single_word": false,
|
57 |
+
"special": true
|
58 |
+
},
|
59 |
+
"128007": {
|
60 |
+
"content": "<|end_header_id|>",
|
61 |
+
"lstrip": false,
|
62 |
+
"normalized": false,
|
63 |
+
"rstrip": false,
|
64 |
+
"single_word": false,
|
65 |
+
"special": true
|
66 |
+
},
|
67 |
+
"128008": {
|
68 |
+
"content": "<|eom_id|>",
|
69 |
+
"lstrip": false,
|
70 |
+
"normalized": false,
|
71 |
+
"rstrip": false,
|
72 |
+
"single_word": false,
|
73 |
+
"special": true
|
74 |
+
},
|
75 |
+
"128009": {
|
76 |
+
"content": "<|eot_id|>",
|
77 |
+
"lstrip": false,
|
78 |
+
"normalized": false,
|
79 |
+
"rstrip": false,
|
80 |
+
"single_word": false,
|
81 |
+
"special": true
|
82 |
+
},
|
83 |
+
"128010": {
|
84 |
+
"content": "<|python_tag|>",
|
85 |
+
"lstrip": false,
|
86 |
+
"normalized": false,
|
87 |
+
"rstrip": false,
|
88 |
+
"single_word": false,
|
89 |
+
"special": true
|
90 |
+
},
|
91 |
+
"128011": {
|
92 |
+
"content": "<|reserved_special_token_3|>",
|
93 |
+
"lstrip": false,
|
94 |
+
"normalized": false,
|
95 |
+
"rstrip": false,
|
96 |
+
"single_word": false,
|
97 |
+
"special": true
|
98 |
+
},
|
99 |
+
"128012": {
|
100 |
+
"content": "<|reserved_special_token_4|>",
|
101 |
+
"lstrip": false,
|
102 |
+
"normalized": false,
|
103 |
+
"rstrip": false,
|
104 |
+
"single_word": false,
|
105 |
+
"special": true
|
106 |
+
},
|
107 |
+
"128013": {
|
108 |
+
"content": "<|reserved_special_token_5|>",
|
109 |
+
"lstrip": false,
|
110 |
+
"normalized": false,
|
111 |
+
"rstrip": false,
|
112 |
+
"single_word": false,
|
113 |
+
"special": true
|
114 |
+
},
|
115 |
+
"128014": {
|
116 |
+
"content": "<|reserved_special_token_6|>",
|
117 |
+
"lstrip": false,
|
118 |
+
"normalized": false,
|
119 |
+
"rstrip": false,
|
120 |
+
"single_word": false,
|
121 |
+
"special": true
|
122 |
+
},
|
123 |
+
"128015": {
|
124 |
+
"content": "<|reserved_special_token_7|>",
|
125 |
+
"lstrip": false,
|
126 |
+
"normalized": false,
|
127 |
+
"rstrip": false,
|
128 |
+
"single_word": false,
|
129 |
+
"special": true
|
130 |
+
},
|
131 |
+
"128016": {
|
132 |
+
"content": "<|reserved_special_token_8|>",
|
133 |
+
"lstrip": false,
|
134 |
+
"normalized": false,
|
135 |
+
"rstrip": false,
|
136 |
+
"single_word": false,
|
137 |
+
"special": true
|
138 |
+
},
|
139 |
+
"128017": {
|
140 |
+
"content": "<|reserved_special_token_9|>",
|
141 |
+
"lstrip": false,
|
142 |
+
"normalized": false,
|
143 |
+
"rstrip": false,
|
144 |
+
"single_word": false,
|
145 |
+
"special": true
|
146 |
+
},
|
147 |
+
"128018": {
|
148 |
+
"content": "<|reserved_special_token_10|>",
|
149 |
+
"lstrip": false,
|
150 |
+
"normalized": false,
|
151 |
+
"rstrip": false,
|
152 |
+
"single_word": false,
|
153 |
+
"special": true
|
154 |
+
},
|
155 |
+
"128019": {
|
156 |
+
"content": "<|reserved_special_token_11|>",
|
157 |
+
"lstrip": false,
|
158 |
+
"normalized": false,
|
159 |
+
"rstrip": false,
|
160 |
+
"single_word": false,
|
161 |
+
"special": true
|
162 |
+
},
|
163 |
+
"128020": {
|
164 |
+
"content": "<|reserved_special_token_12|>",
|
165 |
+
"lstrip": false,
|
166 |
+
"normalized": false,
|
167 |
+
"rstrip": false,
|
168 |
+
"single_word": false,
|
169 |
+
"special": true
|
170 |
+
},
|
171 |
+
"128021": {
|
172 |
+
"content": "<|reserved_special_token_13|>",
|
173 |
+
"lstrip": false,
|
174 |
+
"normalized": false,
|
175 |
+
"rstrip": false,
|
176 |
+
"single_word": false,
|
177 |
+
"special": true
|
178 |
+
},
|
179 |
+
"128022": {
|
180 |
+
"content": "<|reserved_special_token_14|>",
|
181 |
+
"lstrip": false,
|
182 |
+
"normalized": false,
|
183 |
+
"rstrip": false,
|
184 |
+
"single_word": false,
|
185 |
+
"special": true
|
186 |
+
},
|
187 |
+
"128023": {
|
188 |
+
"content": "<|reserved_special_token_15|>",
|
189 |
+
"lstrip": false,
|
190 |
+
"normalized": false,
|
191 |
+
"rstrip": false,
|
192 |
+
"single_word": false,
|
193 |
+
"special": true
|
194 |
+
},
|
195 |
+
"128024": {
|
196 |
+
"content": "<|reserved_special_token_16|>",
|
197 |
+
"lstrip": false,
|
198 |
+
"normalized": false,
|
199 |
+
"rstrip": false,
|
200 |
+
"single_word": false,
|
201 |
+
"special": true
|
202 |
+
},
|
203 |
+
"128025": {
|
204 |
+
"content": "<|reserved_special_token_17|>",
|
205 |
+
"lstrip": false,
|
206 |
+
"normalized": false,
|
207 |
+
"rstrip": false,
|
208 |
+
"single_word": false,
|
209 |
+
"special": true
|
210 |
+
},
|
211 |
+
"128026": {
|
212 |
+
"content": "<|reserved_special_token_18|>",
|
213 |
+
"lstrip": false,
|
214 |
+
"normalized": false,
|
215 |
+
"rstrip": false,
|
216 |
+
"single_word": false,
|
217 |
+
"special": true
|
218 |
+
},
|
219 |
+
"128027": {
|
220 |
+
"content": "<|reserved_special_token_19|>",
|
221 |
+
"lstrip": false,
|
222 |
+
"normalized": false,
|
223 |
+
"rstrip": false,
|
224 |
+
"single_word": false,
|
225 |
+
"special": true
|
226 |
+
},
|
227 |
+
"128028": {
|
228 |
+
"content": "<|reserved_special_token_20|>",
|
229 |
+
"lstrip": false,
|
230 |
+
"normalized": false,
|
231 |
+
"rstrip": false,
|
232 |
+
"single_word": false,
|
233 |
+
"special": true
|
234 |
+
},
|
235 |
+
"128029": {
|
236 |
+
"content": "<|reserved_special_token_21|>",
|
237 |
+
"lstrip": false,
|
238 |
+
"normalized": false,
|
239 |
+
"rstrip": false,
|
240 |
+
"single_word": false,
|
241 |
+
"special": true
|
242 |
+
},
|
243 |
+
"128030": {
|
244 |
+
"content": "<|reserved_special_token_22|>",
|
245 |
+
"lstrip": false,
|
246 |
+
"normalized": false,
|
247 |
+
"rstrip": false,
|
248 |
+
"single_word": false,
|
249 |
+
"special": true
|
250 |
+
},
|
251 |
+
"128031": {
|
252 |
+
"content": "<|reserved_special_token_23|>",
|
253 |
+
"lstrip": false,
|
254 |
+
"normalized": false,
|
255 |
+
"rstrip": false,
|
256 |
+
"single_word": false,
|
257 |
+
"special": true
|
258 |
+
},
|
259 |
+
"128032": {
|
260 |
+
"content": "<|reserved_special_token_24|>",
|
261 |
+
"lstrip": false,
|
262 |
+
"normalized": false,
|
263 |
+
"rstrip": false,
|
264 |
+
"single_word": false,
|
265 |
+
"special": true
|
266 |
+
},
|
267 |
+
"128033": {
|
268 |
+
"content": "<|reserved_special_token_25|>",
|
269 |
+
"lstrip": false,
|
270 |
+
"normalized": false,
|
271 |
+
"rstrip": false,
|
272 |
+
"single_word": false,
|
273 |
+
"special": true
|
274 |
+
},
|
275 |
+
"128034": {
|
276 |
+
"content": "<|reserved_special_token_26|>",
|
277 |
+
"lstrip": false,
|
278 |
+
"normalized": false,
|
279 |
+
"rstrip": false,
|
280 |
+
"single_word": false,
|
281 |
+
"special": true
|
282 |
+
},
|
283 |
+
"128035": {
|
284 |
+
"content": "<|reserved_special_token_27|>",
|
285 |
+
"lstrip": false,
|
286 |
+
"normalized": false,
|
287 |
+
"rstrip": false,
|
288 |
+
"single_word": false,
|
289 |
+
"special": true
|
290 |
+
},
|
291 |
+
"128036": {
|
292 |
+
"content": "<|reserved_special_token_28|>",
|
293 |
+
"lstrip": false,
|
294 |
+
"normalized": false,
|
295 |
+
"rstrip": false,
|
296 |
+
"single_word": false,
|
297 |
+
"special": true
|
298 |
+
},
|
299 |
+
"128037": {
|
300 |
+
"content": "<|reserved_special_token_29|>",
|
301 |
+
"lstrip": false,
|
302 |
+
"normalized": false,
|
303 |
+
"rstrip": false,
|
304 |
+
"single_word": false,
|
305 |
+
"special": true
|
306 |
+
},
|
307 |
+
"128038": {
|
308 |
+
"content": "<|reserved_special_token_30|>",
|
309 |
+
"lstrip": false,
|
310 |
+
"normalized": false,
|
311 |
+
"rstrip": false,
|
312 |
+
"single_word": false,
|
313 |
+
"special": true
|
314 |
+
},
|
315 |
+
"128039": {
|
316 |
+
"content": "<|reserved_special_token_31|>",
|
317 |
+
"lstrip": false,
|
318 |
+
"normalized": false,
|
319 |
+
"rstrip": false,
|
320 |
+
"single_word": false,
|
321 |
+
"special": true
|
322 |
+
},
|
323 |
+
"128040": {
|
324 |
+
"content": "<|reserved_special_token_32|>",
|
325 |
+
"lstrip": false,
|
326 |
+
"normalized": false,
|
327 |
+
"rstrip": false,
|
328 |
+
"single_word": false,
|
329 |
+
"special": true
|
330 |
+
},
|
331 |
+
"128041": {
|
332 |
+
"content": "<|reserved_special_token_33|>",
|
333 |
+
"lstrip": false,
|
334 |
+
"normalized": false,
|
335 |
+
"rstrip": false,
|
336 |
+
"single_word": false,
|
337 |
+
"special": true
|
338 |
+
},
|
339 |
+
"128042": {
|
340 |
+
"content": "<|reserved_special_token_34|>",
|
341 |
+
"lstrip": false,
|
342 |
+
"normalized": false,
|
343 |
+
"rstrip": false,
|
344 |
+
"single_word": false,
|
345 |
+
"special": true
|
346 |
+
},
|
347 |
+
"128043": {
|
348 |
+
"content": "<|reserved_special_token_35|>",
|
349 |
+
"lstrip": false,
|
350 |
+
"normalized": false,
|
351 |
+
"rstrip": false,
|
352 |
+
"single_word": false,
|
353 |
+
"special": true
|
354 |
+
},
|
355 |
+
"128044": {
|
356 |
+
"content": "<|reserved_special_token_36|>",
|
357 |
+
"lstrip": false,
|
358 |
+
"normalized": false,
|
359 |
+
"rstrip": false,
|
360 |
+
"single_word": false,
|
361 |
+
"special": true
|
362 |
+
},
|
363 |
+
"128045": {
|
364 |
+
"content": "<|reserved_special_token_37|>",
|
365 |
+
"lstrip": false,
|
366 |
+
"normalized": false,
|
367 |
+
"rstrip": false,
|
368 |
+
"single_word": false,
|
369 |
+
"special": true
|
370 |
+
},
|
371 |
+
"128046": {
|
372 |
+
"content": "<|reserved_special_token_38|>",
|
373 |
+
"lstrip": false,
|
374 |
+
"normalized": false,
|
375 |
+
"rstrip": false,
|
376 |
+
"single_word": false,
|
377 |
+
"special": true
|
378 |
+
},
|
379 |
+
"128047": {
|
380 |
+
"content": "<|reserved_special_token_39|>",
|
381 |
+
"lstrip": false,
|
382 |
+
"normalized": false,
|
383 |
+
"rstrip": false,
|
384 |
+
"single_word": false,
|
385 |
+
"special": true
|
386 |
+
},
|
387 |
+
"128048": {
|
388 |
+
"content": "<|reserved_special_token_40|>",
|
389 |
+
"lstrip": false,
|
390 |
+
"normalized": false,
|
391 |
+
"rstrip": false,
|
392 |
+
"single_word": false,
|
393 |
+
"special": true
|
394 |
+
},
|
395 |
+
"128049": {
|
396 |
+
"content": "<|reserved_special_token_41|>",
|
397 |
+
"lstrip": false,
|
398 |
+
"normalized": false,
|
399 |
+
"rstrip": false,
|
400 |
+
"single_word": false,
|
401 |
+
"special": true
|
402 |
+
},
|
403 |
+
"128050": {
|
404 |
+
"content": "<|reserved_special_token_42|>",
|
405 |
+
"lstrip": false,
|
406 |
+
"normalized": false,
|
407 |
+
"rstrip": false,
|
408 |
+
"single_word": false,
|
409 |
+
"special": true
|
410 |
+
},
|
411 |
+
"128051": {
|
412 |
+
"content": "<|reserved_special_token_43|>",
|
413 |
+
"lstrip": false,
|
414 |
+
"normalized": false,
|
415 |
+
"rstrip": false,
|
416 |
+
"single_word": false,
|
417 |
+
"special": true
|
418 |
+
},
|
419 |
+
"128052": {
|
420 |
+
"content": "<|reserved_special_token_44|>",
|
421 |
+
"lstrip": false,
|
422 |
+
"normalized": false,
|
423 |
+
"rstrip": false,
|
424 |
+
"single_word": false,
|
425 |
+
"special": true
|
426 |
+
},
|
427 |
+
"128053": {
|
428 |
+
"content": "<|reserved_special_token_45|>",
|
429 |
+
"lstrip": false,
|
430 |
+
"normalized": false,
|
431 |
+
"rstrip": false,
|
432 |
+
"single_word": false,
|
433 |
+
"special": true
|
434 |
+
},
|
435 |
+
"128054": {
|
436 |
+
"content": "<|reserved_special_token_46|>",
|
437 |
+
"lstrip": false,
|
438 |
+
"normalized": false,
|
439 |
+
"rstrip": false,
|
440 |
+
"single_word": false,
|
441 |
+
"special": true
|
442 |
+
},
|
443 |
+
"128055": {
|
444 |
+
"content": "<|reserved_special_token_47|>",
|
445 |
+
"lstrip": false,
|
446 |
+
"normalized": false,
|
447 |
+
"rstrip": false,
|
448 |
+
"single_word": false,
|
449 |
+
"special": true
|
450 |
+
},
|
451 |
+
"128056": {
|
452 |
+
"content": "<|reserved_special_token_48|>",
|
453 |
+
"lstrip": false,
|
454 |
+
"normalized": false,
|
455 |
+
"rstrip": false,
|
456 |
+
"single_word": false,
|
457 |
+
"special": true
|
458 |
+
},
|
459 |
+
"128057": {
|
460 |
+
"content": "<|reserved_special_token_49|>",
|
461 |
+
"lstrip": false,
|
462 |
+
"normalized": false,
|
463 |
+
"rstrip": false,
|
464 |
+
"single_word": false,
|
465 |
+
"special": true
|
466 |
+
},
|
467 |
+
"128058": {
|
468 |
+
"content": "<|reserved_special_token_50|>",
|
469 |
+
"lstrip": false,
|
470 |
+
"normalized": false,
|
471 |
+
"rstrip": false,
|
472 |
+
"single_word": false,
|
473 |
+
"special": true
|
474 |
+
},
|
475 |
+
"128059": {
|
476 |
+
"content": "<|reserved_special_token_51|>",
|
477 |
+
"lstrip": false,
|
478 |
+
"normalized": false,
|
479 |
+
"rstrip": false,
|
480 |
+
"single_word": false,
|
481 |
+
"special": true
|
482 |
+
},
|
483 |
+
"128060": {
|
484 |
+
"content": "<|reserved_special_token_52|>",
|
485 |
+
"lstrip": false,
|
486 |
+
"normalized": false,
|
487 |
+
"rstrip": false,
|
488 |
+
"single_word": false,
|
489 |
+
"special": true
|
490 |
+
},
|
491 |
+
"128061": {
|
492 |
+
"content": "<|reserved_special_token_53|>",
|
493 |
+
"lstrip": false,
|
494 |
+
"normalized": false,
|
495 |
+
"rstrip": false,
|
496 |
+
"single_word": false,
|
497 |
+
"special": true
|
498 |
+
},
|
499 |
+
"128062": {
|
500 |
+
"content": "<|reserved_special_token_54|>",
|
501 |
+
"lstrip": false,
|
502 |
+
"normalized": false,
|
503 |
+
"rstrip": false,
|
504 |
+
"single_word": false,
|
505 |
+
"special": true
|
506 |
+
},
|
507 |
+
"128063": {
|
508 |
+
"content": "<|reserved_special_token_55|>",
|
509 |
+
"lstrip": false,
|
510 |
+
"normalized": false,
|
511 |
+
"rstrip": false,
|
512 |
+
"single_word": false,
|
513 |
+
"special": true
|
514 |
+
},
|
515 |
+
"128064": {
|
516 |
+
"content": "<|reserved_special_token_56|>",
|
517 |
+
"lstrip": false,
|
518 |
+
"normalized": false,
|
519 |
+
"rstrip": false,
|
520 |
+
"single_word": false,
|
521 |
+
"special": true
|
522 |
+
},
|
523 |
+
"128065": {
|
524 |
+
"content": "<|reserved_special_token_57|>",
|
525 |
+
"lstrip": false,
|
526 |
+
"normalized": false,
|
527 |
+
"rstrip": false,
|
528 |
+
"single_word": false,
|
529 |
+
"special": true
|
530 |
+
},
|
531 |
+
"128066": {
|
532 |
+
"content": "<|reserved_special_token_58|>",
|
533 |
+
"lstrip": false,
|
534 |
+
"normalized": false,
|
535 |
+
"rstrip": false,
|
536 |
+
"single_word": false,
|
537 |
+
"special": true
|
538 |
+
},
|
539 |
+
"128067": {
|
540 |
+
"content": "<|reserved_special_token_59|>",
|
541 |
+
"lstrip": false,
|
542 |
+
"normalized": false,
|
543 |
+
"rstrip": false,
|
544 |
+
"single_word": false,
|
545 |
+
"special": true
|
546 |
+
},
|
547 |
+
"128068": {
|
548 |
+
"content": "<|reserved_special_token_60|>",
|
549 |
+
"lstrip": false,
|
550 |
+
"normalized": false,
|
551 |
+
"rstrip": false,
|
552 |
+
"single_word": false,
|
553 |
+
"special": true
|
554 |
+
},
|
555 |
+
"128069": {
|
556 |
+
"content": "<|reserved_special_token_61|>",
|
557 |
+
"lstrip": false,
|
558 |
+
"normalized": false,
|
559 |
+
"rstrip": false,
|
560 |
+
"single_word": false,
|
561 |
+
"special": true
|
562 |
+
},
|
563 |
+
"128070": {
|
564 |
+
"content": "<|reserved_special_token_62|>",
|
565 |
+
"lstrip": false,
|
566 |
+
"normalized": false,
|
567 |
+
"rstrip": false,
|
568 |
+
"single_word": false,
|
569 |
+
"special": true
|
570 |
+
},
|
571 |
+
"128071": {
|
572 |
+
"content": "<|reserved_special_token_63|>",
|
573 |
+
"lstrip": false,
|
574 |
+
"normalized": false,
|
575 |
+
"rstrip": false,
|
576 |
+
"single_word": false,
|
577 |
+
"special": true
|
578 |
+
},
|
579 |
+
"128072": {
|
580 |
+
"content": "<|reserved_special_token_64|>",
|
581 |
+
"lstrip": false,
|
582 |
+
"normalized": false,
|
583 |
+
"rstrip": false,
|
584 |
+
"single_word": false,
|
585 |
+
"special": true
|
586 |
+
},
|
587 |
+
"128073": {
|
588 |
+
"content": "<|reserved_special_token_65|>",
|
589 |
+
"lstrip": false,
|
590 |
+
"normalized": false,
|
591 |
+
"rstrip": false,
|
592 |
+
"single_word": false,
|
593 |
+
"special": true
|
594 |
+
},
|
595 |
+
"128074": {
|
596 |
+
"content": "<|reserved_special_token_66|>",
|
597 |
+
"lstrip": false,
|
598 |
+
"normalized": false,
|
599 |
+
"rstrip": false,
|
600 |
+
"single_word": false,
|
601 |
+
"special": true
|
602 |
+
},
|
603 |
+
"128075": {
|
604 |
+
"content": "<|reserved_special_token_67|>",
|
605 |
+
"lstrip": false,
|
606 |
+
"normalized": false,
|
607 |
+
"rstrip": false,
|
608 |
+
"single_word": false,
|
609 |
+
"special": true
|
610 |
+
},
|
611 |
+
"128076": {
|
612 |
+
"content": "<|reserved_special_token_68|>",
|
613 |
+
"lstrip": false,
|
614 |
+
"normalized": false,
|
615 |
+
"rstrip": false,
|
616 |
+
"single_word": false,
|
617 |
+
"special": true
|
618 |
+
},
|
619 |
+
"128077": {
|
620 |
+
"content": "<|reserved_special_token_69|>",
|
621 |
+
"lstrip": false,
|
622 |
+
"normalized": false,
|
623 |
+
"rstrip": false,
|
624 |
+
"single_word": false,
|
625 |
+
"special": true
|
626 |
+
},
|
627 |
+
"128078": {
|
628 |
+
"content": "<|reserved_special_token_70|>",
|
629 |
+
"lstrip": false,
|
630 |
+
"normalized": false,
|
631 |
+
"rstrip": false,
|
632 |
+
"single_word": false,
|
633 |
+
"special": true
|
634 |
+
},
|
635 |
+
"128079": {
|
636 |
+
"content": "<|reserved_special_token_71|>",
|
637 |
+
"lstrip": false,
|
638 |
+
"normalized": false,
|
639 |
+
"rstrip": false,
|
640 |
+
"single_word": false,
|
641 |
+
"special": true
|
642 |
+
},
|
643 |
+
"128080": {
|
644 |
+
"content": "<|reserved_special_token_72|>",
|
645 |
+
"lstrip": false,
|
646 |
+
"normalized": false,
|
647 |
+
"rstrip": false,
|
648 |
+
"single_word": false,
|
649 |
+
"special": true
|
650 |
+
},
|
651 |
+
"128081": {
|
652 |
+
"content": "<|reserved_special_token_73|>",
|
653 |
+
"lstrip": false,
|
654 |
+
"normalized": false,
|
655 |
+
"rstrip": false,
|
656 |
+
"single_word": false,
|
657 |
+
"special": true
|
658 |
+
},
|
659 |
+
"128082": {
|
660 |
+
"content": "<|reserved_special_token_74|>",
|
661 |
+
"lstrip": false,
|
662 |
+
"normalized": false,
|
663 |
+
"rstrip": false,
|
664 |
+
"single_word": false,
|
665 |
+
"special": true
|
666 |
+
},
|
667 |
+
"128083": {
|
668 |
+
"content": "<|reserved_special_token_75|>",
|
669 |
+
"lstrip": false,
|
670 |
+
"normalized": false,
|
671 |
+
"rstrip": false,
|
672 |
+
"single_word": false,
|
673 |
+
"special": true
|
674 |
+
},
|
675 |
+
"128084": {
|
676 |
+
"content": "<|reserved_special_token_76|>",
|
677 |
+
"lstrip": false,
|
678 |
+
"normalized": false,
|
679 |
+
"rstrip": false,
|
680 |
+
"single_word": false,
|
681 |
+
"special": true
|
682 |
+
},
|
683 |
+
"128085": {
|
684 |
+
"content": "<|reserved_special_token_77|>",
|
685 |
+
"lstrip": false,
|
686 |
+
"normalized": false,
|
687 |
+
"rstrip": false,
|
688 |
+
"single_word": false,
|
689 |
+
"special": true
|
690 |
+
},
|
691 |
+
"128086": {
|
692 |
+
"content": "<|reserved_special_token_78|>",
|
693 |
+
"lstrip": false,
|
694 |
+
"normalized": false,
|
695 |
+
"rstrip": false,
|
696 |
+
"single_word": false,
|
697 |
+
"special": true
|
698 |
+
},
|
699 |
+
"128087": {
|
700 |
+
"content": "<|reserved_special_token_79|>",
|
701 |
+
"lstrip": false,
|
702 |
+
"normalized": false,
|
703 |
+
"rstrip": false,
|
704 |
+
"single_word": false,
|
705 |
+
"special": true
|
706 |
+
},
|
707 |
+
"128088": {
|
708 |
+
"content": "<|reserved_special_token_80|>",
|
709 |
+
"lstrip": false,
|
710 |
+
"normalized": false,
|
711 |
+
"rstrip": false,
|
712 |
+
"single_word": false,
|
713 |
+
"special": true
|
714 |
+
},
|
715 |
+
"128089": {
|
716 |
+
"content": "<|reserved_special_token_81|>",
|
717 |
+
"lstrip": false,
|
718 |
+
"normalized": false,
|
719 |
+
"rstrip": false,
|
720 |
+
"single_word": false,
|
721 |
+
"special": true
|
722 |
+
},
|
723 |
+
"128090": {
|
724 |
+
"content": "<|reserved_special_token_82|>",
|
725 |
+
"lstrip": false,
|
726 |
+
"normalized": false,
|
727 |
+
"rstrip": false,
|
728 |
+
"single_word": false,
|
729 |
+
"special": true
|
730 |
+
},
|
731 |
+
"128091": {
|
732 |
+
"content": "<|reserved_special_token_83|>",
|
733 |
+
"lstrip": false,
|
734 |
+
"normalized": false,
|
735 |
+
"rstrip": false,
|
736 |
+
"single_word": false,
|
737 |
+
"special": true
|
738 |
+
},
|
739 |
+
"128092": {
|
740 |
+
"content": "<|reserved_special_token_84|>",
|
741 |
+
"lstrip": false,
|
742 |
+
"normalized": false,
|
743 |
+
"rstrip": false,
|
744 |
+
"single_word": false,
|
745 |
+
"special": true
|
746 |
+
},
|
747 |
+
"128093": {
|
748 |
+
"content": "<|reserved_special_token_85|>",
|
749 |
+
"lstrip": false,
|
750 |
+
"normalized": false,
|
751 |
+
"rstrip": false,
|
752 |
+
"single_word": false,
|
753 |
+
"special": true
|
754 |
+
},
|
755 |
+
"128094": {
|
756 |
+
"content": "<|reserved_special_token_86|>",
|
757 |
+
"lstrip": false,
|
758 |
+
"normalized": false,
|
759 |
+
"rstrip": false,
|
760 |
+
"single_word": false,
|
761 |
+
"special": true
|
762 |
+
},
|
763 |
+
"128095": {
|
764 |
+
"content": "<|reserved_special_token_87|>",
|
765 |
+
"lstrip": false,
|
766 |
+
"normalized": false,
|
767 |
+
"rstrip": false,
|
768 |
+
"single_word": false,
|
769 |
+
"special": true
|
770 |
+
},
|
771 |
+
"128096": {
|
772 |
+
"content": "<|reserved_special_token_88|>",
|
773 |
+
"lstrip": false,
|
774 |
+
"normalized": false,
|
775 |
+
"rstrip": false,
|
776 |
+
"single_word": false,
|
777 |
+
"special": true
|
778 |
+
},
|
779 |
+
"128097": {
|
780 |
+
"content": "<|reserved_special_token_89|>",
|
781 |
+
"lstrip": false,
|
782 |
+
"normalized": false,
|
783 |
+
"rstrip": false,
|
784 |
+
"single_word": false,
|
785 |
+
"special": true
|
786 |
+
},
|
787 |
+
"128098": {
|
788 |
+
"content": "<|reserved_special_token_90|>",
|
789 |
+
"lstrip": false,
|
790 |
+
"normalized": false,
|
791 |
+
"rstrip": false,
|
792 |
+
"single_word": false,
|
793 |
+
"special": true
|
794 |
+
},
|
795 |
+
"128099": {
|
796 |
+
"content": "<|reserved_special_token_91|>",
|
797 |
+
"lstrip": false,
|
798 |
+
"normalized": false,
|
799 |
+
"rstrip": false,
|
800 |
+
"single_word": false,
|
801 |
+
"special": true
|
802 |
+
},
|
803 |
+
"128100": {
|
804 |
+
"content": "<|reserved_special_token_92|>",
|
805 |
+
"lstrip": false,
|
806 |
+
"normalized": false,
|
807 |
+
"rstrip": false,
|
808 |
+
"single_word": false,
|
809 |
+
"special": true
|
810 |
+
},
|
811 |
+
"128101": {
|
812 |
+
"content": "<|reserved_special_token_93|>",
|
813 |
+
"lstrip": false,
|
814 |
+
"normalized": false,
|
815 |
+
"rstrip": false,
|
816 |
+
"single_word": false,
|
817 |
+
"special": true
|
818 |
+
},
|
819 |
+
"128102": {
|
820 |
+
"content": "<|reserved_special_token_94|>",
|
821 |
+
"lstrip": false,
|
822 |
+
"normalized": false,
|
823 |
+
"rstrip": false,
|
824 |
+
"single_word": false,
|
825 |
+
"special": true
|
826 |
+
},
|
827 |
+
"128103": {
|
828 |
+
"content": "<|reserved_special_token_95|>",
|
829 |
+
"lstrip": false,
|
830 |
+
"normalized": false,
|
831 |
+
"rstrip": false,
|
832 |
+
"single_word": false,
|
833 |
+
"special": true
|
834 |
+
},
|
835 |
+
"128104": {
|
836 |
+
"content": "<|reserved_special_token_96|>",
|
837 |
+
"lstrip": false,
|
838 |
+
"normalized": false,
|
839 |
+
"rstrip": false,
|
840 |
+
"single_word": false,
|
841 |
+
"special": true
|
842 |
+
},
|
843 |
+
"128105": {
|
844 |
+
"content": "<|reserved_special_token_97|>",
|
845 |
+
"lstrip": false,
|
846 |
+
"normalized": false,
|
847 |
+
"rstrip": false,
|
848 |
+
"single_word": false,
|
849 |
+
"special": true
|
850 |
+
},
|
851 |
+
"128106": {
|
852 |
+
"content": "<|reserved_special_token_98|>",
|
853 |
+
"lstrip": false,
|
854 |
+
"normalized": false,
|
855 |
+
"rstrip": false,
|
856 |
+
"single_word": false,
|
857 |
+
"special": true
|
858 |
+
},
|
859 |
+
"128107": {
|
860 |
+
"content": "<|reserved_special_token_99|>",
|
861 |
+
"lstrip": false,
|
862 |
+
"normalized": false,
|
863 |
+
"rstrip": false,
|
864 |
+
"single_word": false,
|
865 |
+
"special": true
|
866 |
+
},
|
867 |
+
"128108": {
|
868 |
+
"content": "<|reserved_special_token_100|>",
|
869 |
+
"lstrip": false,
|
870 |
+
"normalized": false,
|
871 |
+
"rstrip": false,
|
872 |
+
"single_word": false,
|
873 |
+
"special": true
|
874 |
+
},
|
875 |
+
"128109": {
|
876 |
+
"content": "<|reserved_special_token_101|>",
|
877 |
+
"lstrip": false,
|
878 |
+
"normalized": false,
|
879 |
+
"rstrip": false,
|
880 |
+
"single_word": false,
|
881 |
+
"special": true
|
882 |
+
},
|
883 |
+
"128110": {
|
884 |
+
"content": "<|reserved_special_token_102|>",
|
885 |
+
"lstrip": false,
|
886 |
+
"normalized": false,
|
887 |
+
"rstrip": false,
|
888 |
+
"single_word": false,
|
889 |
+
"special": true
|
890 |
+
},
|
891 |
+
"128111": {
|
892 |
+
"content": "<|reserved_special_token_103|>",
|
893 |
+
"lstrip": false,
|
894 |
+
"normalized": false,
|
895 |
+
"rstrip": false,
|
896 |
+
"single_word": false,
|
897 |
+
"special": true
|
898 |
+
},
|
899 |
+
"128112": {
|
900 |
+
"content": "<|reserved_special_token_104|>",
|
901 |
+
"lstrip": false,
|
902 |
+
"normalized": false,
|
903 |
+
"rstrip": false,
|
904 |
+
"single_word": false,
|
905 |
+
"special": true
|
906 |
+
},
|
907 |
+
"128113": {
|
908 |
+
"content": "<|reserved_special_token_105|>",
|
909 |
+
"lstrip": false,
|
910 |
+
"normalized": false,
|
911 |
+
"rstrip": false,
|
912 |
+
"single_word": false,
|
913 |
+
"special": true
|
914 |
+
},
|
915 |
+
"128114": {
|
916 |
+
"content": "<|reserved_special_token_106|>",
|
917 |
+
"lstrip": false,
|
918 |
+
"normalized": false,
|
919 |
+
"rstrip": false,
|
920 |
+
"single_word": false,
|
921 |
+
"special": true
|
922 |
+
},
|
923 |
+
"128115": {
|
924 |
+
"content": "<|reserved_special_token_107|>",
|
925 |
+
"lstrip": false,
|
926 |
+
"normalized": false,
|
927 |
+
"rstrip": false,
|
928 |
+
"single_word": false,
|
929 |
+
"special": true
|
930 |
+
},
|
931 |
+
"128116": {
|
932 |
+
"content": "<|reserved_special_token_108|>",
|
933 |
+
"lstrip": false,
|
934 |
+
"normalized": false,
|
935 |
+
"rstrip": false,
|
936 |
+
"single_word": false,
|
937 |
+
"special": true
|
938 |
+
},
|
939 |
+
"128117": {
|
940 |
+
"content": "<|reserved_special_token_109|>",
|
941 |
+
"lstrip": false,
|
942 |
+
"normalized": false,
|
943 |
+
"rstrip": false,
|
944 |
+
"single_word": false,
|
945 |
+
"special": true
|
946 |
+
},
|
947 |
+
"128118": {
|
948 |
+
"content": "<|reserved_special_token_110|>",
|
949 |
+
"lstrip": false,
|
950 |
+
"normalized": false,
|
951 |
+
"rstrip": false,
|
952 |
+
"single_word": false,
|
953 |
+
"special": true
|
954 |
+
},
|
955 |
+
"128119": {
|
956 |
+
"content": "<|reserved_special_token_111|>",
|
957 |
+
"lstrip": false,
|
958 |
+
"normalized": false,
|
959 |
+
"rstrip": false,
|
960 |
+
"single_word": false,
|
961 |
+
"special": true
|
962 |
+
},
|
963 |
+
"128120": {
|
964 |
+
"content": "<|reserved_special_token_112|>",
|
965 |
+
"lstrip": false,
|
966 |
+
"normalized": false,
|
967 |
+
"rstrip": false,
|
968 |
+
"single_word": false,
|
969 |
+
"special": true
|
970 |
+
},
|
971 |
+
"128121": {
|
972 |
+
"content": "<|reserved_special_token_113|>",
|
973 |
+
"lstrip": false,
|
974 |
+
"normalized": false,
|
975 |
+
"rstrip": false,
|
976 |
+
"single_word": false,
|
977 |
+
"special": true
|
978 |
+
},
|
979 |
+
"128122": {
|
980 |
+
"content": "<|reserved_special_token_114|>",
|
981 |
+
"lstrip": false,
|
982 |
+
"normalized": false,
|
983 |
+
"rstrip": false,
|
984 |
+
"single_word": false,
|
985 |
+
"special": true
|
986 |
+
},
|
987 |
+
"128123": {
|
988 |
+
"content": "<|reserved_special_token_115|>",
|
989 |
+
"lstrip": false,
|
990 |
+
"normalized": false,
|
991 |
+
"rstrip": false,
|
992 |
+
"single_word": false,
|
993 |
+
"special": true
|
994 |
+
},
|
995 |
+
"128124": {
|
996 |
+
"content": "<|reserved_special_token_116|>",
|
997 |
+
"lstrip": false,
|
998 |
+
"normalized": false,
|
999 |
+
"rstrip": false,
|
1000 |
+
"single_word": false,
|
1001 |
+
"special": true
|
1002 |
+
},
|
1003 |
+
"128125": {
|
1004 |
+
"content": "<|reserved_special_token_117|>",
|
1005 |
+
"lstrip": false,
|
1006 |
+
"normalized": false,
|
1007 |
+
"rstrip": false,
|
1008 |
+
"single_word": false,
|
1009 |
+
"special": true
|
1010 |
+
},
|
1011 |
+
"128126": {
|
1012 |
+
"content": "<|reserved_special_token_118|>",
|
1013 |
+
"lstrip": false,
|
1014 |
+
"normalized": false,
|
1015 |
+
"rstrip": false,
|
1016 |
+
"single_word": false,
|
1017 |
+
"special": true
|
1018 |
+
},
|
1019 |
+
"128127": {
|
1020 |
+
"content": "<|reserved_special_token_119|>",
|
1021 |
+
"lstrip": false,
|
1022 |
+
"normalized": false,
|
1023 |
+
"rstrip": false,
|
1024 |
+
"single_word": false,
|
1025 |
+
"special": true
|
1026 |
+
},
|
1027 |
+
"128128": {
|
1028 |
+
"content": "<|reserved_special_token_120|>",
|
1029 |
+
"lstrip": false,
|
1030 |
+
"normalized": false,
|
1031 |
+
"rstrip": false,
|
1032 |
+
"single_word": false,
|
1033 |
+
"special": true
|
1034 |
+
},
|
1035 |
+
"128129": {
|
1036 |
+
"content": "<|reserved_special_token_121|>",
|
1037 |
+
"lstrip": false,
|
1038 |
+
"normalized": false,
|
1039 |
+
"rstrip": false,
|
1040 |
+
"single_word": false,
|
1041 |
+
"special": true
|
1042 |
+
},
|
1043 |
+
"128130": {
|
1044 |
+
"content": "<|reserved_special_token_122|>",
|
1045 |
+
"lstrip": false,
|
1046 |
+
"normalized": false,
|
1047 |
+
"rstrip": false,
|
1048 |
+
"single_word": false,
|
1049 |
+
"special": true
|
1050 |
+
},
|
1051 |
+
"128131": {
|
1052 |
+
"content": "<|reserved_special_token_123|>",
|
1053 |
+
"lstrip": false,
|
1054 |
+
"normalized": false,
|
1055 |
+
"rstrip": false,
|
1056 |
+
"single_word": false,
|
1057 |
+
"special": true
|
1058 |
+
},
|
1059 |
+
"128132": {
|
1060 |
+
"content": "<|reserved_special_token_124|>",
|
1061 |
+
"lstrip": false,
|
1062 |
+
"normalized": false,
|
1063 |
+
"rstrip": false,
|
1064 |
+
"single_word": false,
|
1065 |
+
"special": true
|
1066 |
+
},
|
1067 |
+
"128133": {
|
1068 |
+
"content": "<|reserved_special_token_125|>",
|
1069 |
+
"lstrip": false,
|
1070 |
+
"normalized": false,
|
1071 |
+
"rstrip": false,
|
1072 |
+
"single_word": false,
|
1073 |
+
"special": true
|
1074 |
+
},
|
1075 |
+
"128134": {
|
1076 |
+
"content": "<|reserved_special_token_126|>",
|
1077 |
+
"lstrip": false,
|
1078 |
+
"normalized": false,
|
1079 |
+
"rstrip": false,
|
1080 |
+
"single_word": false,
|
1081 |
+
"special": true
|
1082 |
+
},
|
1083 |
+
"128135": {
|
1084 |
+
"content": "<|reserved_special_token_127|>",
|
1085 |
+
"lstrip": false,
|
1086 |
+
"normalized": false,
|
1087 |
+
"rstrip": false,
|
1088 |
+
"single_word": false,
|
1089 |
+
"special": true
|
1090 |
+
},
|
1091 |
+
"128136": {
|
1092 |
+
"content": "<|reserved_special_token_128|>",
|
1093 |
+
"lstrip": false,
|
1094 |
+
"normalized": false,
|
1095 |
+
"rstrip": false,
|
1096 |
+
"single_word": false,
|
1097 |
+
"special": true
|
1098 |
+
},
|
1099 |
+
"128137": {
|
1100 |
+
"content": "<|reserved_special_token_129|>",
|
1101 |
+
"lstrip": false,
|
1102 |
+
"normalized": false,
|
1103 |
+
"rstrip": false,
|
1104 |
+
"single_word": false,
|
1105 |
+
"special": true
|
1106 |
+
},
|
1107 |
+
"128138": {
|
1108 |
+
"content": "<|reserved_special_token_130|>",
|
1109 |
+
"lstrip": false,
|
1110 |
+
"normalized": false,
|
1111 |
+
"rstrip": false,
|
1112 |
+
"single_word": false,
|
1113 |
+
"special": true
|
1114 |
+
},
|
1115 |
+
"128139": {
|
1116 |
+
"content": "<|reserved_special_token_131|>",
|
1117 |
+
"lstrip": false,
|
1118 |
+
"normalized": false,
|
1119 |
+
"rstrip": false,
|
1120 |
+
"single_word": false,
|
1121 |
+
"special": true
|
1122 |
+
},
|
1123 |
+
"128140": {
|
1124 |
+
"content": "<|reserved_special_token_132|>",
|
1125 |
+
"lstrip": false,
|
1126 |
+
"normalized": false,
|
1127 |
+
"rstrip": false,
|
1128 |
+
"single_word": false,
|
1129 |
+
"special": true
|
1130 |
+
},
|
1131 |
+
"128141": {
|
1132 |
+
"content": "<|reserved_special_token_133|>",
|
1133 |
+
"lstrip": false,
|
1134 |
+
"normalized": false,
|
1135 |
+
"rstrip": false,
|
1136 |
+
"single_word": false,
|
1137 |
+
"special": true
|
1138 |
+
},
|
1139 |
+
"128142": {
|
1140 |
+
"content": "<|reserved_special_token_134|>",
|
1141 |
+
"lstrip": false,
|
1142 |
+
"normalized": false,
|
1143 |
+
"rstrip": false,
|
1144 |
+
"single_word": false,
|
1145 |
+
"special": true
|
1146 |
+
},
|
1147 |
+
"128143": {
|
1148 |
+
"content": "<|reserved_special_token_135|>",
|
1149 |
+
"lstrip": false,
|
1150 |
+
"normalized": false,
|
1151 |
+
"rstrip": false,
|
1152 |
+
"single_word": false,
|
1153 |
+
"special": true
|
1154 |
+
},
|
1155 |
+
"128144": {
|
1156 |
+
"content": "<|reserved_special_token_136|>",
|
1157 |
+
"lstrip": false,
|
1158 |
+
"normalized": false,
|
1159 |
+
"rstrip": false,
|
1160 |
+
"single_word": false,
|
1161 |
+
"special": true
|
1162 |
+
},
|
1163 |
+
"128145": {
|
1164 |
+
"content": "<|reserved_special_token_137|>",
|
1165 |
+
"lstrip": false,
|
1166 |
+
"normalized": false,
|
1167 |
+
"rstrip": false,
|
1168 |
+
"single_word": false,
|
1169 |
+
"special": true
|
1170 |
+
},
|
1171 |
+
"128146": {
|
1172 |
+
"content": "<|reserved_special_token_138|>",
|
1173 |
+
"lstrip": false,
|
1174 |
+
"normalized": false,
|
1175 |
+
"rstrip": false,
|
1176 |
+
"single_word": false,
|
1177 |
+
"special": true
|
1178 |
+
},
|
1179 |
+
"128147": {
|
1180 |
+
"content": "<|reserved_special_token_139|>",
|
1181 |
+
"lstrip": false,
|
1182 |
+
"normalized": false,
|
1183 |
+
"rstrip": false,
|
1184 |
+
"single_word": false,
|
1185 |
+
"special": true
|
1186 |
+
},
|
1187 |
+
"128148": {
|
1188 |
+
"content": "<|reserved_special_token_140|>",
|
1189 |
+
"lstrip": false,
|
1190 |
+
"normalized": false,
|
1191 |
+
"rstrip": false,
|
1192 |
+
"single_word": false,
|
1193 |
+
"special": true
|
1194 |
+
},
|
1195 |
+
"128149": {
|
1196 |
+
"content": "<|reserved_special_token_141|>",
|
1197 |
+
"lstrip": false,
|
1198 |
+
"normalized": false,
|
1199 |
+
"rstrip": false,
|
1200 |
+
"single_word": false,
|
1201 |
+
"special": true
|
1202 |
+
},
|
1203 |
+
"128150": {
|
1204 |
+
"content": "<|reserved_special_token_142|>",
|
1205 |
+
"lstrip": false,
|
1206 |
+
"normalized": false,
|
1207 |
+
"rstrip": false,
|
1208 |
+
"single_word": false,
|
1209 |
+
"special": true
|
1210 |
+
},
|
1211 |
+
"128151": {
|
1212 |
+
"content": "<|reserved_special_token_143|>",
|
1213 |
+
"lstrip": false,
|
1214 |
+
"normalized": false,
|
1215 |
+
"rstrip": false,
|
1216 |
+
"single_word": false,
|
1217 |
+
"special": true
|
1218 |
+
},
|
1219 |
+
"128152": {
|
1220 |
+
"content": "<|reserved_special_token_144|>",
|
1221 |
+
"lstrip": false,
|
1222 |
+
"normalized": false,
|
1223 |
+
"rstrip": false,
|
1224 |
+
"single_word": false,
|
1225 |
+
"special": true
|
1226 |
+
},
|
1227 |
+
"128153": {
|
1228 |
+
"content": "<|reserved_special_token_145|>",
|
1229 |
+
"lstrip": false,
|
1230 |
+
"normalized": false,
|
1231 |
+
"rstrip": false,
|
1232 |
+
"single_word": false,
|
1233 |
+
"special": true
|
1234 |
+
},
|
1235 |
+
"128154": {
|
1236 |
+
"content": "<|reserved_special_token_146|>",
|
1237 |
+
"lstrip": false,
|
1238 |
+
"normalized": false,
|
1239 |
+
"rstrip": false,
|
1240 |
+
"single_word": false,
|
1241 |
+
"special": true
|
1242 |
+
},
|
1243 |
+
"128155": {
|
1244 |
+
"content": "<|reserved_special_token_147|>",
|
1245 |
+
"lstrip": false,
|
1246 |
+
"normalized": false,
|
1247 |
+
"rstrip": false,
|
1248 |
+
"single_word": false,
|
1249 |
+
"special": true
|
1250 |
+
},
|
1251 |
+
"128156": {
|
1252 |
+
"content": "<|reserved_special_token_148|>",
|
1253 |
+
"lstrip": false,
|
1254 |
+
"normalized": false,
|
1255 |
+
"rstrip": false,
|
1256 |
+
"single_word": false,
|
1257 |
+
"special": true
|
1258 |
+
},
|
1259 |
+
"128157": {
|
1260 |
+
"content": "<|reserved_special_token_149|>",
|
1261 |
+
"lstrip": false,
|
1262 |
+
"normalized": false,
|
1263 |
+
"rstrip": false,
|
1264 |
+
"single_word": false,
|
1265 |
+
"special": true
|
1266 |
+
},
|
1267 |
+
"128158": {
|
1268 |
+
"content": "<|reserved_special_token_150|>",
|
1269 |
+
"lstrip": false,
|
1270 |
+
"normalized": false,
|
1271 |
+
"rstrip": false,
|
1272 |
+
"single_word": false,
|
1273 |
+
"special": true
|
1274 |
+
},
|
1275 |
+
"128159": {
|
1276 |
+
"content": "<|reserved_special_token_151|>",
|
1277 |
+
"lstrip": false,
|
1278 |
+
"normalized": false,
|
1279 |
+
"rstrip": false,
|
1280 |
+
"single_word": false,
|
1281 |
+
"special": true
|
1282 |
+
},
|
1283 |
+
"128160": {
|
1284 |
+
"content": "<|reserved_special_token_152|>",
|
1285 |
+
"lstrip": false,
|
1286 |
+
"normalized": false,
|
1287 |
+
"rstrip": false,
|
1288 |
+
"single_word": false,
|
1289 |
+
"special": true
|
1290 |
+
},
|
1291 |
+
"128161": {
|
1292 |
+
"content": "<|reserved_special_token_153|>",
|
1293 |
+
"lstrip": false,
|
1294 |
+
"normalized": false,
|
1295 |
+
"rstrip": false,
|
1296 |
+
"single_word": false,
|
1297 |
+
"special": true
|
1298 |
+
},
|
1299 |
+
"128162": {
|
1300 |
+
"content": "<|reserved_special_token_154|>",
|
1301 |
+
"lstrip": false,
|
1302 |
+
"normalized": false,
|
1303 |
+
"rstrip": false,
|
1304 |
+
"single_word": false,
|
1305 |
+
"special": true
|
1306 |
+
},
|
1307 |
+
"128163": {
|
1308 |
+
"content": "<|reserved_special_token_155|>",
|
1309 |
+
"lstrip": false,
|
1310 |
+
"normalized": false,
|
1311 |
+
"rstrip": false,
|
1312 |
+
"single_word": false,
|
1313 |
+
"special": true
|
1314 |
+
},
|
1315 |
+
"128164": {
|
1316 |
+
"content": "<|reserved_special_token_156|>",
|
1317 |
+
"lstrip": false,
|
1318 |
+
"normalized": false,
|
1319 |
+
"rstrip": false,
|
1320 |
+
"single_word": false,
|
1321 |
+
"special": true
|
1322 |
+
},
|
1323 |
+
"128165": {
|
1324 |
+
"content": "<|reserved_special_token_157|>",
|
1325 |
+
"lstrip": false,
|
1326 |
+
"normalized": false,
|
1327 |
+
"rstrip": false,
|
1328 |
+
"single_word": false,
|
1329 |
+
"special": true
|
1330 |
+
},
|
1331 |
+
"128166": {
|
1332 |
+
"content": "<|reserved_special_token_158|>",
|
1333 |
+
"lstrip": false,
|
1334 |
+
"normalized": false,
|
1335 |
+
"rstrip": false,
|
1336 |
+
"single_word": false,
|
1337 |
+
"special": true
|
1338 |
+
},
|
1339 |
+
"128167": {
|
1340 |
+
"content": "<|reserved_special_token_159|>",
|
1341 |
+
"lstrip": false,
|
1342 |
+
"normalized": false,
|
1343 |
+
"rstrip": false,
|
1344 |
+
"single_word": false,
|
1345 |
+
"special": true
|
1346 |
+
},
|
1347 |
+
"128168": {
|
1348 |
+
"content": "<|reserved_special_token_160|>",
|
1349 |
+
"lstrip": false,
|
1350 |
+
"normalized": false,
|
1351 |
+
"rstrip": false,
|
1352 |
+
"single_word": false,
|
1353 |
+
"special": true
|
1354 |
+
},
|
1355 |
+
"128169": {
|
1356 |
+
"content": "<|reserved_special_token_161|>",
|
1357 |
+
"lstrip": false,
|
1358 |
+
"normalized": false,
|
1359 |
+
"rstrip": false,
|
1360 |
+
"single_word": false,
|
1361 |
+
"special": true
|
1362 |
+
},
|
1363 |
+
"128170": {
|
1364 |
+
"content": "<|reserved_special_token_162|>",
|
1365 |
+
"lstrip": false,
|
1366 |
+
"normalized": false,
|
1367 |
+
"rstrip": false,
|
1368 |
+
"single_word": false,
|
1369 |
+
"special": true
|
1370 |
+
},
|
1371 |
+
"128171": {
|
1372 |
+
"content": "<|reserved_special_token_163|>",
|
1373 |
+
"lstrip": false,
|
1374 |
+
"normalized": false,
|
1375 |
+
"rstrip": false,
|
1376 |
+
"single_word": false,
|
1377 |
+
"special": true
|
1378 |
+
},
|
1379 |
+
"128172": {
|
1380 |
+
"content": "<|reserved_special_token_164|>",
|
1381 |
+
"lstrip": false,
|
1382 |
+
"normalized": false,
|
1383 |
+
"rstrip": false,
|
1384 |
+
"single_word": false,
|
1385 |
+
"special": true
|
1386 |
+
},
|
1387 |
+
"128173": {
|
1388 |
+
"content": "<|reserved_special_token_165|>",
|
1389 |
+
"lstrip": false,
|
1390 |
+
"normalized": false,
|
1391 |
+
"rstrip": false,
|
1392 |
+
"single_word": false,
|
1393 |
+
"special": true
|
1394 |
+
},
|
1395 |
+
"128174": {
|
1396 |
+
"content": "<|reserved_special_token_166|>",
|
1397 |
+
"lstrip": false,
|
1398 |
+
"normalized": false,
|
1399 |
+
"rstrip": false,
|
1400 |
+
"single_word": false,
|
1401 |
+
"special": true
|
1402 |
+
},
|
1403 |
+
"128175": {
|
1404 |
+
"content": "<|reserved_special_token_167|>",
|
1405 |
+
"lstrip": false,
|
1406 |
+
"normalized": false,
|
1407 |
+
"rstrip": false,
|
1408 |
+
"single_word": false,
|
1409 |
+
"special": true
|
1410 |
+
},
|
1411 |
+
"128176": {
|
1412 |
+
"content": "<|reserved_special_token_168|>",
|
1413 |
+
"lstrip": false,
|
1414 |
+
"normalized": false,
|
1415 |
+
"rstrip": false,
|
1416 |
+
"single_word": false,
|
1417 |
+
"special": true
|
1418 |
+
},
|
1419 |
+
"128177": {
|
1420 |
+
"content": "<|reserved_special_token_169|>",
|
1421 |
+
"lstrip": false,
|
1422 |
+
"normalized": false,
|
1423 |
+
"rstrip": false,
|
1424 |
+
"single_word": false,
|
1425 |
+
"special": true
|
1426 |
+
},
|
1427 |
+
"128178": {
|
1428 |
+
"content": "<|reserved_special_token_170|>",
|
1429 |
+
"lstrip": false,
|
1430 |
+
"normalized": false,
|
1431 |
+
"rstrip": false,
|
1432 |
+
"single_word": false,
|
1433 |
+
"special": true
|
1434 |
+
},
|
1435 |
+
"128179": {
|
1436 |
+
"content": "<|reserved_special_token_171|>",
|
1437 |
+
"lstrip": false,
|
1438 |
+
"normalized": false,
|
1439 |
+
"rstrip": false,
|
1440 |
+
"single_word": false,
|
1441 |
+
"special": true
|
1442 |
+
},
|
1443 |
+
"128180": {
|
1444 |
+
"content": "<|reserved_special_token_172|>",
|
1445 |
+
"lstrip": false,
|
1446 |
+
"normalized": false,
|
1447 |
+
"rstrip": false,
|
1448 |
+
"single_word": false,
|
1449 |
+
"special": true
|
1450 |
+
},
|
1451 |
+
"128181": {
|
1452 |
+
"content": "<|reserved_special_token_173|>",
|
1453 |
+
"lstrip": false,
|
1454 |
+
"normalized": false,
|
1455 |
+
"rstrip": false,
|
1456 |
+
"single_word": false,
|
1457 |
+
"special": true
|
1458 |
+
},
|
1459 |
+
"128182": {
|
1460 |
+
"content": "<|reserved_special_token_174|>",
|
1461 |
+
"lstrip": false,
|
1462 |
+
"normalized": false,
|
1463 |
+
"rstrip": false,
|
1464 |
+
"single_word": false,
|
1465 |
+
"special": true
|
1466 |
+
},
|
1467 |
+
"128183": {
|
1468 |
+
"content": "<|reserved_special_token_175|>",
|
1469 |
+
"lstrip": false,
|
1470 |
+
"normalized": false,
|
1471 |
+
"rstrip": false,
|
1472 |
+
"single_word": false,
|
1473 |
+
"special": true
|
1474 |
+
},
|
1475 |
+
"128184": {
|
1476 |
+
"content": "<|reserved_special_token_176|>",
|
1477 |
+
"lstrip": false,
|
1478 |
+
"normalized": false,
|
1479 |
+
"rstrip": false,
|
1480 |
+
"single_word": false,
|
1481 |
+
"special": true
|
1482 |
+
},
|
1483 |
+
"128185": {
|
1484 |
+
"content": "<|reserved_special_token_177|>",
|
1485 |
+
"lstrip": false,
|
1486 |
+
"normalized": false,
|
1487 |
+
"rstrip": false,
|
1488 |
+
"single_word": false,
|
1489 |
+
"special": true
|
1490 |
+
},
|
1491 |
+
"128186": {
|
1492 |
+
"content": "<|reserved_special_token_178|>",
|
1493 |
+
"lstrip": false,
|
1494 |
+
"normalized": false,
|
1495 |
+
"rstrip": false,
|
1496 |
+
"single_word": false,
|
1497 |
+
"special": true
|
1498 |
+
},
|
1499 |
+
"128187": {
|
1500 |
+
"content": "<|reserved_special_token_179|>",
|
1501 |
+
"lstrip": false,
|
1502 |
+
"normalized": false,
|
1503 |
+
"rstrip": false,
|
1504 |
+
"single_word": false,
|
1505 |
+
"special": true
|
1506 |
+
},
|
1507 |
+
"128188": {
|
1508 |
+
"content": "<|reserved_special_token_180|>",
|
1509 |
+
"lstrip": false,
|
1510 |
+
"normalized": false,
|
1511 |
+
"rstrip": false,
|
1512 |
+
"single_word": false,
|
1513 |
+
"special": true
|
1514 |
+
},
|
1515 |
+
"128189": {
|
1516 |
+
"content": "<|reserved_special_token_181|>",
|
1517 |
+
"lstrip": false,
|
1518 |
+
"normalized": false,
|
1519 |
+
"rstrip": false,
|
1520 |
+
"single_word": false,
|
1521 |
+
"special": true
|
1522 |
+
},
|
1523 |
+
"128190": {
|
1524 |
+
"content": "<|reserved_special_token_182|>",
|
1525 |
+
"lstrip": false,
|
1526 |
+
"normalized": false,
|
1527 |
+
"rstrip": false,
|
1528 |
+
"single_word": false,
|
1529 |
+
"special": true
|
1530 |
+
},
|
1531 |
+
"128191": {
|
1532 |
+
"content": "<|reserved_special_token_183|>",
|
1533 |
+
"lstrip": false,
|
1534 |
+
"normalized": false,
|
1535 |
+
"rstrip": false,
|
1536 |
+
"single_word": false,
|
1537 |
+
"special": true
|
1538 |
+
},
|
1539 |
+
"128192": {
|
1540 |
+
"content": "<|reserved_special_token_184|>",
|
1541 |
+
"lstrip": false,
|
1542 |
+
"normalized": false,
|
1543 |
+
"rstrip": false,
|
1544 |
+
"single_word": false,
|
1545 |
+
"special": true
|
1546 |
+
},
|
1547 |
+
"128193": {
|
1548 |
+
"content": "<|reserved_special_token_185|>",
|
1549 |
+
"lstrip": false,
|
1550 |
+
"normalized": false,
|
1551 |
+
"rstrip": false,
|
1552 |
+
"single_word": false,
|
1553 |
+
"special": true
|
1554 |
+
},
|
1555 |
+
"128194": {
|
1556 |
+
"content": "<|reserved_special_token_186|>",
|
1557 |
+
"lstrip": false,
|
1558 |
+
"normalized": false,
|
1559 |
+
"rstrip": false,
|
1560 |
+
"single_word": false,
|
1561 |
+
"special": true
|
1562 |
+
},
|
1563 |
+
"128195": {
|
1564 |
+
"content": "<|reserved_special_token_187|>",
|
1565 |
+
"lstrip": false,
|
1566 |
+
"normalized": false,
|
1567 |
+
"rstrip": false,
|
1568 |
+
"single_word": false,
|
1569 |
+
"special": true
|
1570 |
+
},
|
1571 |
+
"128196": {
|
1572 |
+
"content": "<|reserved_special_token_188|>",
|
1573 |
+
"lstrip": false,
|
1574 |
+
"normalized": false,
|
1575 |
+
"rstrip": false,
|
1576 |
+
"single_word": false,
|
1577 |
+
"special": true
|
1578 |
+
},
|
1579 |
+
"128197": {
|
1580 |
+
"content": "<|reserved_special_token_189|>",
|
1581 |
+
"lstrip": false,
|
1582 |
+
"normalized": false,
|
1583 |
+
"rstrip": false,
|
1584 |
+
"single_word": false,
|
1585 |
+
"special": true
|
1586 |
+
},
|
1587 |
+
"128198": {
|
1588 |
+
"content": "<|reserved_special_token_190|>",
|
1589 |
+
"lstrip": false,
|
1590 |
+
"normalized": false,
|
1591 |
+
"rstrip": false,
|
1592 |
+
"single_word": false,
|
1593 |
+
"special": true
|
1594 |
+
},
|
1595 |
+
"128199": {
|
1596 |
+
"content": "<|reserved_special_token_191|>",
|
1597 |
+
"lstrip": false,
|
1598 |
+
"normalized": false,
|
1599 |
+
"rstrip": false,
|
1600 |
+
"single_word": false,
|
1601 |
+
"special": true
|
1602 |
+
},
|
1603 |
+
"128200": {
|
1604 |
+
"content": "<|reserved_special_token_192|>",
|
1605 |
+
"lstrip": false,
|
1606 |
+
"normalized": false,
|
1607 |
+
"rstrip": false,
|
1608 |
+
"single_word": false,
|
1609 |
+
"special": true
|
1610 |
+
},
|
1611 |
+
"128201": {
|
1612 |
+
"content": "<|reserved_special_token_193|>",
|
1613 |
+
"lstrip": false,
|
1614 |
+
"normalized": false,
|
1615 |
+
"rstrip": false,
|
1616 |
+
"single_word": false,
|
1617 |
+
"special": true
|
1618 |
+
},
|
1619 |
+
"128202": {
|
1620 |
+
"content": "<|reserved_special_token_194|>",
|
1621 |
+
"lstrip": false,
|
1622 |
+
"normalized": false,
|
1623 |
+
"rstrip": false,
|
1624 |
+
"single_word": false,
|
1625 |
+
"special": true
|
1626 |
+
},
|
1627 |
+
"128203": {
|
1628 |
+
"content": "<|reserved_special_token_195|>",
|
1629 |
+
"lstrip": false,
|
1630 |
+
"normalized": false,
|
1631 |
+
"rstrip": false,
|
1632 |
+
"single_word": false,
|
1633 |
+
"special": true
|
1634 |
+
},
|
1635 |
+
"128204": {
|
1636 |
+
"content": "<|reserved_special_token_196|>",
|
1637 |
+
"lstrip": false,
|
1638 |
+
"normalized": false,
|
1639 |
+
"rstrip": false,
|
1640 |
+
"single_word": false,
|
1641 |
+
"special": true
|
1642 |
+
},
|
1643 |
+
"128205": {
|
1644 |
+
"content": "<|reserved_special_token_197|>",
|
1645 |
+
"lstrip": false,
|
1646 |
+
"normalized": false,
|
1647 |
+
"rstrip": false,
|
1648 |
+
"single_word": false,
|
1649 |
+
"special": true
|
1650 |
+
},
|
1651 |
+
"128206": {
|
1652 |
+
"content": "<|reserved_special_token_198|>",
|
1653 |
+
"lstrip": false,
|
1654 |
+
"normalized": false,
|
1655 |
+
"rstrip": false,
|
1656 |
+
"single_word": false,
|
1657 |
+
"special": true
|
1658 |
+
},
|
1659 |
+
"128207": {
|
1660 |
+
"content": "<|reserved_special_token_199|>",
|
1661 |
+
"lstrip": false,
|
1662 |
+
"normalized": false,
|
1663 |
+
"rstrip": false,
|
1664 |
+
"single_word": false,
|
1665 |
+
"special": true
|
1666 |
+
},
|
1667 |
+
"128208": {
|
1668 |
+
"content": "<|reserved_special_token_200|>",
|
1669 |
+
"lstrip": false,
|
1670 |
+
"normalized": false,
|
1671 |
+
"rstrip": false,
|
1672 |
+
"single_word": false,
|
1673 |
+
"special": true
|
1674 |
+
},
|
1675 |
+
"128209": {
|
1676 |
+
"content": "<|reserved_special_token_201|>",
|
1677 |
+
"lstrip": false,
|
1678 |
+
"normalized": false,
|
1679 |
+
"rstrip": false,
|
1680 |
+
"single_word": false,
|
1681 |
+
"special": true
|
1682 |
+
},
|
1683 |
+
"128210": {
|
1684 |
+
"content": "<|reserved_special_token_202|>",
|
1685 |
+
"lstrip": false,
|
1686 |
+
"normalized": false,
|
1687 |
+
"rstrip": false,
|
1688 |
+
"single_word": false,
|
1689 |
+
"special": true
|
1690 |
+
},
|
1691 |
+
"128211": {
|
1692 |
+
"content": "<|reserved_special_token_203|>",
|
1693 |
+
"lstrip": false,
|
1694 |
+
"normalized": false,
|
1695 |
+
"rstrip": false,
|
1696 |
+
"single_word": false,
|
1697 |
+
"special": true
|
1698 |
+
},
|
1699 |
+
"128212": {
|
1700 |
+
"content": "<|reserved_special_token_204|>",
|
1701 |
+
"lstrip": false,
|
1702 |
+
"normalized": false,
|
1703 |
+
"rstrip": false,
|
1704 |
+
"single_word": false,
|
1705 |
+
"special": true
|
1706 |
+
},
|
1707 |
+
"128213": {
|
1708 |
+
"content": "<|reserved_special_token_205|>",
|
1709 |
+
"lstrip": false,
|
1710 |
+
"normalized": false,
|
1711 |
+
"rstrip": false,
|
1712 |
+
"single_word": false,
|
1713 |
+
"special": true
|
1714 |
+
},
|
1715 |
+
"128214": {
|
1716 |
+
"content": "<|reserved_special_token_206|>",
|
1717 |
+
"lstrip": false,
|
1718 |
+
"normalized": false,
|
1719 |
+
"rstrip": false,
|
1720 |
+
"single_word": false,
|
1721 |
+
"special": true
|
1722 |
+
},
|
1723 |
+
"128215": {
|
1724 |
+
"content": "<|reserved_special_token_207|>",
|
1725 |
+
"lstrip": false,
|
1726 |
+
"normalized": false,
|
1727 |
+
"rstrip": false,
|
1728 |
+
"single_word": false,
|
1729 |
+
"special": true
|
1730 |
+
},
|
1731 |
+
"128216": {
|
1732 |
+
"content": "<|reserved_special_token_208|>",
|
1733 |
+
"lstrip": false,
|
1734 |
+
"normalized": false,
|
1735 |
+
"rstrip": false,
|
1736 |
+
"single_word": false,
|
1737 |
+
"special": true
|
1738 |
+
},
|
1739 |
+
"128217": {
|
1740 |
+
"content": "<|reserved_special_token_209|>",
|
1741 |
+
"lstrip": false,
|
1742 |
+
"normalized": false,
|
1743 |
+
"rstrip": false,
|
1744 |
+
"single_word": false,
|
1745 |
+
"special": true
|
1746 |
+
},
|
1747 |
+
"128218": {
|
1748 |
+
"content": "<|reserved_special_token_210|>",
|
1749 |
+
"lstrip": false,
|
1750 |
+
"normalized": false,
|
1751 |
+
"rstrip": false,
|
1752 |
+
"single_word": false,
|
1753 |
+
"special": true
|
1754 |
+
},
|
1755 |
+
"128219": {
|
1756 |
+
"content": "<|reserved_special_token_211|>",
|
1757 |
+
"lstrip": false,
|
1758 |
+
"normalized": false,
|
1759 |
+
"rstrip": false,
|
1760 |
+
"single_word": false,
|
1761 |
+
"special": true
|
1762 |
+
},
|
1763 |
+
"128220": {
|
1764 |
+
"content": "<|reserved_special_token_212|>",
|
1765 |
+
"lstrip": false,
|
1766 |
+
"normalized": false,
|
1767 |
+
"rstrip": false,
|
1768 |
+
"single_word": false,
|
1769 |
+
"special": true
|
1770 |
+
},
|
1771 |
+
"128221": {
|
1772 |
+
"content": "<|reserved_special_token_213|>",
|
1773 |
+
"lstrip": false,
|
1774 |
+
"normalized": false,
|
1775 |
+
"rstrip": false,
|
1776 |
+
"single_word": false,
|
1777 |
+
"special": true
|
1778 |
+
},
|
1779 |
+
"128222": {
|
1780 |
+
"content": "<|reserved_special_token_214|>",
|
1781 |
+
"lstrip": false,
|
1782 |
+
"normalized": false,
|
1783 |
+
"rstrip": false,
|
1784 |
+
"single_word": false,
|
1785 |
+
"special": true
|
1786 |
+
},
|
1787 |
+
"128223": {
|
1788 |
+
"content": "<|reserved_special_token_215|>",
|
1789 |
+
"lstrip": false,
|
1790 |
+
"normalized": false,
|
1791 |
+
"rstrip": false,
|
1792 |
+
"single_word": false,
|
1793 |
+
"special": true
|
1794 |
+
},
|
1795 |
+
"128224": {
|
1796 |
+
"content": "<|reserved_special_token_216|>",
|
1797 |
+
"lstrip": false,
|
1798 |
+
"normalized": false,
|
1799 |
+
"rstrip": false,
|
1800 |
+
"single_word": false,
|
1801 |
+
"special": true
|
1802 |
+
},
|
1803 |
+
"128225": {
|
1804 |
+
"content": "<|reserved_special_token_217|>",
|
1805 |
+
"lstrip": false,
|
1806 |
+
"normalized": false,
|
1807 |
+
"rstrip": false,
|
1808 |
+
"single_word": false,
|
1809 |
+
"special": true
|
1810 |
+
},
|
1811 |
+
"128226": {
|
1812 |
+
"content": "<|reserved_special_token_218|>",
|
1813 |
+
"lstrip": false,
|
1814 |
+
"normalized": false,
|
1815 |
+
"rstrip": false,
|
1816 |
+
"single_word": false,
|
1817 |
+
"special": true
|
1818 |
+
},
|
1819 |
+
"128227": {
|
1820 |
+
"content": "<|reserved_special_token_219|>",
|
1821 |
+
"lstrip": false,
|
1822 |
+
"normalized": false,
|
1823 |
+
"rstrip": false,
|
1824 |
+
"single_word": false,
|
1825 |
+
"special": true
|
1826 |
+
},
|
1827 |
+
"128228": {
|
1828 |
+
"content": "<|reserved_special_token_220|>",
|
1829 |
+
"lstrip": false,
|
1830 |
+
"normalized": false,
|
1831 |
+
"rstrip": false,
|
1832 |
+
"single_word": false,
|
1833 |
+
"special": true
|
1834 |
+
},
|
1835 |
+
"128229": {
|
1836 |
+
"content": "<|reserved_special_token_221|>",
|
1837 |
+
"lstrip": false,
|
1838 |
+
"normalized": false,
|
1839 |
+
"rstrip": false,
|
1840 |
+
"single_word": false,
|
1841 |
+
"special": true
|
1842 |
+
},
|
1843 |
+
"128230": {
|
1844 |
+
"content": "<|reserved_special_token_222|>",
|
1845 |
+
"lstrip": false,
|
1846 |
+
"normalized": false,
|
1847 |
+
"rstrip": false,
|
1848 |
+
"single_word": false,
|
1849 |
+
"special": true
|
1850 |
+
},
|
1851 |
+
"128231": {
|
1852 |
+
"content": "<|reserved_special_token_223|>",
|
1853 |
+
"lstrip": false,
|
1854 |
+
"normalized": false,
|
1855 |
+
"rstrip": false,
|
1856 |
+
"single_word": false,
|
1857 |
+
"special": true
|
1858 |
+
},
|
1859 |
+
"128232": {
|
1860 |
+
"content": "<|reserved_special_token_224|>",
|
1861 |
+
"lstrip": false,
|
1862 |
+
"normalized": false,
|
1863 |
+
"rstrip": false,
|
1864 |
+
"single_word": false,
|
1865 |
+
"special": true
|
1866 |
+
},
|
1867 |
+
"128233": {
|
1868 |
+
"content": "<|reserved_special_token_225|>",
|
1869 |
+
"lstrip": false,
|
1870 |
+
"normalized": false,
|
1871 |
+
"rstrip": false,
|
1872 |
+
"single_word": false,
|
1873 |
+
"special": true
|
1874 |
+
},
|
1875 |
+
"128234": {
|
1876 |
+
"content": "<|reserved_special_token_226|>",
|
1877 |
+
"lstrip": false,
|
1878 |
+
"normalized": false,
|
1879 |
+
"rstrip": false,
|
1880 |
+
"single_word": false,
|
1881 |
+
"special": true
|
1882 |
+
},
|
1883 |
+
"128235": {
|
1884 |
+
"content": "<|reserved_special_token_227|>",
|
1885 |
+
"lstrip": false,
|
1886 |
+
"normalized": false,
|
1887 |
+
"rstrip": false,
|
1888 |
+
"single_word": false,
|
1889 |
+
"special": true
|
1890 |
+
},
|
1891 |
+
"128236": {
|
1892 |
+
"content": "<|reserved_special_token_228|>",
|
1893 |
+
"lstrip": false,
|
1894 |
+
"normalized": false,
|
1895 |
+
"rstrip": false,
|
1896 |
+
"single_word": false,
|
1897 |
+
"special": true
|
1898 |
+
},
|
1899 |
+
"128237": {
|
1900 |
+
"content": "<|reserved_special_token_229|>",
|
1901 |
+
"lstrip": false,
|
1902 |
+
"normalized": false,
|
1903 |
+
"rstrip": false,
|
1904 |
+
"single_word": false,
|
1905 |
+
"special": true
|
1906 |
+
},
|
1907 |
+
"128238": {
|
1908 |
+
"content": "<|reserved_special_token_230|>",
|
1909 |
+
"lstrip": false,
|
1910 |
+
"normalized": false,
|
1911 |
+
"rstrip": false,
|
1912 |
+
"single_word": false,
|
1913 |
+
"special": true
|
1914 |
+
},
|
1915 |
+
"128239": {
|
1916 |
+
"content": "<|reserved_special_token_231|>",
|
1917 |
+
"lstrip": false,
|
1918 |
+
"normalized": false,
|
1919 |
+
"rstrip": false,
|
1920 |
+
"single_word": false,
|
1921 |
+
"special": true
|
1922 |
+
},
|
1923 |
+
"128240": {
|
1924 |
+
"content": "<|reserved_special_token_232|>",
|
1925 |
+
"lstrip": false,
|
1926 |
+
"normalized": false,
|
1927 |
+
"rstrip": false,
|
1928 |
+
"single_word": false,
|
1929 |
+
"special": true
|
1930 |
+
},
|
1931 |
+
"128241": {
|
1932 |
+
"content": "<|reserved_special_token_233|>",
|
1933 |
+
"lstrip": false,
|
1934 |
+
"normalized": false,
|
1935 |
+
"rstrip": false,
|
1936 |
+
"single_word": false,
|
1937 |
+
"special": true
|
1938 |
+
},
|
1939 |
+
"128242": {
|
1940 |
+
"content": "<|reserved_special_token_234|>",
|
1941 |
+
"lstrip": false,
|
1942 |
+
"normalized": false,
|
1943 |
+
"rstrip": false,
|
1944 |
+
"single_word": false,
|
1945 |
+
"special": true
|
1946 |
+
},
|
1947 |
+
"128243": {
|
1948 |
+
"content": "<|reserved_special_token_235|>",
|
1949 |
+
"lstrip": false,
|
1950 |
+
"normalized": false,
|
1951 |
+
"rstrip": false,
|
1952 |
+
"single_word": false,
|
1953 |
+
"special": true
|
1954 |
+
},
|
1955 |
+
"128244": {
|
1956 |
+
"content": "<|reserved_special_token_236|>",
|
1957 |
+
"lstrip": false,
|
1958 |
+
"normalized": false,
|
1959 |
+
"rstrip": false,
|
1960 |
+
"single_word": false,
|
1961 |
+
"special": true
|
1962 |
+
},
|
1963 |
+
"128245": {
|
1964 |
+
"content": "<|reserved_special_token_237|>",
|
1965 |
+
"lstrip": false,
|
1966 |
+
"normalized": false,
|
1967 |
+
"rstrip": false,
|
1968 |
+
"single_word": false,
|
1969 |
+
"special": true
|
1970 |
+
},
|
1971 |
+
"128246": {
|
1972 |
+
"content": "<|reserved_special_token_238|>",
|
1973 |
+
"lstrip": false,
|
1974 |
+
"normalized": false,
|
1975 |
+
"rstrip": false,
|
1976 |
+
"single_word": false,
|
1977 |
+
"special": true
|
1978 |
+
},
|
1979 |
+
"128247": {
|
1980 |
+
"content": "<|reserved_special_token_239|>",
|
1981 |
+
"lstrip": false,
|
1982 |
+
"normalized": false,
|
1983 |
+
"rstrip": false,
|
1984 |
+
"single_word": false,
|
1985 |
+
"special": true
|
1986 |
+
},
|
1987 |
+
"128248": {
|
1988 |
+
"content": "<|reserved_special_token_240|>",
|
1989 |
+
"lstrip": false,
|
1990 |
+
"normalized": false,
|
1991 |
+
"rstrip": false,
|
1992 |
+
"single_word": false,
|
1993 |
+
"special": true
|
1994 |
+
},
|
1995 |
+
"128249": {
|
1996 |
+
"content": "<|reserved_special_token_241|>",
|
1997 |
+
"lstrip": false,
|
1998 |
+
"normalized": false,
|
1999 |
+
"rstrip": false,
|
2000 |
+
"single_word": false,
|
2001 |
+
"special": true
|
2002 |
+
},
|
2003 |
+
"128250": {
|
2004 |
+
"content": "<|reserved_special_token_242|>",
|
2005 |
+
"lstrip": false,
|
2006 |
+
"normalized": false,
|
2007 |
+
"rstrip": false,
|
2008 |
+
"single_word": false,
|
2009 |
+
"special": true
|
2010 |
+
},
|
2011 |
+
"128251": {
|
2012 |
+
"content": "<|reserved_special_token_243|>",
|
2013 |
+
"lstrip": false,
|
2014 |
+
"normalized": false,
|
2015 |
+
"rstrip": false,
|
2016 |
+
"single_word": false,
|
2017 |
+
"special": true
|
2018 |
+
},
|
2019 |
+
"128252": {
|
2020 |
+
"content": "<|reserved_special_token_244|>",
|
2021 |
+
"lstrip": false,
|
2022 |
+
"normalized": false,
|
2023 |
+
"rstrip": false,
|
2024 |
+
"single_word": false,
|
2025 |
+
"special": true
|
2026 |
+
},
|
2027 |
+
"128253": {
|
2028 |
+
"content": "<|reserved_special_token_245|>",
|
2029 |
+
"lstrip": false,
|
2030 |
+
"normalized": false,
|
2031 |
+
"rstrip": false,
|
2032 |
+
"single_word": false,
|
2033 |
+
"special": true
|
2034 |
+
},
|
2035 |
+
"128254": {
|
2036 |
+
"content": "<|reserved_special_token_246|>",
|
2037 |
+
"lstrip": false,
|
2038 |
+
"normalized": false,
|
2039 |
+
"rstrip": false,
|
2040 |
+
"single_word": false,
|
2041 |
+
"special": true
|
2042 |
+
},
|
2043 |
+
"128255": {
|
2044 |
+
"content": "<|reserved_special_token_247|>",
|
2045 |
+
"lstrip": false,
|
2046 |
+
"normalized": false,
|
2047 |
+
"rstrip": false,
|
2048 |
+
"single_word": false,
|
2049 |
+
"special": true
|
2050 |
+
}
|
2051 |
+
},
|
2052 |
+
"bos_token": "<|begin_of_text|>",
|
2053 |
+
"chat_template": "{{- bos_token }}\n{%- if custom_tools is defined %}\n {%- set tools = custom_tools %}\n{%- endif %}\n{%- if not tools_in_user_message is defined %}\n {%- set tools_in_user_message = true %}\n{%- endif %}\n{%- if not date_string is defined %}\n {%- if strftime_now is defined %}\n {%- set date_string = strftime_now(\"%d %b %Y\") %}\n {%- else %}\n {%- set date_string = \"26 Jul 2024\" %}\n {%- endif %}\n{%- endif %}\n{%- if not tools is defined %}\n {%- set tools = none %}\n{%- endif %}\n\n{#- This block extracts the system message, so we can slot it into the right place. #}\n{%- if messages[0]['role'] == 'system' %}\n {%- set system_message = messages[0]['content']|trim %}\n {%- set messages = messages[1:] %}\n{%- else %}\n {%- set system_message = \"\" %}\n{%- endif %}\n\n{#- System message #}\n{{- \"<|start_header_id|>system<|end_header_id|>\\n\\n\" }}\n{%- if tools is not none %}\n {{- \"Environment: ipython\\n\" }}\n{%- endif %}\n{{- \"Cutting Knowledge Date: December 2023\\n\" }}\n{{- \"Today Date: \" + date_string + \"\\n\\n\" }}\n{%- if tools is not none and not tools_in_user_message %}\n {{- \"You have access to the following functions. To call a function, please respond with JSON for a function call.\" }}\n {{- 'Respond in the format {\"name\": function name, \"parameters\": dictionary of argument name and its value}.' }}\n {{- \"Do not use variables.\\n\\n\" }}\n {%- for t in tools %}\n {{- t | tojson(indent=4) }}\n {{- \"\\n\\n\" }}\n {%- endfor %}\n{%- endif %}\n{{- system_message }}\n{{- \"<|eot_id|>\" }}\n\n{#- Custom tools are passed in a user message with some extra guidance #}\n{%- if tools_in_user_message and not tools is none %}\n {#- Extract the first user message so we can plug it in here #}\n {%- if messages | length != 0 %}\n {%- set first_user_message = messages[0]['content']|trim %}\n {%- set messages = messages[1:] %}\n {%- else %}\n {{- raise_exception(\"Cannot put tools in the first user message when there's no first user message!\") }}\n{%- endif %}\n {{- '<|start_header_id|>user<|end_header_id|>\\n\\n' -}}\n {{- \"Given the following functions, please respond with a JSON for a function call \" }}\n {{- \"with its proper arguments that best answers the given prompt.\\n\\n\" }}\n {{- 'Respond in the format {\"name\": function name, \"parameters\": dictionary of argument name and its value}.' }}\n {{- \"Do not use variables.\\n\\n\" }}\n {%- for t in tools %}\n {{- t | tojson(indent=4) }}\n {{- \"\\n\\n\" }}\n {%- endfor %}\n {{- first_user_message + \"<|eot_id|>\"}}\n{%- endif %}\n\n{%- for message in messages %}\n {%- if not (message.role == 'ipython' or message.role == 'tool' or 'tool_calls' in message) %}\n {{- '<|start_header_id|>' + message['role'] + '<|end_header_id|>\\n\\n'+ message['content'] | trim + '<|eot_id|>' }}\n {%- elif 'tool_calls' in message %}\n {%- if not message.tool_calls|length == 1 %}\n {{- raise_exception(\"This model only supports single tool-calls at once!\") }}\n {%- endif %}\n {%- set tool_call = message.tool_calls[0].function %}\n {{- '<|start_header_id|>assistant<|end_header_id|>\\n\\n' -}}\n {{- '{\"name\": \"' + tool_call.name + '\", ' }}\n {{- '\"parameters\": ' }}\n {{- tool_call.arguments | tojson }}\n {{- \"}\" }}\n {{- \"<|eot_id|>\" }}\n {%- elif message.role == \"tool\" or message.role == \"ipython\" %}\n {{- \"<|start_header_id|>ipython<|end_header_id|>\\n\\n\" }}\n {%- if message.content is mapping or message.content is iterable %}\n {{- message.content | tojson }}\n {%- else %}\n {{- message.content }}\n {%- endif %}\n {{- \"<|eot_id|>\" }}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|start_header_id|>assistant<|end_header_id|>\\n\\n' }}\n{%- endif %}\n",
|
2054 |
+
"clean_up_tokenization_spaces": true,
|
2055 |
+
"eos_token": "<|eot_id|>",
|
2056 |
+
"model_input_names": [
|
2057 |
+
"input_ids",
|
2058 |
+
"attention_mask"
|
2059 |
+
],
|
2060 |
+
"model_max_length": 131072,
|
2061 |
+
"tokenizer_class": "PreTrainedTokenizerFast"
|
2062 |
+
}
|