Jeckmu's picture
Upload folder using huggingface_hub
fea19af verified
[INFO|2025-02-10 13:58:05] configuration_utils.py:696 >> loading configuration file config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/config.json
[INFO|2025-02-10 13:58:05] configuration_utils.py:768 >> Model config Qwen2VLConfig {
"_name_or_path": "Qwen/Qwen2-VL-7B-Instruct-GPTQ-Int8",
"architectures": [
"Qwen2VLForConditionalGeneration"
],
"attention_dropout": 0.0,
"bos_token_id": 151643,
"eos_token_id": 151645,
"hidden_act": "silu",
"hidden_size": 3584,
"image_token_id": 151655,
"initializer_range": 0.02,
"intermediate_size": 18944,
"max_position_embeddings": 32768,
"max_window_layers": 28,
"model_type": "qwen2_vl",
"num_attention_heads": 28,
"num_hidden_layers": 28,
"num_key_value_heads": 4,
"quantization_config": {
"bits": 8,
"damp_percent": 0.1,
"dataset": null,
"desc_act": false,
"group_size": 128,
"modules_in_block_to_quantize": null,
"quant_method": "gptq",
"sym": true,
"true_sequential": true
},
"rms_norm_eps": 1e-06,
"rope_scaling": {
"mrope_section": [
16,
24,
24
],
"rope_type": "default",
"type": "default"
},
"rope_theta": 1000000.0,
"sliding_window": 32768,
"tie_word_embeddings": false,
"torch_dtype": "float16",
"transformers_version": "4.48.2",
"use_cache": true,
"use_sliding_window": false,
"video_token_id": 151656,
"vision_config": {
"in_chans": 3,
"model_type": "qwen2_vl",
"spatial_patch_size": 14
},
"vision_end_token_id": 151653,
"vision_start_token_id": 151652,
"vision_token_id": 151654,
"vocab_size": 152064
}
[INFO|2025-02-10 13:58:05] tokenization_utils_base.py:2034 >> loading file vocab.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/vocab.json
[INFO|2025-02-10 13:58:05] tokenization_utils_base.py:2034 >> loading file merges.txt from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/merges.txt
[INFO|2025-02-10 13:58:05] tokenization_utils_base.py:2034 >> loading file tokenizer.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/tokenizer.json
[INFO|2025-02-10 13:58:05] tokenization_utils_base.py:2034 >> loading file added_tokens.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/added_tokens.json
[INFO|2025-02-10 13:58:05] tokenization_utils_base.py:2034 >> loading file special_tokens_map.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/special_tokens_map.json
[INFO|2025-02-10 13:58:05] tokenization_utils_base.py:2034 >> loading file tokenizer_config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/tokenizer_config.json
[INFO|2025-02-10 13:58:05] tokenization_utils_base.py:2034 >> loading file chat_template.jinja from cache at None
[INFO|2025-02-10 13:58:05] tokenization_utils_base.py:2304 >> Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.
[INFO|2025-02-10 13:58:06] image_processing_base.py:381 >> loading configuration file preprocessor_config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/preprocessor_config.json
[INFO|2025-02-10 13:58:06] image_processing_base.py:381 >> loading configuration file preprocessor_config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/preprocessor_config.json
[INFO|2025-02-10 13:58:06] image_processing_base.py:434 >> Image processor Qwen2VLImageProcessor {
"do_convert_rgb": true,
"do_normalize": true,
"do_rescale": true,
"do_resize": true,
"image_mean": [
0.48145466,
0.4578275,
0.40821073
],
"image_processor_type": "Qwen2VLImageProcessor",
"image_std": [
0.26862954,
0.26130258,
0.27577711
],
"max_pixels": 12845056,
"merge_size": 2,
"min_pixels": 3136,
"patch_size": 14,
"processor_class": "Qwen2VLProcessor",
"resample": 3,
"rescale_factor": 0.00392156862745098,
"size": {
"max_pixels": 12845056,
"min_pixels": 3136
},
"temporal_patch_size": 2
}
[INFO|2025-02-10 13:58:07] tokenization_utils_base.py:2034 >> loading file vocab.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/vocab.json
[INFO|2025-02-10 13:58:07] tokenization_utils_base.py:2034 >> loading file merges.txt from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/merges.txt
[INFO|2025-02-10 13:58:07] tokenization_utils_base.py:2034 >> loading file tokenizer.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/tokenizer.json
[INFO|2025-02-10 13:58:07] tokenization_utils_base.py:2034 >> loading file added_tokens.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/added_tokens.json
[INFO|2025-02-10 13:58:07] tokenization_utils_base.py:2034 >> loading file special_tokens_map.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/special_tokens_map.json
[INFO|2025-02-10 13:58:07] tokenization_utils_base.py:2034 >> loading file tokenizer_config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/tokenizer_config.json
[INFO|2025-02-10 13:58:07] tokenization_utils_base.py:2034 >> loading file chat_template.jinja from cache at None
[INFO|2025-02-10 13:58:07] tokenization_utils_base.py:2304 >> Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.
[INFO|2025-02-10 13:58:08] processing_utils.py:780 >> Processor Qwen2VLProcessor:
- image_processor: Qwen2VLImageProcessor {
"do_convert_rgb": true,
"do_normalize": true,
"do_rescale": true,
"do_resize": true,
"image_mean": [
0.48145466,
0.4578275,
0.40821073
],
"image_processor_type": "Qwen2VLImageProcessor",
"image_std": [
0.26862954,
0.26130258,
0.27577711
],
"max_pixels": 12845056,
"merge_size": 2,
"min_pixels": 3136,
"patch_size": 14,
"processor_class": "Qwen2VLProcessor",
"resample": 3,
"rescale_factor": 0.00392156862745098,
"size": {
"max_pixels": 12845056,
"min_pixels": 3136
},
"temporal_patch_size": 2
}
- tokenizer: Qwen2TokenizerFast(name_or_path='Qwen/Qwen2-VL-7B-Instruct-GPTQ-Int8', vocab_size=151643, model_max_length=32768, is_fast=True, padding_side='left', truncation_side='right', special_tokens={'eos_token': '<|im_end|>', 'pad_token': '<|endoftext|>', 'additional_special_tokens': ['<|im_start|>', '<|im_end|>', '<|object_ref_start|>', '<|object_ref_end|>', '<|box_start|>', '<|box_end|>', '<|quad_start|>', '<|quad_end|>', '<|vision_start|>', '<|vision_end|>', '<|vision_pad|>', '<|image_pad|>', '<|video_pad|>']}, clean_up_tokenization_spaces=False, added_tokens_decoder={
151643: AddedToken("<|endoftext|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151644: AddedToken("<|im_start|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151645: AddedToken("<|im_end|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151646: AddedToken("<|object_ref_start|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151647: AddedToken("<|object_ref_end|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151648: AddedToken("<|box_start|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151649: AddedToken("<|box_end|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151650: AddedToken("<|quad_start|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151651: AddedToken("<|quad_end|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151652: AddedToken("<|vision_start|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151653: AddedToken("<|vision_end|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151654: AddedToken("<|vision_pad|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151655: AddedToken("<|image_pad|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
151656: AddedToken("<|video_pad|>", rstrip=False, lstrip=False, single_word=False, normalized=False, special=True),
}
)
{
"processor_class": "Qwen2VLProcessor"
}
[INFO|2025-02-10 13:58:08] logging.py:157 >> Add <|im_end|> to stop words.
[INFO|2025-02-10 13:58:08] logging.py:157 >> Loading dataset qwen2_vl_dora.json...
[INFO|2025-02-10 13:58:22] configuration_utils.py:696 >> loading configuration file config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/config.json
[INFO|2025-02-10 13:58:22] configuration_utils.py:768 >> Model config Qwen2VLConfig {
"_name_or_path": "Qwen/Qwen2-VL-7B-Instruct-GPTQ-Int8",
"architectures": [
"Qwen2VLForConditionalGeneration"
],
"attention_dropout": 0.0,
"bos_token_id": 151643,
"eos_token_id": 151645,
"hidden_act": "silu",
"hidden_size": 3584,
"image_token_id": 151655,
"initializer_range": 0.02,
"intermediate_size": 18944,
"max_position_embeddings": 32768,
"max_window_layers": 28,
"model_type": "qwen2_vl",
"num_attention_heads": 28,
"num_hidden_layers": 28,
"num_key_value_heads": 4,
"quantization_config": {
"bits": 8,
"damp_percent": 0.1,
"dataset": null,
"desc_act": false,
"group_size": 128,
"modules_in_block_to_quantize": null,
"quant_method": "gptq",
"sym": true,
"true_sequential": true
},
"rms_norm_eps": 1e-06,
"rope_scaling": {
"mrope_section": [
16,
24,
24
],
"rope_type": "default",
"type": "default"
},
"rope_theta": 1000000.0,
"sliding_window": 32768,
"tie_word_embeddings": false,
"torch_dtype": "float16",
"transformers_version": "4.48.2",
"use_cache": true,
"use_sliding_window": false,
"video_token_id": 151656,
"vision_config": {
"in_chans": 3,
"model_type": "qwen2_vl",
"spatial_patch_size": 14
},
"vision_end_token_id": 151653,
"vision_start_token_id": 151652,
"vision_token_id": 151654,
"vocab_size": 152064
}
[INFO|2025-02-10 13:58:22] logging.py:157 >> Loading 8-bit GPTQ-quantized model.
[INFO|2025-02-10 13:58:23] modeling_utils.py:3904 >> loading weights file model.safetensors from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/model.safetensors.index.json
[INFO|2025-02-10 14:02:26] modeling_utils.py:1582 >> Instantiating Qwen2VLForConditionalGeneration model under default dtype torch.float16.
[INFO|2025-02-10 14:02:26] configuration_utils.py:1140 >> Generate config GenerationConfig {
"bos_token_id": 151643,
"eos_token_id": 151645
}
[INFO|2025-02-10 14:02:26] modeling_utils.py:1582 >> Instantiating Qwen2VisionTransformerPretrainedModel model under default dtype torch.float16.
[WARNING|2025-02-10 14:02:26] logging.py:328 >> `Qwen2VLRotaryEmbedding` can now be fully parameterized by passing the model config through the `config` argument. All other arguments will be removed in v4.46
[WARNING|2025-02-10 14:02:26] logging.py:328 >> `loss_type=None` was set in the config but it is unrecognised.Using the default loss: `ForCausalLMLoss`.
[INFO|2025-02-10 14:02:32] modeling_utils.py:4888 >> All model checkpoint weights were used when initializing Qwen2VLForConditionalGeneration.
[INFO|2025-02-10 14:02:32] modeling_utils.py:4896 >> All the weights of Qwen2VLForConditionalGeneration were initialized from the model checkpoint at Qwen/Qwen2-VL-7B-Instruct-GPTQ-Int8.
If your task is similar to the task the model of the checkpoint was trained on, you can already use Qwen2VLForConditionalGeneration for predictions without further training.
[INFO|2025-02-10 14:02:33] configuration_utils.py:1095 >> loading configuration file generation_config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/generation_config.json
[INFO|2025-02-10 14:02:33] configuration_utils.py:1140 >> Generate config GenerationConfig {
"bos_token_id": 151643,
"do_sample": true,
"eos_token_id": [
151645,
151643
],
"pad_token_id": 151643,
"temperature": 0.01,
"top_k": 1,
"top_p": 0.001
}
[INFO|2025-02-10 14:02:33] logging.py:157 >> Gradient checkpointing enabled.
[INFO|2025-02-10 14:02:33] logging.py:157 >> Casting multimodal projector outputs in torch.float16.
[INFO|2025-02-10 14:02:33] logging.py:157 >> Using torch SDPA for faster training and inference.
[INFO|2025-02-10 14:02:33] logging.py:157 >> Upcasting trainable params to float32.
[INFO|2025-02-10 14:02:33] logging.py:157 >> Fine-tuning method: LoRA
[INFO|2025-02-10 14:02:33] logging.py:157 >> Found linear modules: down_proj,gate_proj,v_proj,up_proj,k_proj,o_proj,q_proj
[INFO|2025-02-10 14:02:33] logging.py:157 >> Set vision model not trainable: ['visual.patch_embed', 'visual.blocks'].
[INFO|2025-02-10 14:02:33] logging.py:157 >> trainable params: 20,185,088 || all params: 1,786,143,232 || trainable%: 1.1301
[INFO|2025-02-10 14:02:33] trainer.py:741 >> Using auto half precision backend
[INFO|2025-02-10 14:02:33] trainer.py:2369 >> ***** Running training *****
[INFO|2025-02-10 14:02:33] trainer.py:2370 >> Num examples = 565
[INFO|2025-02-10 14:02:33] trainer.py:2371 >> Num Epochs = 3
[INFO|2025-02-10 14:02:33] trainer.py:2372 >> Instantaneous batch size per device = 2
[INFO|2025-02-10 14:02:33] trainer.py:2375 >> Total train batch size (w. parallel, distributed & accumulation) = 16
[INFO|2025-02-10 14:02:33] trainer.py:2376 >> Gradient Accumulation steps = 8
[INFO|2025-02-10 14:02:33] trainer.py:2377 >> Total optimization steps = 105
[INFO|2025-02-10 14:02:33] trainer.py:2378 >> Number of trainable parameters = 20,185,088
[INFO|2025-02-10 14:06:00] logging.py:157 >> {'loss': 0.4843, 'learning_rate': 4.9721e-05, 'epoch': 0.14, 'throughput': 432.13}
[INFO|2025-02-10 14:09:09] logging.py:157 >> {'loss': 0.2710, 'learning_rate': 4.8889e-05, 'epoch': 0.28, 'throughput': 438.72}
[INFO|2025-02-10 14:12:14] logging.py:157 >> {'loss': 0.3194, 'learning_rate': 4.7524e-05, 'epoch': 0.42, 'throughput': 441.57}
[INFO|2025-02-10 14:15:54] logging.py:157 >> {'loss': 0.2881, 'learning_rate': 4.5656e-05, 'epoch': 0.57, 'throughput': 441.98}
[INFO|2025-02-10 14:19:18] logging.py:157 >> {'loss': 0.2433, 'learning_rate': 4.3326e-05, 'epoch': 0.71, 'throughput': 442.81}
[INFO|2025-02-10 14:22:43] logging.py:157 >> {'loss': 0.1921, 'learning_rate': 4.0587e-05, 'epoch': 0.85, 'throughput': 443.39}
[INFO|2025-02-10 14:25:59] logging.py:157 >> {'loss': 0.1475, 'learning_rate': 3.7500e-05, 'epoch': 0.99, 'throughput': 442.72}
[INFO|2025-02-10 14:29:00] logging.py:157 >> {'loss': 0.1183, 'learning_rate': 3.4134e-05, 'epoch': 1.11, 'throughput': 443.07}
[INFO|2025-02-10 14:32:28] logging.py:157 >> {'loss': 0.0833, 'learning_rate': 3.0563e-05, 'epoch': 1.25, 'throughput': 443.43}
[INFO|2025-02-10 14:35:43] logging.py:157 >> {'loss': 0.1549, 'learning_rate': 2.6868e-05, 'epoch': 1.40, 'throughput': 442.20}
[INFO|2025-02-10 14:35:43] trainer.py:3910 >> Saving model checkpoint to saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-50
[INFO|2025-02-10 14:35:44] configuration_utils.py:696 >> loading configuration file config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/config.json
[INFO|2025-02-10 14:35:44] configuration_utils.py:768 >> Model config Qwen2VLConfig {
"_name_or_path": "Qwen/Qwen2-VL-7B-Instruct-319-PRO",
"architectures": [
"Qwen2VLForConditionalGeneration"
],
"attention_dropout": 0.0,
"bos_token_id": 151643,
"eos_token_id": 151645,
"hidden_act": "silu",
"hidden_size": 3584,
"image_token_id": 151655,
"initializer_range": 0.02,
"intermediate_size": 18944,
"max_position_embeddings": 32768,
"max_window_layers": 28,
"model_type": "qwen2_vl",
"num_attention_heads": 28,
"num_hidden_layers": 28,
"num_key_value_heads": 4,
"quantization_config": {
"bits": 8,
"damp_percent": 0.1,
"dataset": null,
"desc_act": false,
"group_size": 128,
"modules_in_block_to_quantize": null,
"quant_method": "gptq",
"sym": true,
"true_sequential": true
},
"rms_norm_eps": 1e-06,
"rope_scaling": {
"mrope_section": [
16,
24,
24
],
"rope_type": "default",
"type": "default"
},
"rope_theta": 1000000.0,
"sliding_window": 32768,
"tie_word_embeddings": false,
"torch_dtype": "float16",
"transformers_version": "4.48.2",
"use_cache": true,
"use_sliding_window": false,
"video_token_id": 151656,
"vision_config": {
"in_chans": 3,
"model_type": "qwen2_vl",
"spatial_patch_size": 14
},
"vision_end_token_id": 151653,
"vision_start_token_id": 151652,
"vision_token_id": 151654,
"vocab_size": 152064
}
[INFO|2025-02-10 14:35:44] tokenization_utils_base.py:2491 >> tokenizer config file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-50/tokenizer_config.json
[INFO|2025-02-10 14:35:44] tokenization_utils_base.py:2500 >> Special tokens file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-50/special_tokens_map.json
[INFO|2025-02-10 14:35:45] image_processing_base.py:261 >> Image processor saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-50/preprocessor_config.json
[INFO|2025-02-10 14:35:45] tokenization_utils_base.py:2491 >> tokenizer config file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-50/tokenizer_config.json
[INFO|2025-02-10 14:35:45] tokenization_utils_base.py:2500 >> Special tokens file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-50/special_tokens_map.json
[INFO|2025-02-10 14:35:45] processing_utils.py:546 >> chat template saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-50/chat_template.json
[INFO|2025-02-10 14:39:06] logging.py:157 >> {'loss': 0.1048, 'learning_rate': 2.3132e-05, 'epoch': 1.54, 'throughput': 442.17}
[INFO|2025-02-10 14:42:34] logging.py:157 >> {'loss': 0.1268, 'learning_rate': 1.9437e-05, 'epoch': 1.68, 'throughput': 441.09}
[INFO|2025-02-10 14:45:41] logging.py:157 >> {'loss': 0.0301, 'learning_rate': 1.5866e-05, 'epoch': 1.82, 'throughput': 441.67}
[INFO|2025-02-10 14:49:05] logging.py:157 >> {'loss': 0.0827, 'learning_rate': 1.2500e-05, 'epoch': 1.96, 'throughput': 442.04}
[INFO|2025-02-10 14:51:39] logging.py:157 >> {'loss': 0.0773, 'learning_rate': 9.4128e-06, 'epoch': 2.08, 'throughput': 442.46}
[INFO|2025-02-10 14:54:44] logging.py:157 >> {'loss': 0.0324, 'learning_rate': 6.6737e-06, 'epoch': 2.23, 'throughput': 442.66}
[INFO|2025-02-10 14:58:09] logging.py:157 >> {'loss': 0.0619, 'learning_rate': 4.3440e-06, 'epoch': 2.37, 'throughput': 442.78}
[INFO|2025-02-10 15:01:45] logging.py:157 >> {'loss': 0.0218, 'learning_rate': 2.4758e-06, 'epoch': 2.51, 'throughput': 441.97}
[INFO|2025-02-10 15:05:01] logging.py:157 >> {'loss': 0.0275, 'learning_rate': 1.1107e-06, 'epoch': 2.65, 'throughput': 442.21}
[INFO|2025-02-10 15:08:25] logging.py:157 >> {'loss': 0.1130, 'learning_rate': 2.7923e-07, 'epoch': 2.79, 'throughput': 441.99}
[INFO|2025-02-10 15:08:25] trainer.py:3910 >> Saving model checkpoint to saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-100
[INFO|2025-02-10 15:08:25] configuration_utils.py:696 >> loading configuration file config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/config.json
[INFO|2025-02-10 15:08:25] configuration_utils.py:768 >> Model config Qwen2VLConfig {
"_name_or_path": "Qwen/Qwen2-VL-7B-Instruct-319-PRO",
"architectures": [
"Qwen2VLForConditionalGeneration"
],
"attention_dropout": 0.0,
"bos_token_id": 151643,
"eos_token_id": 151645,
"hidden_act": "silu",
"hidden_size": 3584,
"image_token_id": 151655,
"initializer_range": 0.02,
"intermediate_size": 18944,
"max_position_embeddings": 32768,
"max_window_layers": 28,
"model_type": "qwen2_vl",
"num_attention_heads": 28,
"num_hidden_layers": 28,
"num_key_value_heads": 4,
"quantization_config": {
"bits": 8,
"damp_percent": 0.1,
"dataset": null,
"desc_act": false,
"group_size": 128,
"modules_in_block_to_quantize": null,
"quant_method": "gptq",
"sym": true,
"true_sequential": true
},
"rms_norm_eps": 1e-06,
"rope_scaling": {
"mrope_section": [
16,
24,
24
],
"rope_type": "default",
"type": "default"
},
"rope_theta": 1000000.0,
"sliding_window": 32768,
"tie_word_embeddings": false,
"torch_dtype": "float16",
"transformers_version": "4.48.2",
"use_cache": true,
"use_sliding_window": false,
"video_token_id": 151656,
"vision_config": {
"in_chans": 3,
"model_type": "qwen2_vl",
"spatial_patch_size": 14
},
"vision_end_token_id": 151653,
"vision_start_token_id": 151652,
"vision_token_id": 151654,
"vocab_size": 152064
}
[INFO|2025-02-10 15:08:26] tokenization_utils_base.py:2491 >> tokenizer config file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-100/tokenizer_config.json
[INFO|2025-02-10 15:08:26] tokenization_utils_base.py:2500 >> Special tokens file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-100/special_tokens_map.json
[INFO|2025-02-10 15:08:26] image_processing_base.py:261 >> Image processor saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-100/preprocessor_config.json
[INFO|2025-02-10 15:08:26] tokenization_utils_base.py:2491 >> tokenizer config file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-100/tokenizer_config.json
[INFO|2025-02-10 15:08:26] tokenization_utils_base.py:2500 >> Special tokens file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-100/special_tokens_map.json
[INFO|2025-02-10 15:08:27] processing_utils.py:546 >> chat template saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-100/chat_template.json
[INFO|2025-02-10 15:12:02] logging.py:157 >> {'loss': 0.0585, 'learning_rate': 0.0000e+00, 'epoch': 2.93, 'throughput': 441.60}
[INFO|2025-02-10 15:12:02] trainer.py:3910 >> Saving model checkpoint to saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-105
[INFO|2025-02-10 15:12:03] configuration_utils.py:696 >> loading configuration file config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/config.json
[INFO|2025-02-10 15:12:03] configuration_utils.py:768 >> Model config Qwen2VLConfig {
"_name_or_path": "Qwen/Qwen2-VL-7B-Instruct-319-PRO",
"architectures": [
"Qwen2VLForConditionalGeneration"
],
"attention_dropout": 0.0,
"bos_token_id": 151643,
"eos_token_id": 151645,
"hidden_act": "silu",
"hidden_size": 3584,
"image_token_id": 151655,
"initializer_range": 0.02,
"intermediate_size": 18944,
"max_position_embeddings": 32768,
"max_window_layers": 28,
"model_type": "qwen2_vl",
"num_attention_heads": 28,
"num_hidden_layers": 28,
"num_key_value_heads": 4,
"quantization_config": {
"bits": 8,
"damp_percent": 0.1,
"dataset": null,
"desc_act": false,
"group_size": 128,
"modules_in_block_to_quantize": null,
"quant_method": "gptq",
"sym": true,
"true_sequential": true
},
"rms_norm_eps": 1e-06,
"rope_scaling": {
"mrope_section": [
16,
24,
24
],
"rope_type": "default",
"type": "default"
},
"rope_theta": 1000000.0,
"sliding_window": 32768,
"tie_word_embeddings": false,
"torch_dtype": "float16",
"transformers_version": "4.48.2",
"use_cache": true,
"use_sliding_window": false,
"video_token_id": 151656,
"vision_config": {
"in_chans": 3,
"model_type": "qwen2_vl",
"spatial_patch_size": 14
},
"vision_end_token_id": 151653,
"vision_start_token_id": 151652,
"vision_token_id": 151654,
"vocab_size": 152064
}
[INFO|2025-02-10 15:12:03] tokenization_utils_base.py:2491 >> tokenizer config file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-105/tokenizer_config.json
[INFO|2025-02-10 15:12:03] tokenization_utils_base.py:2500 >> Special tokens file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-105/special_tokens_map.json
[INFO|2025-02-10 15:12:03] image_processing_base.py:261 >> Image processor saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-105/preprocessor_config.json
[INFO|2025-02-10 15:12:03] tokenization_utils_base.py:2491 >> tokenizer config file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-105/tokenizer_config.json
[INFO|2025-02-10 15:12:03] tokenization_utils_base.py:2500 >> Special tokens file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-105/special_tokens_map.json
[INFO|2025-02-10 15:12:04] processing_utils.py:546 >> chat template saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/checkpoint-105/chat_template.json
[INFO|2025-02-10 15:12:04] trainer.py:2643 >>
Training completed. Do not forget to share your model on huggingface.co/models =)
[INFO|2025-02-10 15:12:04] image_processing_base.py:261 >> Image processor saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/preprocessor_config.json
[INFO|2025-02-10 15:12:04] tokenization_utils_base.py:2491 >> tokenizer config file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/tokenizer_config.json
[INFO|2025-02-10 15:12:04] tokenization_utils_base.py:2500 >> Special tokens file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/special_tokens_map.json
[INFO|2025-02-10 15:12:04] processing_utils.py:546 >> chat template saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/chat_template.json
[INFO|2025-02-10 15:12:04] trainer.py:3910 >> Saving model checkpoint to saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8
[INFO|2025-02-10 15:12:05] configuration_utils.py:696 >> loading configuration file config.json from cache at /home/intern01/.cache/huggingface/hub/models--Qwen--Qwen2-VL-7B-Instruct-GPTQ-Int8/snapshots/0768122e31eb1dfe970d3910cb5aa5911be9e309/config.json
[INFO|2025-02-10 15:12:05] configuration_utils.py:768 >> Model config Qwen2VLConfig {
"_name_or_path": "Qwen/Qwen2-VL-7B-Instruct-319-PRO",
"architectures": [
"Qwen2VLForConditionalGeneration"
],
"attention_dropout": 0.0,
"bos_token_id": 151643,
"eos_token_id": 151645,
"hidden_act": "silu",
"hidden_size": 3584,
"image_token_id": 151655,
"initializer_range": 0.02,
"intermediate_size": 18944,
"max_position_embeddings": 32768,
"max_window_layers": 28,
"model_type": "qwen2_vl",
"num_attention_heads": 28,
"num_hidden_layers": 28,
"num_key_value_heads": 4,
"quantization_config": {
"bits": 8,
"damp_percent": 0.1,
"dataset": null,
"desc_act": false,
"group_size": 128,
"modules_in_block_to_quantize": null,
"quant_method": "gptq",
"sym": true,
"true_sequential": true
},
"rms_norm_eps": 1e-06,
"rope_scaling": {
"mrope_section": [
16,
24,
24
],
"rope_type": "default",
"type": "default"
},
"rope_theta": 1000000.0,
"sliding_window": 32768,
"tie_word_embeddings": false,
"torch_dtype": "float16",
"transformers_version": "4.48.2",
"use_cache": true,
"use_sliding_window": false,
"video_token_id": 151656,
"vision_config": {
"in_chans": 3,
"model_type": "qwen2_vl",
"spatial_patch_size": 14
},
"vision_end_token_id": 151653,
"vision_start_token_id": 151652,
"vision_token_id": 151654,
"vocab_size": 152064
}
[INFO|2025-02-10 15:12:05] tokenization_utils_base.py:2491 >> tokenizer config file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/tokenizer_config.json
[INFO|2025-02-10 15:12:05] tokenization_utils_base.py:2500 >> Special tokens file saved in saves/Qwen2-VL-7B-Instruct-GPTQ-Int8/lora/250210_Abroad_LoRA_7B_INT8/special_tokens_map.json
[WARNING|2025-02-10 15:12:05] logging.py:162 >> No metric eval_loss to plot.
[WARNING|2025-02-10 15:12:05] logging.py:162 >> No metric eval_accuracy to plot.
[INFO|2025-02-10 15:12:05] modelcard.py:449 >> Dropping the following result as it does not have all the necessary fields:
{'task': {'name': 'Causal Language Modeling', 'type': 'text-generation'}}