BrownianNotion's picture
Add files using upload-large-folder tool
93cf0ea verified
2025-04-08 14:24:58,116 INFO MainThread:9420 [wandb_setup.py:_flush():67] Current SDK version is 0.19.9
2025-04-08 14:24:58,116 INFO MainThread:9420 [wandb_setup.py:_flush():67] Configure stats pid to 9420
2025-04-08 14:24:58,116 INFO MainThread:9420 [wandb_setup.py:_flush():67] Loading settings from /root/.config/wandb/settings
2025-04-08 14:24:58,116 INFO MainThread:9420 [wandb_setup.py:_flush():67] Loading settings from /workspace/BitDistiller/train/wandb/settings
2025-04-08 14:24:58,116 INFO MainThread:9420 [wandb_setup.py:_flush():67] Loading settings from environment variables
2025-04-08 14:24:58,116 INFO MainThread:9420 [wandb_init.py:setup_run_log_directory():662] Logging user logs to ./ckpts/tinyllama_v1.1/int2-g128/wandb/run-20250408_142458-wlfced8t/logs/debug.log
2025-04-08 14:24:58,117 INFO MainThread:9420 [wandb_init.py:setup_run_log_directory():663] Logging internal logs to ./ckpts/tinyllama_v1.1/int2-g128/wandb/run-20250408_142458-wlfced8t/logs/debug-internal.log
2025-04-08 14:24:58,117 INFO MainThread:9420 [wandb_init.py:init():781] calling init triggers
2025-04-08 14:24:58,117 INFO MainThread:9420 [wandb_init.py:init():786] wandb.init called with sweep_config: {}
config: {'_wandb': {}}
2025-04-08 14:24:58,117 INFO MainThread:9420 [wandb_init.py:init():809] starting backend
2025-04-08 14:24:58,117 INFO MainThread:9420 [wandb_init.py:init():813] sending inform_init request
2025-04-08 14:24:58,119 INFO MainThread:9420 [backend.py:_multiprocessing_setup():101] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
2025-04-08 14:24:58,119 INFO MainThread:9420 [wandb_init.py:init():823] backend started and connected
2025-04-08 14:24:58,124 INFO MainThread:9420 [wandb_init.py:init():915] updated telemetry
2025-04-08 14:24:58,304 INFO MainThread:9420 [wandb_init.py:init():939] communicating run to backend with 90.0 second timeout
2025-04-08 14:24:58,589 INFO MainThread:9420 [wandb_init.py:init():1014] starting run threads in backend
2025-04-08 14:24:58,680 INFO MainThread:9420 [wandb_run.py:_console_start():2454] atexit reg
2025-04-08 14:24:58,681 INFO MainThread:9420 [wandb_run.py:_redirect():2306] redirect: wrap_raw
2025-04-08 14:24:58,681 INFO MainThread:9420 [wandb_run.py:_redirect():2371] Wrapping output streams.
2025-04-08 14:24:58,681 INFO MainThread:9420 [wandb_run.py:_redirect():2394] Redirects installed.
2025-04-08 14:24:58,682 INFO MainThread:9420 [wandb_init.py:init():1056] run started, returning control to user process
2025-04-08 14:25:40,038 INFO MainThread:9420 [wandb_run.py:_config_callback():1327] config_cb None None {'vocab_size': 32001, 'max_position_embeddings': 2048, 'hidden_size': 2048, 'intermediate_size': 5632, 'num_hidden_layers': 22, 'num_attention_heads': 32, 'num_key_value_heads': 4, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': True, 'rope_theta': 10000.0, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, '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': False, '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': None, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': '../models/TinyLlama_v1.1/', 'transformers_version': '4.37.0', 'model_type': 'llama', 'output_dir': './ckpts/tinyllama_v1.1/int2-g128/', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 16, 'per_device_eval_batch_size': 16, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 4, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 2e-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': 4.0, 'max_steps': -1, 'lr_scheduler_type': 'constant', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './ckpts/tinyllama_v1.1/int2-g128/runs/', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 1.0, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 40, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': True, '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': 40, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './ckpts/tinyllama_v1.1/int2-g128/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'loss', 'greater_is_better': False, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': 'config/zero.json', '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': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': True, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', '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': False, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'cache_dir': None, 'model_max_length': 1024, 'bits': 2, 'q_group_size': 128, 'quant_type': 'int2-asym', 'clip': '../quantization/clip_cache/TinyLlama_v1.1/int2-g128.pt', 'train_kd': True, 'kd_tmp': 1, 'kd_loss_type': 'cakld', 'cakld_steps': 10}
2025-04-08 15:51:25,124 INFO MainThread:9420 [wandb_run.py:_finish():2189] finishing run DeepFriedNLP/SNLP_BitDistiller/wlfced8t
2025-04-08 15:51:25,125 INFO MainThread:9420 [wandb_run.py:_atexit_cleanup():2419] got exitcode: 0
2025-04-08 15:51:25,125 INFO MainThread:9420 [wandb_run.py:_restore():2401] restore
2025-04-08 15:51:25,125 INFO MainThread:9420 [wandb_run.py:_restore():2407] restore done
2025-04-08 15:51:25,953 INFO MainThread:9420 [wandb_run.py:_footer_history_summary_info():4064] rendering history
2025-04-08 15:51:25,954 INFO MainThread:9420 [wandb_run.py:_footer_history_summary_info():4096] rendering summary
2025-04-08 15:51:25,955 INFO MainThread:9420 [wandb_run.py:_footer_sync_info():4025] logging synced files