File size: 10,391 Bytes
4deee95
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
2024-12-23 06:24:33,393 INFO    MainThread:632 [wandb_setup.py:_flush():68] Current SDK version is 0.19.1
2024-12-23 06:24:33,393 INFO    MainThread:632 [wandb_setup.py:_flush():68] Configure stats pid to 632
2024-12-23 06:24:33,393 INFO    MainThread:632 [wandb_setup.py:_flush():68] Loading settings from /root/.config/wandb/settings
2024-12-23 06:24:33,393 INFO    MainThread:632 [wandb_setup.py:_flush():68] Loading settings from /content/smollm-fine-tuning/wandb/settings
2024-12-23 06:24:33,393 INFO    MainThread:632 [wandb_setup.py:_flush():68] Loading settings from environment variables
2024-12-23 06:24:33,393 INFO    MainThread:632 [wandb_init.py:_log_setup():528] Logging user logs to /content/smollm-fine-tuning/wandb/run-20241223_062433-kk1dm8nx/logs/debug.log
2024-12-23 06:24:33,393 INFO    MainThread:632 [wandb_init.py:_log_setup():529] Logging internal logs to /content/smollm-fine-tuning/wandb/run-20241223_062433-kk1dm8nx/logs/debug-internal.log
2024-12-23 06:24:33,393 INFO    MainThread:632 [wandb_init.py:_jupyter_setup():474] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x78e9883258d0>
2024-12-23 06:24:33,394 INFO    MainThread:632 [wandb_init.py:init():644] calling init triggers
2024-12-23 06:24:33,394 INFO    MainThread:632 [wandb_init.py:init():650] wandb.init called with sweep_config: {}
config: {}
2024-12-23 06:24:33,394 INFO    MainThread:632 [wandb_init.py:init():680] starting backend
2024-12-23 06:24:33,394 INFO    MainThread:632 [wandb_init.py:init():684] sending inform_init request
2024-12-23 06:24:33,400 INFO    MainThread:632 [backend.py:_multiprocessing_setup():104] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
2024-12-23 06:24:33,400 INFO    MainThread:632 [wandb_init.py:init():697] backend started and connected
2024-12-23 06:24:33,414 INFO    MainThread:632 [wandb_run.py:_label_probe_notebook():1222] probe notebook
2024-12-23 06:24:36,588 INFO    MainThread:632 [wandb_init.py:init():790] updated telemetry
2024-12-23 06:24:36,594 INFO    MainThread:632 [wandb_init.py:init():822] communicating run to backend with 90.0 second timeout
2024-12-23 06:24:36,712 INFO    MainThread:632 [wandb_init.py:init():874] starting run threads in backend
2024-12-23 06:24:37,146 INFO    MainThread:632 [wandb_run.py:_console_start():2374] atexit reg
2024-12-23 06:24:37,147 INFO    MainThread:632 [wandb_run.py:_redirect():2224] redirect: wrap_raw
2024-12-23 06:24:37,147 INFO    MainThread:632 [wandb_run.py:_redirect():2289] Wrapping output streams.
2024-12-23 06:24:37,147 INFO    MainThread:632 [wandb_run.py:_redirect():2314] Redirects installed.
2024-12-23 06:24:37,152 INFO    MainThread:632 [wandb_init.py:init():916] run started, returning control to user process
2024-12-23 06:24:37,156 INFO    MainThread:632 [wandb_run.py:_config_callback():1279] config_cb None None {'vocab_size': 49152, 'max_position_embeddings': 8192, 'hidden_size': 576, 'intermediate_size': 1536, 'num_hidden_layers': 30, 'num_attention_heads': 9, 'num_key_value_heads': 3, 'hidden_act': 'silu', 'initializer_range': 0.041666666666666664, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': True, 'rope_theta': 100000, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'mlp_bias': False, 'head_dim': 64, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'bfloat16', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'chunk_size_feed_forward': 0, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'typical_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['LlamaForCausalLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'bos_token_id': 1, 'pad_token_id': 2, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'HuggingFaceTB/SmolLM2-135M', '_attn_implementation_autoset': True, 'transformers_version': '4.47.1', 'is_llama_config': True, 'model_type': 'llama', 'rope_interleaved': False, 'output_dir': '/content/drive/MyDrive/smollm-fine-tuning/trained_models', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 10, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 5e-05, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 3.0, 'max_steps': 1000, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/content/drive/MyDrive/smollm-fine-tuning/trained_models/runs/Dec23_06-10-57_f534e42ab4c2', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 10, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 100, 'save_total_limit': None, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'restore_callback_states_from_checkpoint': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': False, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': 50, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/content/drive/MyDrive/smollm-fine-tuning/trained_models', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'adamw_torch', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': 'smollm2-sft-test1', 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': None, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'include_for_metrics': [], 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': 'steps', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': False, 'eval_on_start': False, 'use_liger_kernel': False, 'eval_use_gather_object': False, 'average_tokens_across_devices': False, 'dataset_text_field': 'text', 'packing': False, 'max_seq_length': 1024, 'dataset_num_proc': None, 'dataset_batch_size': 1000, 'model_init_kwargs': None, 'dataset_kwargs': {'add_special_tokens': False}, 'eval_packing': None, 'num_of_sequences': 1024, 'chars_per_token': '<CHARS_PER_TOKEN>', 'use_liger': False}
2024-12-23 06:24:37,159 INFO    MainThread:632 [wandb_config.py:__setitem__():154] config set model/num_parameters = 134515008 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x78e95840efe0>>
2024-12-23 06:24:37,159 INFO    MainThread:632 [wandb_run.py:_config_callback():1279] config_cb model/num_parameters 134515008 None
2024-12-23 06:42:14,430 INFO    MainThread:632 [jupyter.py:save_ipynb():386] not saving jupyter notebook
2024-12-23 06:42:14,431 INFO    MainThread:632 [wandb_init.py:_pause_backend():439] pausing backend
2024-12-23 06:58:34,000 INFO    MainThread:632 [wandb_init.py:_resume_backend():444] resuming backend
2024-12-23 06:58:34,115 INFO    MainThread:632 [jupyter.py:save_ipynb():386] not saving jupyter notebook
2024-12-23 06:58:34,115 INFO    MainThread:632 [wandb_init.py:_pause_backend():439] pausing backend
2024-12-23 06:59:50,031 INFO    MainThread:632 [wandb_init.py:_resume_backend():444] resuming backend
2024-12-23 06:59:57,291 INFO    MainThread:632 [jupyter.py:save_ipynb():386] not saving jupyter notebook
2024-12-23 06:59:57,291 INFO    MainThread:632 [wandb_init.py:_pause_backend():439] pausing backend
2024-12-23 07:00:55,043 INFO    MainThread:632 [wandb_init.py:_resume_backend():444] resuming backend