End of training
Browse files- README.md +60 -0
- runs/Feb14_12-54-25_f4b889916ade/events.out.tfevents.1707915266.f4b889916ade.34240.0 +2 -2
- wandb/debug-internal.log +21 -0
- wandb/debug.log +3 -0
- wandb/run-20240214_125429-fe3s7gan/logs/debug-internal.log +21 -0
- wandb/run-20240214_125429-fe3s7gan/logs/debug.log +3 -0
- wandb/run-20240214_125429-fe3s7gan/run-fe3s7gan.wandb +0 -0
README.md
ADDED
@@ -0,0 +1,60 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
license: apache-2.0
|
3 |
+
library_name: peft
|
4 |
+
tags:
|
5 |
+
- trl
|
6 |
+
- sft
|
7 |
+
- generated_from_trainer
|
8 |
+
base_model: vilsonrodrigues/falcon-7b-instruct-sharded
|
9 |
+
model-index:
|
10 |
+
- name: vilsonrodrigues/falcon-7b-instruct-sharded
|
11 |
+
results: []
|
12 |
+
---
|
13 |
+
|
14 |
+
<!-- This model card has been generated automatically according to the information the Trainer had access to. You
|
15 |
+
should probably proofread and complete it, then remove this comment. -->
|
16 |
+
|
17 |
+
# vilsonrodrigues/falcon-7b-instruct-sharded
|
18 |
+
|
19 |
+
This model is a fine-tuned version of [vilsonrodrigues/falcon-7b-instruct-sharded](https://huggingface.co/vilsonrodrigues/falcon-7b-instruct-sharded) on an unknown dataset.
|
20 |
+
|
21 |
+
## Model description
|
22 |
+
|
23 |
+
More information needed
|
24 |
+
|
25 |
+
## Intended uses & limitations
|
26 |
+
|
27 |
+
More information needed
|
28 |
+
|
29 |
+
## Training and evaluation data
|
30 |
+
|
31 |
+
More information needed
|
32 |
+
|
33 |
+
## Training procedure
|
34 |
+
|
35 |
+
### Training hyperparameters
|
36 |
+
|
37 |
+
The following hyperparameters were used during training:
|
38 |
+
- learning_rate: 0.0002
|
39 |
+
- train_batch_size: 4
|
40 |
+
- eval_batch_size: 8
|
41 |
+
- seed: 42
|
42 |
+
- gradient_accumulation_steps: 4
|
43 |
+
- total_train_batch_size: 16
|
44 |
+
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
|
45 |
+
- lr_scheduler_type: cosine
|
46 |
+
- lr_scheduler_warmup_ratio: 0.03
|
47 |
+
- training_steps: 250
|
48 |
+
- mixed_precision_training: Native AMP
|
49 |
+
|
50 |
+
### Training results
|
51 |
+
|
52 |
+
|
53 |
+
|
54 |
+
### Framework versions
|
55 |
+
|
56 |
+
- PEFT 0.8.2
|
57 |
+
- Transformers 4.37.2
|
58 |
+
- Pytorch 2.1.0+cu121
|
59 |
+
- Datasets 2.17.0
|
60 |
+
- Tokenizers 0.15.1
|
runs/Feb14_12-54-25_f4b889916ade/events.out.tfevents.1707915266.f4b889916ade.34240.0
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
-
size
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a7bba77d17efe38dbe16da82b704e2a83e3fc5e234a168238404f9f9249ee4e1
|
3 |
+
size 9709
|
wandb/debug-internal.log
CHANGED
@@ -1087,3 +1087,24 @@
|
|
1087 |
2024-02-14 13:29:15,886 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: stop_status
|
1088 |
2024-02-14 13:29:15,887 DEBUG SenderThread:35088 [sender.py:send_request():409] send_request: stop_status
|
1089 |
2024-02-14 13:29:15,909 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: internal_messages
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1087 |
2024-02-14 13:29:15,886 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: stop_status
|
1088 |
2024-02-14 13:29:15,887 DEBUG SenderThread:35088 [sender.py:send_request():409] send_request: stop_status
|
1089 |
2024-02-14 13:29:15,909 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: internal_messages
|
1090 |
+
2024-02-14 13:29:20,440 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: pause
|
1091 |
+
2024-02-14 13:29:20,441 INFO HandlerThread:35088 [handler.py:handle_request_pause():708] stopping system metrics thread
|
1092 |
+
2024-02-14 13:29:20,441 INFO HandlerThread:35088 [system_monitor.py:finish():203] Stopping system monitor
|
1093 |
+
2024-02-14 13:29:20,441 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined cpu monitor
|
1094 |
+
2024-02-14 13:29:20,441 DEBUG SystemMonitor:35088 [system_monitor.py:_start():179] Finished system metrics aggregation loop
|
1095 |
+
2024-02-14 13:29:20,442 DEBUG SystemMonitor:35088 [system_monitor.py:_start():183] Publishing last batch of metrics
|
1096 |
+
2024-02-14 13:29:20,442 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined disk monitor
|
1097 |
+
2024-02-14 13:29:20,450 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined gpu monitor
|
1098 |
+
2024-02-14 13:29:20,450 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined memory monitor
|
1099 |
+
2024-02-14 13:29:20,450 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined network monitor
|
1100 |
+
2024-02-14 13:29:20,450 DEBUG SenderThread:35088 [sender.py:send():382] send: stats
|
1101 |
+
2024-02-14 13:29:20,451 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: status_report
|
1102 |
+
2024-02-14 13:29:20,481 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: resume
|
1103 |
+
2024-02-14 13:29:20,481 INFO HandlerThread:35088 [handler.py:handle_request_resume():699] starting system metrics thread
|
1104 |
+
2024-02-14 13:29:20,481 INFO HandlerThread:35088 [system_monitor.py:start():194] Starting system monitor
|
1105 |
+
2024-02-14 13:29:20,481 INFO SystemMonitor:35088 [system_monitor.py:_start():158] Starting system asset monitoring threads
|
1106 |
+
2024-02-14 13:29:20,481 INFO SystemMonitor:35088 [interfaces.py:start():190] Started cpu monitoring
|
1107 |
+
2024-02-14 13:29:20,482 INFO SystemMonitor:35088 [interfaces.py:start():190] Started disk monitoring
|
1108 |
+
2024-02-14 13:29:20,482 INFO SystemMonitor:35088 [interfaces.py:start():190] Started gpu monitoring
|
1109 |
+
2024-02-14 13:29:20,483 INFO SystemMonitor:35088 [interfaces.py:start():190] Started memory monitoring
|
1110 |
+
2024-02-14 13:29:20,483 INFO SystemMonitor:35088 [interfaces.py:start():190] Started network monitoring
|
wandb/debug.log
CHANGED
@@ -27,3 +27,6 @@ config: {}
|
|
27 |
2024-02-14 12:54:30,857 INFO MainThread:34240 [wandb_run.py:_redirect():2186] Redirects installed.
|
28 |
2024-02-14 12:54:30,858 INFO MainThread:34240 [wandb_init.py:init():847] run started, returning control to user process
|
29 |
2024-02-14 12:54:30,862 INFO MainThread:34240 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 65024, 'hidden_size': 4544, 'num_hidden_layers': 32, 'num_attention_heads': 71, 'layer_norm_epsilon': 1e-05, 'initializer_range': 0.02, 'use_cache': False, 'hidden_dropout': 0.0, 'attention_dropout': 0.0, 'bos_token_id': 11, 'eos_token_id': 11, 'num_kv_heads': 71, 'alibi': False, 'new_decoder_architecture': False, 'multi_query': True, 'parallel_attn': True, 'bias': False, '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': ['FalconForCausalLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'pad_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'vilsonrodrigues/falcon-7b-instruct-sharded', 'transformers_version': '4.37.2', 'apply_residual_connection_post_layernorm': False, 'auto_map': {'AutoConfig': 'vilsonrodrigues/falcon-7b-instruct-sharded--configuration_falcon.FalconConfig', 'AutoModel': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconModel', 'AutoModelForSequenceClassification': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForSequenceClassification', 'AutoModelForTokenClassification': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForTokenClassification', 'AutoModelForQuestionAnswering': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForQuestionAnswering', 'AutoModelForCausalLM': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForCausalLM'}, 'model_type': 'falcon', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', 'load_in_8bit': False, 'load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': True, 'bnb_4bit_compute_dtype': 'float16'}, 'output_dir': './', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': False, 'do_predict': False, 'evaluation_strategy': 'no', 'prediction_loss_only': False, 'per_device_train_batch_size': 4, 'per_device_eval_batch_size': 8, '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': 0.0002, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.3, 'num_train_epochs': 3.0, 'max_steps': 250, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './runs/Feb14_12-54-25_f4b889916ade', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 10, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': None, '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': False, 'fp16': True, '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': None, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', '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_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': True, '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': True, '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': False, '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}
|
|
|
|
|
|
|
|
27 |
2024-02-14 12:54:30,857 INFO MainThread:34240 [wandb_run.py:_redirect():2186] Redirects installed.
|
28 |
2024-02-14 12:54:30,858 INFO MainThread:34240 [wandb_init.py:init():847] run started, returning control to user process
|
29 |
2024-02-14 12:54:30,862 INFO MainThread:34240 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 65024, 'hidden_size': 4544, 'num_hidden_layers': 32, 'num_attention_heads': 71, 'layer_norm_epsilon': 1e-05, 'initializer_range': 0.02, 'use_cache': False, 'hidden_dropout': 0.0, 'attention_dropout': 0.0, 'bos_token_id': 11, 'eos_token_id': 11, 'num_kv_heads': 71, 'alibi': False, 'new_decoder_architecture': False, 'multi_query': True, 'parallel_attn': True, 'bias': False, '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': ['FalconForCausalLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'pad_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'vilsonrodrigues/falcon-7b-instruct-sharded', 'transformers_version': '4.37.2', 'apply_residual_connection_post_layernorm': False, 'auto_map': {'AutoConfig': 'vilsonrodrigues/falcon-7b-instruct-sharded--configuration_falcon.FalconConfig', 'AutoModel': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconModel', 'AutoModelForSequenceClassification': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForSequenceClassification', 'AutoModelForTokenClassification': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForTokenClassification', 'AutoModelForQuestionAnswering': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForQuestionAnswering', 'AutoModelForCausalLM': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForCausalLM'}, 'model_type': 'falcon', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', 'load_in_8bit': False, 'load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': True, 'bnb_4bit_compute_dtype': 'float16'}, 'output_dir': './', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': False, 'do_predict': False, 'evaluation_strategy': 'no', 'prediction_loss_only': False, 'per_device_train_batch_size': 4, 'per_device_eval_batch_size': 8, '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': 0.0002, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.3, 'num_train_epochs': 3.0, 'max_steps': 250, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './runs/Feb14_12-54-25_f4b889916ade', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 10, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': None, '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': False, 'fp16': True, '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': None, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', '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_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': True, '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': True, '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': False, '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}
|
30 |
+
2024-02-14 13:29:20,440 INFO MainThread:34240 [jupyter.py:save_ipynb():373] not saving jupyter notebook
|
31 |
+
2024-02-14 13:29:20,440 INFO MainThread:34240 [wandb_init.py:_pause_backend():437] pausing backend
|
32 |
+
2024-02-14 13:29:20,446 INFO MainThread:34240 [wandb_init.py:_resume_backend():442] resuming backend
|
wandb/run-20240214_125429-fe3s7gan/logs/debug-internal.log
CHANGED
@@ -1087,3 +1087,24 @@
|
|
1087 |
2024-02-14 13:29:15,886 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: stop_status
|
1088 |
2024-02-14 13:29:15,887 DEBUG SenderThread:35088 [sender.py:send_request():409] send_request: stop_status
|
1089 |
2024-02-14 13:29:15,909 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: internal_messages
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1087 |
2024-02-14 13:29:15,886 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: stop_status
|
1088 |
2024-02-14 13:29:15,887 DEBUG SenderThread:35088 [sender.py:send_request():409] send_request: stop_status
|
1089 |
2024-02-14 13:29:15,909 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: internal_messages
|
1090 |
+
2024-02-14 13:29:20,440 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: pause
|
1091 |
+
2024-02-14 13:29:20,441 INFO HandlerThread:35088 [handler.py:handle_request_pause():708] stopping system metrics thread
|
1092 |
+
2024-02-14 13:29:20,441 INFO HandlerThread:35088 [system_monitor.py:finish():203] Stopping system monitor
|
1093 |
+
2024-02-14 13:29:20,441 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined cpu monitor
|
1094 |
+
2024-02-14 13:29:20,441 DEBUG SystemMonitor:35088 [system_monitor.py:_start():179] Finished system metrics aggregation loop
|
1095 |
+
2024-02-14 13:29:20,442 DEBUG SystemMonitor:35088 [system_monitor.py:_start():183] Publishing last batch of metrics
|
1096 |
+
2024-02-14 13:29:20,442 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined disk monitor
|
1097 |
+
2024-02-14 13:29:20,450 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined gpu monitor
|
1098 |
+
2024-02-14 13:29:20,450 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined memory monitor
|
1099 |
+
2024-02-14 13:29:20,450 INFO HandlerThread:35088 [interfaces.py:finish():202] Joined network monitor
|
1100 |
+
2024-02-14 13:29:20,450 DEBUG SenderThread:35088 [sender.py:send():382] send: stats
|
1101 |
+
2024-02-14 13:29:20,451 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: status_report
|
1102 |
+
2024-02-14 13:29:20,481 DEBUG HandlerThread:35088 [handler.py:handle_request():146] handle_request: resume
|
1103 |
+
2024-02-14 13:29:20,481 INFO HandlerThread:35088 [handler.py:handle_request_resume():699] starting system metrics thread
|
1104 |
+
2024-02-14 13:29:20,481 INFO HandlerThread:35088 [system_monitor.py:start():194] Starting system monitor
|
1105 |
+
2024-02-14 13:29:20,481 INFO SystemMonitor:35088 [system_monitor.py:_start():158] Starting system asset monitoring threads
|
1106 |
+
2024-02-14 13:29:20,481 INFO SystemMonitor:35088 [interfaces.py:start():190] Started cpu monitoring
|
1107 |
+
2024-02-14 13:29:20,482 INFO SystemMonitor:35088 [interfaces.py:start():190] Started disk monitoring
|
1108 |
+
2024-02-14 13:29:20,482 INFO SystemMonitor:35088 [interfaces.py:start():190] Started gpu monitoring
|
1109 |
+
2024-02-14 13:29:20,483 INFO SystemMonitor:35088 [interfaces.py:start():190] Started memory monitoring
|
1110 |
+
2024-02-14 13:29:20,483 INFO SystemMonitor:35088 [interfaces.py:start():190] Started network monitoring
|
wandb/run-20240214_125429-fe3s7gan/logs/debug.log
CHANGED
@@ -27,3 +27,6 @@ config: {}
|
|
27 |
2024-02-14 12:54:30,857 INFO MainThread:34240 [wandb_run.py:_redirect():2186] Redirects installed.
|
28 |
2024-02-14 12:54:30,858 INFO MainThread:34240 [wandb_init.py:init():847] run started, returning control to user process
|
29 |
2024-02-14 12:54:30,862 INFO MainThread:34240 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 65024, 'hidden_size': 4544, 'num_hidden_layers': 32, 'num_attention_heads': 71, 'layer_norm_epsilon': 1e-05, 'initializer_range': 0.02, 'use_cache': False, 'hidden_dropout': 0.0, 'attention_dropout': 0.0, 'bos_token_id': 11, 'eos_token_id': 11, 'num_kv_heads': 71, 'alibi': False, 'new_decoder_architecture': False, 'multi_query': True, 'parallel_attn': True, 'bias': False, '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': ['FalconForCausalLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'pad_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'vilsonrodrigues/falcon-7b-instruct-sharded', 'transformers_version': '4.37.2', 'apply_residual_connection_post_layernorm': False, 'auto_map': {'AutoConfig': 'vilsonrodrigues/falcon-7b-instruct-sharded--configuration_falcon.FalconConfig', 'AutoModel': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconModel', 'AutoModelForSequenceClassification': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForSequenceClassification', 'AutoModelForTokenClassification': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForTokenClassification', 'AutoModelForQuestionAnswering': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForQuestionAnswering', 'AutoModelForCausalLM': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForCausalLM'}, 'model_type': 'falcon', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', 'load_in_8bit': False, 'load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': True, 'bnb_4bit_compute_dtype': 'float16'}, 'output_dir': './', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': False, 'do_predict': False, 'evaluation_strategy': 'no', 'prediction_loss_only': False, 'per_device_train_batch_size': 4, 'per_device_eval_batch_size': 8, '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': 0.0002, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.3, 'num_train_epochs': 3.0, 'max_steps': 250, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './runs/Feb14_12-54-25_f4b889916ade', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 10, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': None, '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': False, 'fp16': True, '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': None, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', '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_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': True, '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': True, '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': False, '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}
|
|
|
|
|
|
|
|
27 |
2024-02-14 12:54:30,857 INFO MainThread:34240 [wandb_run.py:_redirect():2186] Redirects installed.
|
28 |
2024-02-14 12:54:30,858 INFO MainThread:34240 [wandb_init.py:init():847] run started, returning control to user process
|
29 |
2024-02-14 12:54:30,862 INFO MainThread:34240 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 65024, 'hidden_size': 4544, 'num_hidden_layers': 32, 'num_attention_heads': 71, 'layer_norm_epsilon': 1e-05, 'initializer_range': 0.02, 'use_cache': False, 'hidden_dropout': 0.0, 'attention_dropout': 0.0, 'bos_token_id': 11, 'eos_token_id': 11, 'num_kv_heads': 71, 'alibi': False, 'new_decoder_architecture': False, 'multi_query': True, 'parallel_attn': True, 'bias': False, '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': ['FalconForCausalLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1}, 'tokenizer_class': None, 'prefix': None, 'pad_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'vilsonrodrigues/falcon-7b-instruct-sharded', 'transformers_version': '4.37.2', 'apply_residual_connection_post_layernorm': False, 'auto_map': {'AutoConfig': 'vilsonrodrigues/falcon-7b-instruct-sharded--configuration_falcon.FalconConfig', 'AutoModel': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconModel', 'AutoModelForSequenceClassification': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForSequenceClassification', 'AutoModelForTokenClassification': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForTokenClassification', 'AutoModelForQuestionAnswering': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForQuestionAnswering', 'AutoModelForCausalLM': 'vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForCausalLM'}, 'model_type': 'falcon', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', 'load_in_8bit': False, 'load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': True, 'bnb_4bit_compute_dtype': 'float16'}, 'output_dir': './', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': False, 'do_predict': False, 'evaluation_strategy': 'no', 'prediction_loss_only': False, 'per_device_train_batch_size': 4, 'per_device_eval_batch_size': 8, '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': 0.0002, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.3, 'num_train_epochs': 3.0, 'max_steps': 250, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './runs/Feb14_12-54-25_f4b889916ade', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 10, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': None, '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': False, 'fp16': True, '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': None, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', '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_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': True, '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': True, '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': False, '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}
|
30 |
+
2024-02-14 13:29:20,440 INFO MainThread:34240 [jupyter.py:save_ipynb():373] not saving jupyter notebook
|
31 |
+
2024-02-14 13:29:20,440 INFO MainThread:34240 [wandb_init.py:_pause_backend():437] pausing backend
|
32 |
+
2024-02-14 13:29:20,446 INFO MainThread:34240 [wandb_init.py:_resume_backend():442] resuming backend
|
wandb/run-20240214_125429-fe3s7gan/run-fe3s7gan.wandb
CHANGED
Binary files a/wandb/run-20240214_125429-fe3s7gan/run-fe3s7gan.wandb and b/wandb/run-20240214_125429-fe3s7gan/run-fe3s7gan.wandb differ
|
|