Upload folder using huggingface_hub
Browse files- .ipynb_checkpoints/config-checkpoint.json +29 -0
- .ipynb_checkpoints/training-checkpoint.log +34 -0
- config.json +29 -0
- pytorch_model.bin +3 -0
- tokenizer.model +3 -0
- training.log +389 -0
.ipynb_checkpoints/config-checkpoint.json
ADDED
@@ -0,0 +1,29 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "meta-llama/Llama-2-7b-hf",
|
3 |
+
"architectures": [
|
4 |
+
"LlamaForCausalLM"
|
5 |
+
],
|
6 |
+
"attention_bias": false,
|
7 |
+
"bos_token_id": 1,
|
8 |
+
"end_token_id": 2,
|
9 |
+
"eos_token_id": 2,
|
10 |
+
"hidden_act": "silu",
|
11 |
+
"hidden_size": 4096,
|
12 |
+
"initializer_range": 0.02,
|
13 |
+
"intermediate_size": 11008,
|
14 |
+
"max_position_embeddings": 4096,
|
15 |
+
"model_type": "llama",
|
16 |
+
"num_attention_heads": 32,
|
17 |
+
"num_hidden_layers": 32,
|
18 |
+
"num_key_value_heads": 32,
|
19 |
+
"pad_token_id": 2,
|
20 |
+
"pretraining_tp": 1,
|
21 |
+
"rms_norm_eps": 1e-05,
|
22 |
+
"rope_scaling": null,
|
23 |
+
"rope_theta": 10000.0,
|
24 |
+
"tie_word_embeddings": false,
|
25 |
+
"torch_dtype": "float16",
|
26 |
+
"transformers_version": "4.34.1",
|
27 |
+
"use_cache": true,
|
28 |
+
"vocab_size": 32008
|
29 |
+
}
|
.ipynb_checkpoints/training-checkpoint.log
ADDED
@@ -0,0 +1,34 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2023-12-06 04:07:59,731] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
2 |
+
[2023-12-06 04:08:01,957] [WARNING] [runner.py:203:fetch_hostfile] Unable to find hostfile, will proceed with training with local resources only.
|
3 |
+
[2023-12-06 04:08:01,957] [INFO] [runner.py:570:main] cmd = /home/t-sokumar/miniconda3/envs/ft/bin/python -u -m deepspeed.launcher.launch --world_info=eyJsb2NhbGhvc3QiOiBbMCwgMSwgMiwgM119 --master_addr=127.0.0.1 --master_port=29500 --enable_each_rank_log=None main.py --data_path local/jsonfile --data_split 2,4,4 --model_name_or_path meta-llama/Llama-2-7b-hf --per_device_train_batch_size 4 --per_device_eval_batch_size 4 --max_seq_len 512 --learning_rate 9.65e-6 --weight_decay 0. --num_train_epochs 4 --gradient_accumulation_steps 1 --lr_scheduler_type cosine --num_warmup_steps 0 --seed 1234 --gradient_checkpointing --zero_stage 3 --deepspeed --lora_dim 128 --lora_module_name layers. --output_dir ./output_step1_llama2_7b_lora
|
4 |
+
[2023-12-06 04:08:04,758] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
5 |
+
[2023-12-06 04:08:06,901] [INFO] [launch.py:145:main] WORLD INFO DICT: {'localhost': [0, 1, 2, 3]}
|
6 |
+
[2023-12-06 04:08:06,901] [INFO] [launch.py:151:main] nnodes=1, num_local_procs=4, node_rank=0
|
7 |
+
[2023-12-06 04:08:06,901] [INFO] [launch.py:162:main] global_rank_mapping=defaultdict(<class 'list'>, {'localhost': [0, 1, 2, 3]})
|
8 |
+
[2023-12-06 04:08:06,901] [INFO] [launch.py:163:main] dist_world_size=4
|
9 |
+
[2023-12-06 04:08:06,901] [INFO] [launch.py:165:main] Setting CUDA_VISIBLE_DEVICES=0,1,2,3
|
10 |
+
[2023-12-06 04:08:10,349] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
11 |
+
[2023-12-06 04:08:10,349] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
12 |
+
[2023-12-06 04:08:10,360] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
13 |
+
[2023-12-06 04:08:10,559] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
14 |
+
Traceback (most recent call last):
|
15 |
+
File "/home/t-sokumar/llama2_finetune/DeepSpeedExamples/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/main.py", line 24, in <module>
|
16 |
+
from dschat.utils.data.data_utils import create_prompt_dataset
|
17 |
+
ModuleNotFoundError: No module named 'dschat'
|
18 |
+
Traceback (most recent call last):
|
19 |
+
File "/home/t-sokumar/llama2_finetune/DeepSpeedExamples/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/main.py", line 24, in <module>
|
20 |
+
from dschat.utils.data.data_utils import create_prompt_dataset
|
21 |
+
ModuleNotFoundError: No module named 'dschat'
|
22 |
+
Traceback (most recent call last):
|
23 |
+
File "/home/t-sokumar/llama2_finetune/DeepSpeedExamples/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/main.py", line 24, in <module>
|
24 |
+
from dschat.utils.data.data_utils import create_prompt_dataset
|
25 |
+
ModuleNotFoundError: No module named 'dschat'
|
26 |
+
Traceback (most recent call last):
|
27 |
+
File "/home/t-sokumar/llama2_finetune/DeepSpeedExamples/applications/DeepSpeed-Chat/training/step1_supervised_finetuning/main.py", line 24, in <module>
|
28 |
+
from dschat.utils.data.data_utils import create_prompt_dataset
|
29 |
+
ModuleNotFoundError: No module named 'dschat'
|
30 |
+
[2023-12-06 04:08:12,905] [INFO] [launch.py:315:sigkill_handler] Killing subprocess 2459201
|
31 |
+
[2023-12-06 04:08:12,905] [INFO] [launch.py:315:sigkill_handler] Killing subprocess 2459202
|
32 |
+
[2023-12-06 04:08:12,931] [INFO] [launch.py:315:sigkill_handler] Killing subprocess 2459203
|
33 |
+
[2023-12-06 04:08:12,949] [INFO] [launch.py:315:sigkill_handler] Killing subprocess 2459204
|
34 |
+
[2023-12-06 04:08:12,967] [ERROR] [launch.py:321:sigkill_handler] ['/home/t-sokumar/miniconda3/envs/ft/bin/python', '-u', 'main.py', '--local_rank=3', '--data_path', 'local/jsonfile', '--data_split', '2,4,4', '--model_name_or_path', 'meta-llama/Llama-2-7b-hf', '--per_device_train_batch_size', '4', '--per_device_eval_batch_size', '4', '--max_seq_len', '512', '--learning_rate', '9.65e-6', '--weight_decay', '0.', '--num_train_epochs', '4', '--gradient_accumulation_steps', '1', '--lr_scheduler_type', 'cosine', '--num_warmup_steps', '0', '--seed', '1234', '--gradient_checkpointing', '--zero_stage', '3', '--deepspeed', '--lora_dim', '128', '--lora_module_name', 'layers.', '--output_dir', './output_step1_llama2_7b_lora'] exits with return code = 1
|
config.json
ADDED
@@ -0,0 +1,29 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "meta-llama/Llama-2-7b-hf",
|
3 |
+
"architectures": [
|
4 |
+
"LlamaForCausalLM"
|
5 |
+
],
|
6 |
+
"attention_bias": false,
|
7 |
+
"bos_token_id": 1,
|
8 |
+
"end_token_id": 2,
|
9 |
+
"eos_token_id": 2,
|
10 |
+
"hidden_act": "silu",
|
11 |
+
"hidden_size": 4096,
|
12 |
+
"initializer_range": 0.02,
|
13 |
+
"intermediate_size": 11008,
|
14 |
+
"max_position_embeddings": 4096,
|
15 |
+
"model_type": "llama",
|
16 |
+
"num_attention_heads": 32,
|
17 |
+
"num_hidden_layers": 32,
|
18 |
+
"num_key_value_heads": 32,
|
19 |
+
"pad_token_id": 2,
|
20 |
+
"pretraining_tp": 1,
|
21 |
+
"rms_norm_eps": 1e-05,
|
22 |
+
"rope_scaling": null,
|
23 |
+
"rope_theta": 10000.0,
|
24 |
+
"tie_word_embeddings": false,
|
25 |
+
"torch_dtype": "float16",
|
26 |
+
"transformers_version": "4.34.1",
|
27 |
+
"use_cache": true,
|
28 |
+
"vocab_size": 32008
|
29 |
+
}
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b071c072847031331fe840a75f3ad7db7b19c12dea3fb1085a410628f4fd2c32
|
3 |
+
size 13477059118
|
tokenizer.model
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:9e556afd44213b6bd1be2b850ebbbd98f5481437a8021afaf58ee7fb1818d347
|
3 |
+
size 499723
|
training.log
ADDED
@@ -0,0 +1,389 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
[2023-12-06 04:40:04,481] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
2 |
+
[2023-12-06 04:40:06,410] [WARNING] [runner.py:203:fetch_hostfile] Unable to find hostfile, will proceed with training with local resources only.
|
3 |
+
[2023-12-06 04:40:06,410] [INFO] [runner.py:570:main] cmd = /home/t-sokumar/miniconda3/envs/ft/bin/python -u -m deepspeed.launcher.launch --world_info=eyJsb2NhbGhvc3QiOiBbMCwgMSwgMiwgM119 --master_addr=127.0.0.1 --master_port=29500 --enable_each_rank_log=None main.py --data_path local/jsonfile --data_split 2,4,4 --model_name_or_path meta-llama/Llama-2-7b-hf --per_device_train_batch_size 4 --per_device_eval_batch_size 4 --max_seq_len 512 --learning_rate 9.65e-6 --weight_decay 0. --num_train_epochs 10 --gradient_accumulation_steps 1 --lr_scheduler_type cosine --num_warmup_steps 0 --seed 1234 --gradient_checkpointing --zero_stage 3 --deepspeed --lora_dim 128 --lora_module_name layers. --output_dir ./output_step1_llama2_7b_lora
|
4 |
+
[2023-12-06 04:40:09,034] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
5 |
+
[2023-12-06 04:40:11,238] [INFO] [launch.py:145:main] WORLD INFO DICT: {'localhost': [0, 1, 2, 3]}
|
6 |
+
[2023-12-06 04:40:11,239] [INFO] [launch.py:151:main] nnodes=1, num_local_procs=4, node_rank=0
|
7 |
+
[2023-12-06 04:40:11,239] [INFO] [launch.py:162:main] global_rank_mapping=defaultdict(<class 'list'>, {'localhost': [0, 1, 2, 3]})
|
8 |
+
[2023-12-06 04:40:11,239] [INFO] [launch.py:163:main] dist_world_size=4
|
9 |
+
[2023-12-06 04:40:11,239] [INFO] [launch.py:165:main] Setting CUDA_VISIBLE_DEVICES=0,1,2,3
|
10 |
+
[2023-12-06 04:40:14,677] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
11 |
+
[2023-12-06 04:40:14,691] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
12 |
+
[2023-12-06 04:40:14,691] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
13 |
+
[2023-12-06 04:40:14,713] [INFO] [real_accelerator.py:161:get_accelerator] Setting ds_accelerator to cuda (auto detect)
|
14 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/transformers/deepspeed.py:23: FutureWarning: transformers.deepspeed module is deprecated and will be removed in a future version. Please import deepspeed modules directly from transformers.integrations
|
15 |
+
warnings.warn(
|
16 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/transformers/deepspeed.py:23: FutureWarning: transformers.deepspeed module is deprecated and will be removed in a future version. Please import deepspeed modules directly from transformers.integrations
|
17 |
+
warnings.warn(
|
18 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/transformers/deepspeed.py:23: FutureWarning: transformers.deepspeed module is deprecated and will be removed in a future version. Please import deepspeed modules directly from transformers.integrations
|
19 |
+
warnings.warn(
|
20 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/transformers/deepspeed.py:23: FutureWarning: transformers.deepspeed module is deprecated and will be removed in a future version. Please import deepspeed modules directly from transformers.integrations
|
21 |
+
warnings.warn(
|
22 |
+
[2023-12-06 04:40:16,288] [INFO] [comm.py:637:init_distributed] cdb=None
|
23 |
+
[2023-12-06 04:40:16,288] [INFO] [comm.py:668:init_distributed] Initializing TorchBackend in DeepSpeed with backend nccl
|
24 |
+
[2023-12-06 04:40:16,558] [INFO] [comm.py:637:init_distributed] cdb=None
|
25 |
+
[2023-12-06 04:40:16,642] [INFO] [comm.py:637:init_distributed] cdb=None
|
26 |
+
[2023-12-06 04:40:16,658] [INFO] [comm.py:637:init_distributed] cdb=None
|
27 |
+
[2023-12-06 04:40:20,136] [INFO] [partition_parameters.py:348:__exit__] finished initializing model - num_params = 291, num_elems = 6.74B
|
28 |
+
|
29 |
+
|
30 |
+
|
31 |
+
|
32 |
+
Using /home/t-sokumar/.cache/torch_extensions/py311_cu121 as PyTorch extensions root...
|
33 |
+
Using /home/t-sokumar/.cache/torch_extensions/py311_cu121 as PyTorch extensions root...
|
34 |
+
Using /home/t-sokumar/.cache/torch_extensions/py311_cu121 as PyTorch extensions root...
|
35 |
+
Using /home/t-sokumar/.cache/torch_extensions/py311_cu121 as PyTorch extensions root...
|
36 |
+
Detected CUDA files, patching ldflags
|
37 |
+
Emitting ninja build file /home/t-sokumar/.cache/torch_extensions/py311_cu121/fused_adam/build.ninja...
|
38 |
+
Building extension module fused_adam...
|
39 |
+
Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)
|
40 |
+
ninja: no work to do.
|
41 |
+
Loading extension module fused_adam...
|
42 |
+
Time to load fused_adam op: 0.1045382022857666 seconds
|
43 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/deepspeed/ops/adam/fused_adam.py:96: UserWarning: The torch.cuda.*DtypeTensor constructors are no longer recommended. It's best to use methods such as torch.tensor(data, dtype=*, device='cuda') to create tensors. (Triggered internally at ../torch/csrc/tensor/python_tensor.cpp:83.)
|
44 |
+
self._dummy_overflow_buf = get_accelerator().IntTensor([0])
|
45 |
+
Loading extension module fused_adam...
|
46 |
+
Time to load fused_adam op: 0.10168743133544922 seconds
|
47 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/deepspeed/ops/adam/fused_adam.py:96: UserWarning: The torch.cuda.*DtypeTensor constructors are no longer recommended. It's best to use methods such as torch.tensor(data, dtype=*, device='cuda') to create tensors. (Triggered internally at ../torch/csrc/tensor/python_tensor.cpp:83.)
|
48 |
+
self._dummy_overflow_buf = get_accelerator().IntTensor([0])
|
49 |
+
Loading extension module fused_adam...
|
50 |
+
Time to load fused_adam op: 0.10143876075744629 seconds
|
51 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/deepspeed/ops/adam/fused_adam.py:96: UserWarning: The torch.cuda.*DtypeTensor constructors are no longer recommended. It's best to use methods such as torch.tensor(data, dtype=*, device='cuda') to create tensors. (Triggered internally at ../torch/csrc/tensor/python_tensor.cpp:83.)
|
52 |
+
self._dummy_overflow_buf = get_accelerator().IntTensor([0])
|
53 |
+
[2023-12-06 04:40:29,694] [INFO] [logging.py:96:log_dist] [Rank 0] DeepSpeed info: version=0.12.4, git-hash=unknown, git-branch=unknown
|
54 |
+
Loading extension module fused_adam...
|
55 |
+
[2023-12-06 04:40:29,696] [INFO] [comm.py:662:init_distributed] Distributed backend already initialized
|
56 |
+
Time to load fused_adam op: 0.10245537757873535 seconds
|
57 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/deepspeed/ops/adam/fused_adam.py:96: UserWarning: The torch.cuda.*DtypeTensor constructors are no longer recommended. It's best to use methods such as torch.tensor(data, dtype=*, device='cuda') to create tensors. (Triggered internally at ../torch/csrc/tensor/python_tensor.cpp:83.)
|
58 |
+
self._dummy_overflow_buf = get_accelerator().IntTensor([0])
|
59 |
+
[2023-12-06 04:40:29,737] [INFO] [logging.py:96:log_dist] [Rank 0] DeepSpeed Flops Profiler Enabled: False
|
60 |
+
[2023-12-06 04:40:29,739] [INFO] [logging.py:96:log_dist] [Rank 0] Using client Optimizer as basic optimizer
|
61 |
+
[2023-12-06 04:40:29,739] [INFO] [logging.py:96:log_dist] [Rank 0] Removing param_group that has no 'params' in the basic Optimizer
|
62 |
+
[2023-12-06 04:40:29,778] [INFO] [logging.py:96:log_dist] [Rank 0] DeepSpeed Basic Optimizer = FusedAdam
|
63 |
+
[2023-12-06 04:40:29,778] [INFO] [utils.py:56:is_zero_supported_optimizer] Checking ZeRO support for optimizer=FusedAdam type=<class 'deepspeed.ops.adam.fused_adam.FusedAdam'>
|
64 |
+
[2023-12-06 04:40:29,778] [INFO] [logging.py:96:log_dist] [Rank 0] Creating fp16 ZeRO stage 3 optimizer, MiCS is enabled False, Hierarchical params gather False
|
65 |
+
[2023-12-06 04:40:29,778] [INFO] [logging.py:96:log_dist] [Rank 0] Creating torch.float16 ZeRO stage 3 optimizer
|
66 |
+
[2023-12-06 04:40:29,894] [INFO] [utils.py:795:see_memory_usage] Stage 3 initialize beginning
|
67 |
+
[2023-12-06 04:40:29,895] [INFO] [utils.py:796:see_memory_usage] MA 4.17 GB Max_MA 4.39 GB CA 7.75 GB Max_CA 8 GB
|
68 |
+
[2023-12-06 04:40:29,895] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 13.59 GB, percent = 5.4%
|
69 |
+
[2023-12-06 04:40:29,897] [INFO] [stage3.py:127:__init__] Reduce bucket size 500,000,000
|
70 |
+
[2023-12-06 04:40:29,897] [INFO] [stage3.py:128:__init__] Prefetch bucket size 30000000
|
71 |
+
[2023-12-06 04:40:29,998] [INFO] [utils.py:795:see_memory_usage] DeepSpeedZeRoOffload initialize [begin]
|
72 |
+
[2023-12-06 04:40:29,999] [INFO] [utils.py:796:see_memory_usage] MA 4.17 GB Max_MA 4.17 GB CA 7.75 GB Max_CA 8 GB
|
73 |
+
[2023-12-06 04:40:29,999] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 13.59 GB, percent = 5.4%
|
74 |
+
Parameter Offload: Total persistent parameters: 266240 in 65 params
|
75 |
+
[2023-12-06 04:40:30,335] [INFO] [utils.py:795:see_memory_usage] DeepSpeedZeRoOffload initialize [end]
|
76 |
+
[2023-12-06 04:40:30,335] [INFO] [utils.py:796:see_memory_usage] MA 3.35 GB Max_MA 4.23 GB CA 7.75 GB Max_CA 8 GB
|
77 |
+
[2023-12-06 04:40:30,336] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 13.6 GB, percent = 5.4%
|
78 |
+
[2023-12-06 04:40:30,446] [INFO] [utils.py:795:see_memory_usage] Before creating fp16 partitions
|
79 |
+
[2023-12-06 04:40:30,447] [INFO] [utils.py:796:see_memory_usage] MA 3.35 GB Max_MA 3.35 GB CA 7.75 GB Max_CA 8 GB
|
80 |
+
[2023-12-06 04:40:30,447] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 13.57 GB, percent = 5.4%
|
81 |
+
[2023-12-06 04:40:31,148] [INFO] [utils.py:795:see_memory_usage] After creating fp16 partitions: 3
|
82 |
+
[2023-12-06 04:40:31,149] [INFO] [utils.py:796:see_memory_usage] MA 3.35 GB Max_MA 3.35 GB CA 4.38 GB Max_CA 8 GB
|
83 |
+
[2023-12-06 04:40:31,149] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 13.64 GB, percent = 5.4%
|
84 |
+
[2023-12-06 04:40:31,292] [INFO] [utils.py:795:see_memory_usage] Before creating fp32 partitions
|
85 |
+
[2023-12-06 04:40:31,293] [INFO] [utils.py:796:see_memory_usage] MA 3.35 GB Max_MA 3.35 GB CA 4.38 GB Max_CA 4 GB
|
86 |
+
[2023-12-06 04:40:31,293] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 11.18 GB, percent = 4.4%
|
87 |
+
[2023-12-06 04:40:31,429] [INFO] [utils.py:795:see_memory_usage] After creating fp32 partitions
|
88 |
+
[2023-12-06 04:40:31,430] [INFO] [utils.py:796:see_memory_usage] MA 3.9 GB Max_MA 4.05 GB CA 5.07 GB Max_CA 5 GB
|
89 |
+
[2023-12-06 04:40:31,430] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 11.19 GB, percent = 4.4%
|
90 |
+
[2023-12-06 04:40:31,541] [INFO] [utils.py:795:see_memory_usage] Before initializing optimizer states
|
91 |
+
[2023-12-06 04:40:31,541] [INFO] [utils.py:796:see_memory_usage] MA 3.9 GB Max_MA 3.9 GB CA 5.07 GB Max_CA 5 GB
|
92 |
+
[2023-12-06 04:40:31,542] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 11.19 GB, percent = 4.4%
|
93 |
+
[2023-12-06 04:40:31,686] [INFO] [utils.py:795:see_memory_usage] After initializing optimizer states
|
94 |
+
[2023-12-06 04:40:31,687] [INFO] [utils.py:796:see_memory_usage] MA 4.98 GB Max_MA 5.28 GB CA 6.46 GB Max_CA 6 GB
|
95 |
+
[2023-12-06 04:40:31,687] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 11.15 GB, percent = 4.4%
|
96 |
+
[2023-12-06 04:40:31,688] [INFO] [stage3.py:479:_setup_for_real_optimizer] optimizer state initialized
|
97 |
+
[2023-12-06 04:40:32,196] [INFO] [utils.py:795:see_memory_usage] After initializing ZeRO optimizer
|
98 |
+
[2023-12-06 04:40:32,196] [INFO] [utils.py:796:see_memory_usage] MA 6.19 GB Max_MA 6.67 GB CA 8.14 GB Max_CA 8 GB
|
99 |
+
[2023-12-06 04:40:32,196] [INFO] [utils.py:803:see_memory_usage] CPU Virtual Memory: used = 11.18 GB, percent = 4.4%
|
100 |
+
[2023-12-06 04:40:32,197] [INFO] [logging.py:96:log_dist] [Rank 0] DeepSpeed Final Optimizer = FusedAdam
|
101 |
+
[2023-12-06 04:40:32,197] [INFO] [logging.py:96:log_dist] [Rank 0] DeepSpeed using client LR scheduler
|
102 |
+
[2023-12-06 04:40:32,197] [INFO] [logging.py:96:log_dist] [Rank 0] DeepSpeed LR Scheduler = <torch.optim.lr_scheduler.LambdaLR object at 0x7fed2182b890>
|
103 |
+
[2023-12-06 04:40:32,197] [INFO] [logging.py:96:log_dist] [Rank 0] step=0, skipped=0, lr=[9.65e-06, 0.0005, 9.65e-06], mom=[(0.9, 0.95), (0.9, 0.95), (0.9, 0.95)]
|
104 |
+
[2023-12-06 04:40:32,198] [INFO] [config.py:979:print] DeepSpeedEngine configuration:
|
105 |
+
[2023-12-06 04:40:32,198] [INFO] [config.py:983:print] activation_checkpointing_config {
|
106 |
+
"partition_activations": false,
|
107 |
+
"contiguous_memory_optimization": false,
|
108 |
+
"cpu_checkpointing": false,
|
109 |
+
"number_checkpoints": null,
|
110 |
+
"synchronize_checkpoint_boundary": false,
|
111 |
+
"profile": false
|
112 |
+
}
|
113 |
+
[2023-12-06 04:40:32,198] [INFO] [config.py:983:print] aio_config ................... {'block_size': 1048576, 'queue_depth': 8, 'thread_count': 1, 'single_submit': False, 'overlap_events': True}
|
114 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] amp_enabled .................. False
|
115 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] amp_params ................... False
|
116 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] autotuning_config ............ {
|
117 |
+
"enabled": false,
|
118 |
+
"start_step": null,
|
119 |
+
"end_step": null,
|
120 |
+
"metric_path": null,
|
121 |
+
"arg_mappings": null,
|
122 |
+
"metric": "throughput",
|
123 |
+
"model_info": null,
|
124 |
+
"results_dir": "autotuning_results",
|
125 |
+
"exps_dir": "autotuning_exps",
|
126 |
+
"overwrite": true,
|
127 |
+
"fast": true,
|
128 |
+
"start_profile_step": 3,
|
129 |
+
"end_profile_step": 5,
|
130 |
+
"tuner_type": "gridsearch",
|
131 |
+
"tuner_early_stopping": 5,
|
132 |
+
"tuner_num_trials": 50,
|
133 |
+
"model_info_path": null,
|
134 |
+
"mp_size": 1,
|
135 |
+
"max_train_batch_size": null,
|
136 |
+
"min_train_batch_size": 1,
|
137 |
+
"max_train_micro_batch_size_per_gpu": 1.024000e+03,
|
138 |
+
"min_train_micro_batch_size_per_gpu": 1,
|
139 |
+
"num_tuning_micro_batch_sizes": 3
|
140 |
+
}
|
141 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] bfloat16_enabled ............. False
|
142 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] checkpoint_parallel_write_pipeline False
|
143 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] checkpoint_tag_validation_enabled True
|
144 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] checkpoint_tag_validation_fail False
|
145 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] comms_config ................. <deepspeed.comm.config.DeepSpeedCommsConfig object at 0x7fed21536210>
|
146 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] communication_data_type ...... None
|
147 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] compression_config ........... {'weight_quantization': {'shared_parameters': {'enabled': False, 'quantizer_kernel': False, 'schedule_offset': 0, 'quantize_groups': 1, 'quantize_verbose': False, 'quantization_type': 'symmetric', 'quantize_weight_in_forward': False, 'rounding': 'nearest', 'fp16_mixed_quantize': False, 'quantize_change_ratio': 0.001}, 'different_groups': {}}, 'activation_quantization': {'shared_parameters': {'enabled': False, 'quantization_type': 'symmetric', 'range_calibration': 'dynamic', 'schedule_offset': 1000}, 'different_groups': {}}, 'sparse_pruning': {'shared_parameters': {'enabled': False, 'method': 'l1', 'schedule_offset': 1000}, 'different_groups': {}}, 'row_pruning': {'shared_parameters': {'enabled': False, 'method': 'l1', 'schedule_offset': 1000}, 'different_groups': {}}, 'head_pruning': {'shared_parameters': {'enabled': False, 'method': 'topk', 'schedule_offset': 1000}, 'different_groups': {}}, 'channel_pruning': {'shared_parameters': {'enabled': False, 'method': 'l1', 'schedule_offset': 1000}, 'different_groups': {}}, 'layer_reduction': {'enabled': False}}
|
148 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] curriculum_enabled_legacy .... False
|
149 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] curriculum_params_legacy ..... False
|
150 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] data_efficiency_config ....... {'enabled': False, 'seed': 1234, 'data_sampling': {'enabled': False, 'num_epochs': 1000, 'num_workers': 0, 'curriculum_learning': {'enabled': False}}, 'data_routing': {'enabled': False, 'random_ltd': {'enabled': False, 'layer_token_lr_schedule': {'enabled': False}}}}
|
151 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] data_efficiency_enabled ...... False
|
152 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] dataloader_drop_last ......... False
|
153 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] disable_allgather ............ False
|
154 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] dump_state ................... False
|
155 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] dynamic_loss_scale_args ...... {'init_scale': 65536, 'scale_window': 100, 'delayed_shift': 2, 'consecutive_hysteresis': False, 'min_scale': 1}
|
156 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] eigenvalue_enabled ........... False
|
157 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] eigenvalue_gas_boundary_resolution 1
|
158 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] eigenvalue_layer_name ........ bert.encoder.layer
|
159 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] eigenvalue_layer_num ......... 0
|
160 |
+
[2023-12-06 04:40:32,199] [INFO] [config.py:983:print] eigenvalue_max_iter .......... 100
|
161 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] eigenvalue_stability ......... 1e-06
|
162 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] eigenvalue_tol ............... 0.01
|
163 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] eigenvalue_verbose ........... False
|
164 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] elasticity_enabled ........... False
|
165 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] flops_profiler_config ........ {
|
166 |
+
"enabled": false,
|
167 |
+
"recompute_fwd_factor": 0.0,
|
168 |
+
"profile_step": 1,
|
169 |
+
"module_depth": -1,
|
170 |
+
"top_modules": 1,
|
171 |
+
"detailed": true,
|
172 |
+
"output_file": null
|
173 |
+
}
|
174 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] fp16_auto_cast ............... False
|
175 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] fp16_enabled ................. True
|
176 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] fp16_master_weights_and_gradients False
|
177 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] global_rank .................. 0
|
178 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] grad_accum_dtype ............. None
|
179 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] gradient_accumulation_steps .. 1
|
180 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] gradient_clipping ............ 1.0
|
181 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] gradient_predivide_factor .... 1.0
|
182 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] hybrid_engine ................ enabled=False max_out_tokens=512 inference_tp_size=1 release_inference_cache=False pin_parameters=True tp_gather_partition_size=8
|
183 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] initial_dynamic_scale ........ 65536
|
184 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] load_universal_checkpoint .... False
|
185 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] loss_scale ................... 0
|
186 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] memory_breakdown ............. False
|
187 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] mics_hierarchial_params_gather False
|
188 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] mics_shard_size .............. -1
|
189 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] monitor_config ............... tensorboard=TensorBoardConfig(enabled=False, output_path='step1_tensorboard/ds_tensorboard_logs/', job_name='step1_model_tensorboard') wandb=WandbConfig(enabled=False, group=None, team=None, project='deepspeed') csv_monitor=CSVConfig(enabled=False, output_path='', job_name='DeepSpeedJobName') enabled=False
|
190 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] nebula_config ................ {
|
191 |
+
"enabled": false,
|
192 |
+
"persistent_storage_path": null,
|
193 |
+
"persistent_time_interval": 100,
|
194 |
+
"num_of_version_in_retention": 2,
|
195 |
+
"enable_nebula_load": true,
|
196 |
+
"load_path": null
|
197 |
+
}
|
198 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] optimizer_legacy_fusion ...... False
|
199 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] optimizer_name ............... None
|
200 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] optimizer_params ............. None
|
201 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] pipeline ..................... {'stages': 'auto', 'partition': 'best', 'seed_layers': False, 'activation_checkpoint_interval': 0, 'pipe_partitioned': True, 'grad_partitioned': True}
|
202 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] pld_enabled .................. False
|
203 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] pld_params ................... False
|
204 |
+
[2023-12-06 04:40:32,200] [INFO] [config.py:983:print] prescale_gradients ........... False
|
205 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] scheduler_name ............... None
|
206 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] scheduler_params ............. None
|
207 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] seq_parallel_communication_data_type torch.float32
|
208 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] sparse_attention ............. None
|
209 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] sparse_gradients_enabled ..... False
|
210 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] steps_per_print .............. 10
|
211 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] train_batch_size ............. 16
|
212 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] train_micro_batch_size_per_gpu 4
|
213 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] use_data_before_expert_parallel_ False
|
214 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] use_node_local_storage ....... False
|
215 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] wall_clock_breakdown ......... False
|
216 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] weight_quantization_config ... None
|
217 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] world_size ................... 4
|
218 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] zero_allow_untested_optimizer False
|
219 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] zero_config .................. stage=3 contiguous_gradients=True reduce_scatter=True reduce_bucket_size=500,000,000 use_multi_rank_bucket_allreduce=True allgather_partitions=True allgather_bucket_size=500,000,000 overlap_comm=True load_from_fp32_weights=True elastic_checkpoint=False offload_param=DeepSpeedZeroOffloadParamConfig(device='none', nvme_path=None, buffer_count=5, buffer_size=100,000,000, max_in_cpu=1,000,000,000, pin_memory=False) offload_optimizer=DeepSpeedZeroOffloadOptimizerConfig(device='none', nvme_path=None, buffer_count=4, pin_memory=False, pipeline=False, pipeline_read=False, pipeline_write=False, fast_init=False, ratio=1.0) sub_group_size=1,000,000,000 cpu_offload_param=None cpu_offload_use_pin_memory=None cpu_offload=None prefetch_bucket_size=30000000 param_persistence_threshold=10000 model_persistence_threshold=sys.maxsize max_live_parameters=30000000 max_reuse_distance=1,000,000,000 gather_16bit_weights_on_model_save=False stage3_gather_fp16_weights_on_model_save=False ignore_unused_parameters=True legacy_stage1=False round_robin_gradients=False zero_hpz_partition_size=1 zero_quantized_weights=False zero_quantized_nontrainable_weights=False zero_quantized_gradients=False mics_shard_size=-1 mics_hierarchical_params_gather=False memory_efficient_linear=False pipeline_loading_checkpoint=False override_module_apply=True
|
220 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] zero_enabled ................. True
|
221 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] zero_force_ds_cpu_optimizer .. True
|
222 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:983:print] zero_optimization_stage ...... 3
|
223 |
+
[2023-12-06 04:40:32,201] [INFO] [config.py:969:print_user_config] json = {
|
224 |
+
"train_batch_size": 16,
|
225 |
+
"train_micro_batch_size_per_gpu": 4,
|
226 |
+
"steps_per_print": 10,
|
227 |
+
"zero_optimization": {
|
228 |
+
"stage": 3,
|
229 |
+
"offload_param": {
|
230 |
+
"device": "none"
|
231 |
+
},
|
232 |
+
"offload_optimizer": {
|
233 |
+
"device": "none"
|
234 |
+
},
|
235 |
+
"stage3_param_persistence_threshold": 1.000000e+04,
|
236 |
+
"stage3_max_live_parameters": 3.000000e+07,
|
237 |
+
"stage3_prefetch_bucket_size": 3.000000e+07,
|
238 |
+
"memory_efficient_linear": false
|
239 |
+
},
|
240 |
+
"fp16": {
|
241 |
+
"enabled": true,
|
242 |
+
"loss_scale_window": 100
|
243 |
+
},
|
244 |
+
"gradient_clipping": 1.0,
|
245 |
+
"prescale_gradients": false,
|
246 |
+
"wall_clock_breakdown": false,
|
247 |
+
"hybrid_engine": {
|
248 |
+
"enabled": false,
|
249 |
+
"max_out_tokens": 512,
|
250 |
+
"inference_tp_size": 1,
|
251 |
+
"release_inference_cache": false,
|
252 |
+
"pin_parameters": true,
|
253 |
+
"tp_gather_partition_size": 8
|
254 |
+
},
|
255 |
+
"tensorboard": {
|
256 |
+
"enabled": false,
|
257 |
+
"output_path": "step1_tensorboard/ds_tensorboard_logs/",
|
258 |
+
"job_name": "step1_model_tensorboard"
|
259 |
+
}
|
260 |
+
}
|
261 |
+
***** Running training *****
|
262 |
+
***** Evaluating perplexity, Epoch 0/10 *****
|
263 |
+
ppl: 6.489692211151123, loss: 1.8702150583267212
|
264 |
+
Beginning of Epoch 1/10, Total Micro Batches 6
|
265 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
|
266 |
+
warnings.warn(
|
267 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
|
268 |
+
warnings.warn(
|
269 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
|
270 |
+
warnings.warn(
|
271 |
+
/home/t-sokumar/miniconda3/envs/ft/lib/python3.11/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
|
272 |
+
warnings.warn(
|
273 |
+
Model Parameters: 6.927 B, Latency: 2.79s, TFLOPs: 7.49, Samples/sec: 1.43, Time/seq 0.70s, Batch Size: 4, Sequence Length: 512
|
274 |
+
Invalidate trace cache @ step 0: expected module 6, but got module 0
|
275 |
+
Model Parameters: 6.927 B, Latency: 2.32s, TFLOPs: 9.00, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
276 |
+
Model Parameters: 6.927 B, Latency: 2.33s, TFLOPs: 8.98, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
277 |
+
Model Parameters: 6.927 B, Latency: 2.63s, TFLOPs: 7.95, Samples/sec: 1.52, Time/seq 0.66s, Batch Size: 4, Sequence Length: 512
|
278 |
+
Model Parameters: 6.927 B, Latency: 2.38s, TFLOPs: 8.80, Samples/sec: 1.68, Time/seq 0.59s, Batch Size: 4, Sequence Length: 512
|
279 |
+
Model Parameters: 6.927 B, Latency: 1.58s, TFLOPs: 13.24, Samples/sec: 2.53, Time/seq 0.40s, Batch Size: 4, Sequence Length: 512
|
280 |
+
***** Evaluating perplexity, Epoch 1/10 *****
|
281 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
282 |
+
ppl: 3.473783493041992, loss: 1.2452443838119507
|
283 |
+
Beginning of Epoch 2/10, Total Micro Batches 6
|
284 |
+
Model Parameters: 6.927 B, Latency: 2.31s, TFLOPs: 9.07, Samples/sec: 1.73, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
285 |
+
Model Parameters: 6.927 B, Latency: 2.32s, TFLOPs: 9.01, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
286 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.10, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
287 |
+
[2023-12-06 04:40:57,343] [INFO] [logging.py:96:log_dist] [Rank 0] step=10, skipped=0, lr=[9.003572573259918e-06, 0.00046650635094610973, 9.003572573259918e-06], mom=[(0.9, 0.95), (0.9, 0.95), (0.9, 0.95)]
|
288 |
+
[2023-12-06 04:40:57,343] [INFO] [timer.py:260:stop] epoch=1/micro_step=4/global_step=10, RunningAvgSamplesPerSec=7.236305009057328, CurrSamplesPerSec=7.733712400366698, MemAllocated=6.45GB, MaxMemAllocated=8.41GB
|
289 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.11, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
290 |
+
Model Parameters: 6.927 B, Latency: 2.09s, TFLOPs: 10.04, Samples/sec: 1.92, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
291 |
+
Model Parameters: 6.927 B, Latency: 1.57s, TFLOPs: 13.36, Samples/sec: 2.55, Time/seq 0.39s, Batch Size: 4, Sequence Length: 512
|
292 |
+
***** Evaluating perplexity, Epoch 2/10 *****
|
293 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
294 |
+
ppl: 1.778276801109314, loss: 0.5756447911262512
|
295 |
+
Beginning of Epoch 3/10, Total Micro Batches 6
|
296 |
+
Model Parameters: 6.927 B, Latency: 2.31s, TFLOPs: 9.05, Samples/sec: 1.73, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
297 |
+
Model Parameters: 6.927 B, Latency: 2.32s, TFLOPs: 9.01, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
298 |
+
Model Parameters: 6.927 B, Latency: 2.11s, TFLOPs: 9.91, Samples/sec: 1.89, Time/seq 0.53s, Batch Size: 4, Sequence Length: 512
|
299 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.12, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
300 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.18, Samples/sec: 1.95, Time/seq 0.51s, Batch Size: 4, Sequence Length: 512
|
301 |
+
Model Parameters: 6.927 B, Latency: 1.57s, TFLOPs: 13.32, Samples/sec: 2.54, Time/seq 0.39s, Batch Size: 4, Sequence Length: 512
|
302 |
+
***** Evaluating perplexity, Epoch 3/10 *****
|
303 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
304 |
+
ppl: 1.1743606328964233, loss: 0.16072379052639008
|
305 |
+
Beginning of Epoch 4/10, Total Micro Batches 6
|
306 |
+
Model Parameters: 6.927 B, Latency: 2.33s, TFLOPs: 8.98, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
307 |
+
[2023-12-06 04:41:19,315] [INFO] [logging.py:96:log_dist] [Rank 0] step=20, skipped=0, lr=[7.237500000000001e-06, 0.000375, 7.237500000000001e-06], mom=[(0.9, 0.95), (0.9, 0.95), (0.9, 0.95)]
|
308 |
+
[2023-12-06 04:41:19,316] [INFO] [timer.py:260:stop] epoch=3/micro_step=2/global_step=20, RunningAvgSamplesPerSec=7.491063054773498, CurrSamplesPerSec=6.840971579160688, MemAllocated=6.45GB, MaxMemAllocated=8.42GB
|
309 |
+
Model Parameters: 6.927 B, Latency: 2.34s, TFLOPs: 8.94, Samples/sec: 1.71, Time/seq 0.59s, Batch Size: 4, Sequence Length: 512
|
310 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.18, Samples/sec: 1.94, Time/seq 0.51s, Batch Size: 4, Sequence Length: 512
|
311 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.17, Samples/sec: 1.94, Time/seq 0.51s, Batch Size: 4, Sequence Length: 512
|
312 |
+
Model Parameters: 6.927 B, Latency: 2.05s, TFLOPs: 10.19, Samples/sec: 1.95, Time/seq 0.51s, Batch Size: 4, Sequence Length: 512
|
313 |
+
Model Parameters: 6.927 B, Latency: 1.56s, TFLOPs: 13.39, Samples/sec: 2.56, Time/seq 0.39s, Batch Size: 4, Sequence Length: 512
|
314 |
+
***** Evaluating perplexity, Epoch 4/10 *****
|
315 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
316 |
+
ppl: 1.0426948070526123, loss: 0.04180852696299553
|
317 |
+
Beginning of Epoch 5/10, Total Micro Batches 6
|
318 |
+
Model Parameters: 6.927 B, Latency: 2.33s, TFLOPs: 9.00, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
319 |
+
Model Parameters: 6.927 B, Latency: 2.33s, TFLOPs: 8.99, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
320 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.15, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
321 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.13, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
322 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.14, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
323 |
+
[2023-12-06 04:41:40,115] [INFO] [logging.py:96:log_dist] [Rank 0] step=30, skipped=0, lr=[4.825e-06, 0.00025, 4.825e-06], mom=[(0.9, 0.95), (0.9, 0.95), (0.9, 0.95)]
|
324 |
+
[2023-12-06 04:41:40,116] [INFO] [timer.py:260:stop] epoch=4/micro_step=6/global_step=30, RunningAvgSamplesPerSec=7.642425087608659, CurrSamplesPerSec=9.97939015094399, MemAllocated=6.26GB, MaxMemAllocated=8.42GB
|
325 |
+
Model Parameters: 6.927 B, Latency: 1.60s, TFLOPs: 13.04, Samples/sec: 2.49, Time/seq 0.40s, Batch Size: 4, Sequence Length: 512
|
326 |
+
***** Evaluating perplexity, Epoch 5/10 *****
|
327 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
328 |
+
ppl: 1.0130127668380737, loss: 0.012928837910294533
|
329 |
+
Beginning of Epoch 6/10, Total Micro Batches 6
|
330 |
+
Model Parameters: 6.927 B, Latency: 2.31s, TFLOPs: 9.08, Samples/sec: 1.73, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
331 |
+
Model Parameters: 6.927 B, Latency: 2.34s, TFLOPs: 8.93, Samples/sec: 1.71, Time/seq 0.59s, Batch Size: 4, Sequence Length: 512
|
332 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.16, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
333 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.15, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
334 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.15, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
335 |
+
Model Parameters: 6.927 B, Latency: 1.57s, TFLOPs: 13.31, Samples/sec: 2.54, Time/seq 0.39s, Batch Size: 4, Sequence Length: 512
|
336 |
+
***** Evaluating perplexity, Epoch 6/10 *****
|
337 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
338 |
+
ppl: 1.006258487701416, loss: 0.0062390221282839775
|
339 |
+
Beginning of Epoch 7/10, Total Micro Batches 6
|
340 |
+
Model Parameters: 6.927 B, Latency: 2.31s, TFLOPs: 9.06, Samples/sec: 1.73, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
341 |
+
Model Parameters: 6.927 B, Latency: 2.33s, TFLOPs: 9.00, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
342 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.15, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
343 |
+
[2023-12-06 04:42:02,526] [INFO] [logging.py:96:log_dist] [Rank 0] step=40, skipped=0, lr=[2.4125000000000015e-06, 0.00012500000000000006, 2.4125000000000015e-06], mom=[(0.9, 0.95), (0.9, 0.95), (0.9, 0.95)]
|
344 |
+
[2023-12-06 04:42:02,526] [INFO] [timer.py:260:stop] epoch=6/micro_step=4/global_step=40, RunningAvgSamplesPerSec=7.620713816433709, CurrSamplesPerSec=7.736858876659631, MemAllocated=6.45GB, MaxMemAllocated=8.42GB
|
345 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.12, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
346 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.09, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
347 |
+
Model Parameters: 6.927 B, Latency: 1.58s, TFLOPs: 13.22, Samples/sec: 2.53, Time/seq 0.40s, Batch Size: 4, Sequence Length: 512
|
348 |
+
***** Evaluating perplexity, Epoch 7/10 *****
|
349 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
350 |
+
ppl: 1.0054712295532227, loss: 0.005456325598061085
|
351 |
+
Beginning of Epoch 8/10, Total Micro Batches 6
|
352 |
+
Model Parameters: 6.927 B, Latency: 2.31s, TFLOPs: 9.06, Samples/sec: 1.73, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
353 |
+
Model Parameters: 6.927 B, Latency: 2.33s, TFLOPs: 8.97, Samples/sec: 1.71, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
354 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.09, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
355 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.09, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
356 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.10, Samples/sec: 1.93, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
357 |
+
Model Parameters: 6.927 B, Latency: 1.59s, TFLOPs: 13.14, Samples/sec: 2.51, Time/seq 0.40s, Batch Size: 4, Sequence Length: 512
|
358 |
+
***** Evaluating perplexity, Epoch 8/10 *****
|
359 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
360 |
+
ppl: 1.005515694618225, loss: 0.0055005596950650215
|
361 |
+
Beginning of Epoch 9/10, Total Micro Batches 6
|
362 |
+
Model Parameters: 6.927 B, Latency: 2.30s, TFLOPs: 9.09, Samples/sec: 1.74, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
363 |
+
[2023-12-06 04:42:24,503] [INFO] [logging.py:96:log_dist] [Rank 0] step=50, skipped=0, lr=[6.464274267400833e-07, 3.3493649053890325e-05, 6.464274267400833e-07], mom=[(0.9, 0.95), (0.9, 0.95), (0.9, 0.95)]
|
364 |
+
[2023-12-06 04:42:24,503] [INFO] [timer.py:260:stop] epoch=8/micro_step=2/global_step=50, RunningAvgSamplesPerSec=7.638560733715662, CurrSamplesPerSec=6.81366785411214, MemAllocated=6.45GB, MaxMemAllocated=8.42GB
|
365 |
+
Model Parameters: 6.927 B, Latency: 2.35s, TFLOPs: 8.91, Samples/sec: 1.70, Time/seq 0.59s, Batch Size: 4, Sequence Length: 512
|
366 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.15, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
367 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.14, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
368 |
+
Model Parameters: 6.927 B, Latency: 2.07s, TFLOPs: 10.13, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
369 |
+
Model Parameters: 6.927 B, Latency: 1.59s, TFLOPs: 13.19, Samples/sec: 2.52, Time/seq 0.40s, Batch Size: 4, Sequence Length: 512
|
370 |
+
***** Evaluating perplexity, Epoch 9/10 *****
|
371 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
372 |
+
ppl: 1.0054373741149902, loss: 0.005422617308795452
|
373 |
+
Beginning of Epoch 10/10, Total Micro Batches 6
|
374 |
+
Model Parameters: 6.927 B, Latency: 2.31s, TFLOPs: 9.08, Samples/sec: 1.74, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
375 |
+
Model Parameters: 6.927 B, Latency: 2.32s, TFLOPs: 9.02, Samples/sec: 1.72, Time/seq 0.58s, Batch Size: 4, Sequence Length: 512
|
376 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.15, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
377 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.14, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
378 |
+
Model Parameters: 6.927 B, Latency: 2.06s, TFLOPs: 10.15, Samples/sec: 1.94, Time/seq 0.52s, Batch Size: 4, Sequence Length: 512
|
379 |
+
[2023-12-06 04:42:45,284] [INFO] [logging.py:96:log_dist] [Rank 0] step=60, skipped=0, lr=[0.0, 0.0, 0.0], mom=[(0.9, 0.95), (0.9, 0.95), (0.9, 0.95)]
|
380 |
+
[2023-12-06 04:42:45,284] [INFO] [timer.py:260:stop] epoch=9/micro_step=6/global_step=60, RunningAvgSamplesPerSec=7.688756169911607, CurrSamplesPerSec=10.190957881216764, MemAllocated=6.26GB, MaxMemAllocated=8.42GB
|
381 |
+
Model Parameters: 6.927 B, Latency: 1.57s, TFLOPs: 13.32, Samples/sec: 2.55, Time/seq 0.39s, Batch Size: 4, Sequence Length: 512
|
382 |
+
***** Evaluating perplexity, Epoch 10/10 *****
|
383 |
+
Invalidate trace cache @ step 0: expected module 0, but got module 6
|
384 |
+
ppl: 1.005433440208435, loss: 0.005418714135885239
|
385 |
+
saving the final model ...
|
386 |
+
[2023-12-06 04:42:59,262] [INFO] [launch.py:347:main] Process 2519341 exits successfully.
|
387 |
+
[2023-12-06 04:42:59,263] [INFO] [launch.py:347:main] Process 2519342 exits successfully.
|
388 |
+
[2023-12-06 04:42:59,263] [INFO] [launch.py:347:main] Process 2519343 exits successfully.
|
389 |
+
[2023-12-06 04:44:22,272] [INFO] [launch.py:347:main] Process 2519340 exits successfully.
|