kertob commited on
Commit
10d9223
1 Parent(s): a94be12

Training in progress, step 10

Browse files
adapter_model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:d4f90b892e27c815410c1e9979c52b4bb573e4c327f048e659b48a0086f90ff4
3
  size 261131840
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d3a90f573ff45ffb642261678ab6f137a94e4bdd6abd7143e513d6f48fb1d0ed
3
  size 261131840
drone_commands_dataset.csv CHANGED
The diff for this file is too large to render. See raw diff
 
runs/Mar08_13-48-53_4997a2709b0f/events.out.tfevents.1709905734.4997a2709b0f.35964.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fc645a3eb47788939617ac9f3e8aa940658aab707e99a387b4f2399e2f7d030e
3
+ size 5939
tokenizer.json CHANGED
@@ -1,6 +1,11 @@
1
  {
2
  "version": "1.0",
3
- "truncation": null,
 
 
 
 
 
4
  "padding": null,
5
  "added_tokens": [
6
  {
 
1
  {
2
  "version": "1.0",
3
+ "truncation": {
4
+ "direction": "Right",
5
+ "max_length": 128,
6
+ "strategy": "LongestFirst",
7
+ "stride": 0
8
+ },
9
  "padding": null,
10
  "added_tokens": [
11
  {
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:34c71e61360943dc3ce787dc591d89eeed26c21820bbb7e1e7f5cb001110fa4a
3
  size 4856
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a9c5af5a09282eb7fdb9a1285293e06acf659581611fa4065286c179b268836f
3
  size 4856
wandb/debug-internal.log CHANGED
The diff for this file is too large to render. See raw diff
 
wandb/debug.log CHANGED
@@ -1,33 +1,30 @@
1
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4
2
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_setup.py:_flush():76] Configure stats pid to 24536
3
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_setup.py:_flush():76] Loading settings from /content/wandb/settings
5
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_init.py:_log_setup():526] Logging user logs to /content/wandb/run-20240308_130200-qomx2zsg/logs/debug.log
9
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_init.py:_log_setup():527] Logging internal logs to /content/wandb/run-20240308_130200-qomx2zsg/logs/debug-internal.log
10
- 2024-03-08 13:02:00,782 INFO MainThread:24536 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7a424cd9a800>
11
- 2024-03-08 13:02:00,783 INFO MainThread:24536 [wandb_init.py:init():566] calling init triggers
12
- 2024-03-08 13:02:00,783 INFO MainThread:24536 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
13
  config: {}
14
- 2024-03-08 13:02:00,783 INFO MainThread:24536 [wandb_init.py:init():616] starting backend
15
- 2024-03-08 13:02:00,783 INFO MainThread:24536 [wandb_init.py:init():620] setting up manager
16
- 2024-03-08 13:02:00,785 INFO MainThread:24536 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
17
- 2024-03-08 13:02:00,786 INFO MainThread:24536 [wandb_init.py:init():628] backend started and connected
18
- 2024-03-08 13:02:00,798 INFO MainThread:24536 [wandb_run.py:_label_probe_notebook():1295] probe notebook
19
- 2024-03-08 13:02:05,815 INFO MainThread:24536 [wandb_run.py:_label_probe_notebook():1305] Unable to probe notebook: 'NoneType' object has no attribute 'get'
20
- 2024-03-08 13:02:05,815 INFO MainThread:24536 [wandb_init.py:init():720] updated telemetry
21
- 2024-03-08 13:02:05,819 INFO MainThread:24536 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
- 2024-03-08 13:02:06,338 INFO MainThread:24536 [wandb_run.py:_on_init():2262] communicating current version
23
- 2024-03-08 13:02:06,561 INFO MainThread:24536 [wandb_run.py:_on_init():2271] got version response
24
- 2024-03-08 13:02:06,561 INFO MainThread:24536 [wandb_init.py:init():804] starting run threads in backend
25
- 2024-03-08 13:02:07,429 INFO MainThread:24536 [wandb_run.py:_console_start():2241] atexit reg
26
- 2024-03-08 13:02:07,429 INFO MainThread:24536 [wandb_run.py:_redirect():2096] redirect: wrap_raw
27
- 2024-03-08 13:02:07,429 INFO MainThread:24536 [wandb_run.py:_redirect():2161] Wrapping output streams.
28
- 2024-03-08 13:02:07,429 INFO MainThread:24536 [wandb_run.py:_redirect():2186] Redirects installed.
29
- 2024-03-08 13:02:07,430 INFO MainThread:24536 [wandb_init.py:init():847] run started, returning control to user process
30
- 2024-03-08 13:02:07,434 INFO MainThread:24536 [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.38.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', 'load_in_4bit': True, 'load_in_8bit': False}, '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.0001, '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': 30, '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/Mar08_13-01-52_4997a2709b0f', '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, 'dataloader_prefetch_factor': None, '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_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}, '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': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
31
- 2024-03-08 13:08:17,139 INFO MainThread:24536 [jupyter.py:save_ipynb():373] not saving jupyter notebook
32
- 2024-03-08 13:08:17,139 INFO MainThread:24536 [wandb_init.py:_pause_backend():437] pausing backend
33
- 2024-03-08 13:36:10,758 INFO MainThread:24536 [wandb_init.py:_resume_backend():442] resuming backend
 
1
+ 2024-03-08 13:49:01,415 INFO MainThread:35964 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4
2
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Configure stats pid to 35964
3
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Loading settings from /content/wandb/settings
5
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_init.py:_log_setup():526] Logging user logs to /content/wandb/run-20240308_134901-hlg2f18u/logs/debug.log
9
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_init.py:_log_setup():527] Logging internal logs to /content/wandb/run-20240308_134901-hlg2f18u/logs/debug-internal.log
10
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7fac1c4d9e40>
11
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_init.py:init():566] calling init triggers
12
+ 2024-03-08 13:49:01,417 INFO MainThread:35964 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
13
  config: {}
14
+ 2024-03-08 13:49:01,417 INFO MainThread:35964 [wandb_init.py:init():616] starting backend
15
+ 2024-03-08 13:49:01,417 INFO MainThread:35964 [wandb_init.py:init():620] setting up manager
16
+ 2024-03-08 13:49:01,418 INFO MainThread:35964 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
17
+ 2024-03-08 13:49:01,420 INFO MainThread:35964 [wandb_init.py:init():628] backend started and connected
18
+ 2024-03-08 13:49:01,432 INFO MainThread:35964 [wandb_run.py:_label_probe_notebook():1295] probe notebook
19
+ 2024-03-08 13:49:06,450 INFO MainThread:35964 [wandb_run.py:_label_probe_notebook():1305] Unable to probe notebook: 'NoneType' object has no attribute 'get'
20
+ 2024-03-08 13:49:06,450 INFO MainThread:35964 [wandb_init.py:init():720] updated telemetry
21
+ 2024-03-08 13:49:06,453 INFO MainThread:35964 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
+ 2024-03-08 13:49:06,941 INFO MainThread:35964 [wandb_run.py:_on_init():2262] communicating current version
23
+ 2024-03-08 13:49:07,148 INFO MainThread:35964 [wandb_run.py:_on_init():2271] got version response
24
+ 2024-03-08 13:49:07,148 INFO MainThread:35964 [wandb_init.py:init():804] starting run threads in backend
25
+ 2024-03-08 13:49:07,647 INFO MainThread:35964 [wandb_run.py:_console_start():2241] atexit reg
26
+ 2024-03-08 13:49:07,648 INFO MainThread:35964 [wandb_run.py:_redirect():2096] redirect: wrap_raw
27
+ 2024-03-08 13:49:07,648 INFO MainThread:35964 [wandb_run.py:_redirect():2161] Wrapping output streams.
28
+ 2024-03-08 13:49:07,648 INFO MainThread:35964 [wandb_run.py:_redirect():2186] Redirects installed.
29
+ 2024-03-08 13:49:07,649 INFO MainThread:35964 [wandb_init.py:init():847] run started, returning control to user process
30
+ 2024-03-08 13:49:07,655 INFO MainThread:35964 [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.38.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', 'load_in_4bit': True, 'load_in_8bit': False}, '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.0001, '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': 200, '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/Mar08_13-48-53_4997a2709b0f', '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, 'dataloader_prefetch_factor': None, '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_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}, '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': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
 
 
 
wandb/run-20240308_130200-qomx2zsg/files/output.log CHANGED
@@ -1,3 +1,7 @@
1
 
2
  Checkpoint destination directory ./checkpoint-10 already exists and is non-empty. Saving will proceed but saved results may be invalid.
3
  Checkpoint destination directory ./checkpoint-20 already exists and is non-empty. Saving will proceed but saved results may be invalid.
 
 
 
 
 
1
 
2
  Checkpoint destination directory ./checkpoint-10 already exists and is non-empty. Saving will proceed but saved results may be invalid.
3
  Checkpoint destination directory ./checkpoint-20 already exists and is non-empty. Saving will proceed but saved results may be invalid.
4
+ Checkpoint destination directory ./checkpoint-30 already exists and is non-empty. Saving will proceed but saved results may be invalid.
5
+ *******************************************************
6
+ Response from fine-tuned falcon_7b_instruct_sharded:
7
+ ### Instruction: You are a helpful assistant tasked with translating instructions from humans into precise drone commands for execution. Your responses must start with the takeoff command `to()` to initiate the drone's flight and conclude with the landing command `l()` to safely end the flight. Utilize the drone command functions (mf(len), mb(len), ml(len), mr(len), mu(len), md(len), tc(deg), tcc(deg)) for specific maneuvers. If a request is not valid, reply, 'I'm sorry, but I don't have the capabilities to perform that task.'. ### Human: take off and hover for a moment before landing. ### Assistant: 'takeoff' initiates the drone's flight; utilize len(') for exact distances. Maneuvers include mu(len) foruwah, md(len) forafewlen, tc(deg)tonight, tcc(deg)tomorrow. Responses ending in mdlen=mu(len)for completion.
wandb/run-20240308_130200-qomx2zsg/files/wandb-summary.json CHANGED
@@ -1 +1 @@
1
- {"train/loss": 0.0099, "train/grad_norm": 0.054070062935352325, "train/learning_rate": 0.0, "train/epoch": 2.4, "train/global_step": 30, "_timestamp": 1709903258.2842968, "_runtime": 337.49764585494995, "_step": 3, "train/train_runtime": 344.3671, "train/train_samples_per_second": 1.394, "train/train_steps_per_second": 0.087, "train/total_flos": 2466763961794560.0, "train/train_loss": 0.8807701396445433}
 
1
+ {"train/loss": 0.0099, "train/grad_norm": 0.054070062935352325, "train/learning_rate": 0.0, "train/epoch": 2.4, "train/global_step": 30, "_timestamp": 1709903258.2842968, "_runtime": 337.49764585494995, "_step": 3, "train/train_runtime": 344.3671, "train/train_samples_per_second": 1.394, "train/train_steps_per_second": 0.087, "train/total_flos": 2466763961794560.0, "train/train_loss": 0.8807701396445433, "_wandb": {"runtime": 524}}
wandb/run-20240308_130200-qomx2zsg/logs/debug-internal.log CHANGED
@@ -912,3 +912,408 @@
912
  2024-03-08 13:36:10,762 INFO SystemMonitor:25394 [interfaces.py:start():190] Started memory monitoring
913
  2024-03-08 13:36:10,763 INFO SystemMonitor:25394 [interfaces.py:start():190] Started network monitoring
914
  2024-03-08 13:36:12,667 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
912
  2024-03-08 13:36:10,762 INFO SystemMonitor:25394 [interfaces.py:start():190] Started memory monitoring
913
  2024-03-08 13:36:10,763 INFO SystemMonitor:25394 [interfaces.py:start():190] Started network monitoring
914
  2024-03-08 13:36:12,667 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
915
+ 2024-03-08 13:36:17,168 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: pause
916
+ 2024-03-08 13:36:17,168 INFO HandlerThread:25394 [handler.py:handle_request_pause():708] stopping system metrics thread
917
+ 2024-03-08 13:36:17,169 INFO HandlerThread:25394 [system_monitor.py:finish():203] Stopping system monitor
918
+ 2024-03-08 13:36:17,169 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined cpu monitor
919
+ 2024-03-08 13:36:17,169 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined disk monitor
920
+ 2024-03-08 13:36:17,170 DEBUG SystemMonitor:25394 [system_monitor.py:_start():172] Starting system metrics aggregation loop
921
+ 2024-03-08 13:36:17,170 DEBUG SystemMonitor:25394 [system_monitor.py:_start():179] Finished system metrics aggregation loop
922
+ 2024-03-08 13:36:17,170 DEBUG SystemMonitor:25394 [system_monitor.py:_start():183] Publishing last batch of metrics
923
+ 2024-03-08 13:36:17,177 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined gpu monitor
924
+ 2024-03-08 13:36:17,178 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined memory monitor
925
+ 2024-03-08 13:36:17,178 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined network monitor
926
+ 2024-03-08 13:36:17,178 DEBUG SenderThread:25394 [sender.py:send():378] send: stats
927
+ 2024-03-08 13:36:18,179 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
928
+ 2024-03-08 13:36:22,456 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
929
+ 2024-03-08 13:36:22,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
930
+ 2024-03-08 13:36:22,457 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
931
+ 2024-03-08 13:36:23,830 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
932
+ 2024-03-08 13:36:27,640 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: resume
933
+ 2024-03-08 13:36:27,641 INFO HandlerThread:25394 [handler.py:handle_request_resume():699] starting system metrics thread
934
+ 2024-03-08 13:36:27,641 INFO HandlerThread:25394 [system_monitor.py:start():194] Starting system monitor
935
+ 2024-03-08 13:36:27,641 INFO SystemMonitor:25394 [system_monitor.py:_start():158] Starting system asset monitoring threads
936
+ 2024-03-08 13:36:27,641 INFO SystemMonitor:25394 [interfaces.py:start():190] Started cpu monitoring
937
+ 2024-03-08 13:36:27,642 INFO SystemMonitor:25394 [interfaces.py:start():190] Started disk monitoring
938
+ 2024-03-08 13:36:27,642 INFO SystemMonitor:25394 [interfaces.py:start():190] Started gpu monitoring
939
+ 2024-03-08 13:36:27,643 INFO SystemMonitor:25394 [interfaces.py:start():190] Started memory monitoring
940
+ 2024-03-08 13:36:27,644 INFO SystemMonitor:25394 [interfaces.py:start():190] Started network monitoring
941
+ 2024-03-08 13:36:28,831 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
942
+ 2024-03-08 13:36:33,832 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
943
+ 2024-03-08 13:36:37,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
944
+ 2024-03-08 13:36:37,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
945
+ 2024-03-08 13:36:37,458 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
946
+ 2024-03-08 13:36:39,640 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
947
+ 2024-03-08 13:36:44,642 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
948
+ 2024-03-08 13:36:49,643 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
949
+ 2024-03-08 13:36:52,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
950
+ 2024-03-08 13:36:52,457 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
951
+ 2024-03-08 13:36:52,497 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
952
+ 2024-03-08 13:36:55,641 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
953
+ 2024-03-08 13:37:00,642 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
954
+ 2024-03-08 13:37:05,643 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
955
+ 2024-03-08 13:37:07,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
956
+ 2024-03-08 13:37:07,457 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
957
+ 2024-03-08 13:37:07,497 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
958
+ 2024-03-08 13:37:10,735 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
959
+ 2024-03-08 13:37:15,736 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
960
+ 2024-03-08 13:37:20,737 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
961
+ 2024-03-08 13:37:22,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
962
+ 2024-03-08 13:37:22,457 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
963
+ 2024-03-08 13:37:22,498 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
964
+ 2024-03-08 13:37:26,675 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
965
+ 2024-03-08 13:37:27,644 DEBUG SystemMonitor:25394 [system_monitor.py:_start():172] Starting system metrics aggregation loop
966
+ 2024-03-08 13:37:27,645 DEBUG SenderThread:25394 [sender.py:send():378] send: stats
967
+ 2024-03-08 13:37:32,647 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
968
+ 2024-03-08 13:37:37,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
969
+ 2024-03-08 13:37:37,458 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
970
+ 2024-03-08 13:37:37,499 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
971
+ 2024-03-08 13:37:37,742 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
972
+ 2024-03-08 13:37:42,743 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
973
+ 2024-03-08 13:37:47,743 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
974
+ 2024-03-08 13:37:52,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
975
+ 2024-03-08 13:37:52,458 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
976
+ 2024-03-08 13:37:52,498 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
977
+ 2024-03-08 13:37:53,734 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
978
+ 2024-03-08 13:37:57,646 DEBUG SenderThread:25394 [sender.py:send():378] send: stats
979
+ 2024-03-08 13:37:59,647 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
980
+ 2024-03-08 13:38:04,648 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
981
+ 2024-03-08 13:38:07,457 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
982
+ 2024-03-08 13:38:07,458 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
983
+ 2024-03-08 13:38:07,498 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
984
+ 2024-03-08 13:38:09,716 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
985
+ 2024-03-08 13:38:14,717 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
986
+ 2024-03-08 13:38:19,717 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
987
+ 2024-03-08 13:38:22,458 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
988
+ 2024-03-08 13:38:22,458 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
989
+ 2024-03-08 13:38:22,498 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
990
+ 2024-03-08 13:38:25,594 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
991
+ 2024-03-08 13:38:27,647 DEBUG SenderThread:25394 [sender.py:send():378] send: stats
992
+ 2024-03-08 13:38:30,648 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
993
+ 2024-03-08 13:38:35,650 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
994
+ 2024-03-08 13:38:37,458 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
995
+ 2024-03-08 13:38:37,458 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
996
+ 2024-03-08 13:38:37,499 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
997
+ 2024-03-08 13:38:40,705 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
998
+ 2024-03-08 13:38:45,706 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
999
+ 2024-03-08 13:38:47,423 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: pause
1000
+ 2024-03-08 13:38:47,423 INFO HandlerThread:25394 [handler.py:handle_request_pause():708] stopping system metrics thread
1001
+ 2024-03-08 13:38:47,423 INFO HandlerThread:25394 [system_monitor.py:finish():203] Stopping system monitor
1002
+ 2024-03-08 13:38:47,423 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined cpu monitor
1003
+ 2024-03-08 13:38:47,424 DEBUG SystemMonitor:25394 [system_monitor.py:_start():179] Finished system metrics aggregation loop
1004
+ 2024-03-08 13:38:47,424 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined disk monitor
1005
+ 2024-03-08 13:38:47,424 DEBUG SystemMonitor:25394 [system_monitor.py:_start():183] Publishing last batch of metrics
1006
+ 2024-03-08 13:38:47,432 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined gpu monitor
1007
+ 2024-03-08 13:38:47,433 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined memory monitor
1008
+ 2024-03-08 13:38:47,433 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined network monitor
1009
+ 2024-03-08 13:38:47,433 DEBUG SenderThread:25394 [sender.py:send():378] send: stats
1010
+ 2024-03-08 13:38:51,435 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1011
+ 2024-03-08 13:38:52,458 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1012
+ 2024-03-08 13:38:52,458 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1013
+ 2024-03-08 13:38:52,459 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1014
+ 2024-03-08 13:38:56,737 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1015
+ 2024-03-08 13:39:01,738 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1016
+ 2024-03-08 13:39:06,740 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1017
+ 2024-03-08 13:39:07,458 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1018
+ 2024-03-08 13:39:07,459 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1019
+ 2024-03-08 13:39:07,499 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1020
+ 2024-03-08 13:39:11,777 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: resume
1021
+ 2024-03-08 13:39:11,777 INFO HandlerThread:25394 [handler.py:handle_request_resume():699] starting system metrics thread
1022
+ 2024-03-08 13:39:11,777 INFO HandlerThread:25394 [system_monitor.py:start():194] Starting system monitor
1023
+ 2024-03-08 13:39:11,777 INFO SystemMonitor:25394 [system_monitor.py:_start():158] Starting system asset monitoring threads
1024
+ 2024-03-08 13:39:11,778 INFO SystemMonitor:25394 [interfaces.py:start():190] Started cpu monitoring
1025
+ 2024-03-08 13:39:11,778 INFO SystemMonitor:25394 [interfaces.py:start():190] Started disk monitoring
1026
+ 2024-03-08 13:39:11,780 INFO SystemMonitor:25394 [interfaces.py:start():190] Started gpu monitoring
1027
+ 2024-03-08 13:39:11,780 INFO SystemMonitor:25394 [interfaces.py:start():190] Started memory monitoring
1028
+ 2024-03-08 13:39:11,781 INFO SystemMonitor:25394 [interfaces.py:start():190] Started network monitoring
1029
+ 2024-03-08 13:39:11,818 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: pause
1030
+ 2024-03-08 13:39:11,818 INFO HandlerThread:25394 [handler.py:handle_request_pause():708] stopping system metrics thread
1031
+ 2024-03-08 13:39:11,818 INFO HandlerThread:25394 [system_monitor.py:finish():203] Stopping system monitor
1032
+ 2024-03-08 13:39:11,818 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined cpu monitor
1033
+ 2024-03-08 13:39:11,819 DEBUG SystemMonitor:25394 [system_monitor.py:_start():172] Starting system metrics aggregation loop
1034
+ 2024-03-08 13:39:11,819 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined disk monitor
1035
+ 2024-03-08 13:39:11,819 DEBUG SystemMonitor:25394 [system_monitor.py:_start():179] Finished system metrics aggregation loop
1036
+ 2024-03-08 13:39:11,820 DEBUG SystemMonitor:25394 [system_monitor.py:_start():183] Publishing last batch of metrics
1037
+ 2024-03-08 13:39:11,826 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined gpu monitor
1038
+ 2024-03-08 13:39:11,826 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined memory monitor
1039
+ 2024-03-08 13:39:11,826 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined network monitor
1040
+ 2024-03-08 13:39:11,827 DEBUG SenderThread:25394 [sender.py:send():378] send: stats
1041
+ 2024-03-08 13:39:11,827 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1042
+ 2024-03-08 13:39:15,252 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: resume
1043
+ 2024-03-08 13:39:15,253 INFO HandlerThread:25394 [handler.py:handle_request_resume():699] starting system metrics thread
1044
+ 2024-03-08 13:39:15,253 INFO HandlerThread:25394 [system_monitor.py:start():194] Starting system monitor
1045
+ 2024-03-08 13:39:15,255 INFO SystemMonitor:25394 [system_monitor.py:_start():158] Starting system asset monitoring threads
1046
+ 2024-03-08 13:39:15,256 INFO SystemMonitor:25394 [interfaces.py:start():190] Started cpu monitoring
1047
+ 2024-03-08 13:39:15,257 INFO SystemMonitor:25394 [interfaces.py:start():190] Started disk monitoring
1048
+ 2024-03-08 13:39:15,259 INFO SystemMonitor:25394 [interfaces.py:start():190] Started gpu monitoring
1049
+ 2024-03-08 13:39:15,260 INFO SystemMonitor:25394 [interfaces.py:start():190] Started memory monitoring
1050
+ 2024-03-08 13:39:15,260 INFO SystemMonitor:25394 [interfaces.py:start():190] Started network monitoring
1051
+ 2024-03-08 13:39:17,259 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1052
+ 2024-03-08 13:39:18,210 INFO Thread-12 :25394 [dir_watcher.py:_on_file_modified():288] file/dir modified: /content/wandb/run-20240308_130200-qomx2zsg/files/output.log
1053
+ 2024-03-08 13:39:22,260 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1054
+ 2024-03-08 13:39:22,459 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1055
+ 2024-03-08 13:39:22,459 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1056
+ 2024-03-08 13:39:22,460 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1057
+ 2024-03-08 13:39:22,920 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: pause
1058
+ 2024-03-08 13:39:22,920 INFO HandlerThread:25394 [handler.py:handle_request_pause():708] stopping system metrics thread
1059
+ 2024-03-08 13:39:22,921 INFO HandlerThread:25394 [system_monitor.py:finish():203] Stopping system monitor
1060
+ 2024-03-08 13:39:22,921 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined cpu monitor
1061
+ 2024-03-08 13:39:22,921 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined disk monitor
1062
+ 2024-03-08 13:39:22,921 DEBUG SystemMonitor:25394 [system_monitor.py:_start():172] Starting system metrics aggregation loop
1063
+ 2024-03-08 13:39:22,922 DEBUG SystemMonitor:25394 [system_monitor.py:_start():179] Finished system metrics aggregation loop
1064
+ 2024-03-08 13:39:22,922 DEBUG SystemMonitor:25394 [system_monitor.py:_start():183] Publishing last batch of metrics
1065
+ 2024-03-08 13:39:22,928 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined gpu monitor
1066
+ 2024-03-08 13:39:22,928 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined memory monitor
1067
+ 2024-03-08 13:39:22,928 INFO HandlerThread:25394 [interfaces.py:finish():202] Joined network monitor
1068
+ 2024-03-08 13:39:25,588 DEBUG SenderThread:25394 [sender.py:send():378] send: stats
1069
+ 2024-03-08 13:39:27,590 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1070
+ 2024-03-08 13:39:28,215 INFO Thread-12 :25394 [dir_watcher.py:_on_file_modified():288] file/dir modified: /content/wandb/run-20240308_130200-qomx2zsg/files/output.log
1071
+ 2024-03-08 13:39:32,591 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1072
+ 2024-03-08 13:39:37,459 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1073
+ 2024-03-08 13:39:37,459 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1074
+ 2024-03-08 13:39:37,460 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1075
+ 2024-03-08 13:39:37,736 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1076
+ 2024-03-08 13:39:42,737 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1077
+ 2024-03-08 13:39:47,738 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1078
+ 2024-03-08 13:39:52,459 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1079
+ 2024-03-08 13:39:52,459 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1080
+ 2024-03-08 13:39:52,500 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1081
+ 2024-03-08 13:39:52,750 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1082
+ 2024-03-08 13:39:57,751 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1083
+ 2024-03-08 13:40:02,753 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1084
+ 2024-03-08 13:40:07,459 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1085
+ 2024-03-08 13:40:07,460 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1086
+ 2024-03-08 13:40:07,501 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1087
+ 2024-03-08 13:40:08,718 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1088
+ 2024-03-08 13:40:13,719 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1089
+ 2024-03-08 13:40:18,720 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1090
+ 2024-03-08 13:40:22,459 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1091
+ 2024-03-08 13:40:22,460 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1092
+ 2024-03-08 13:40:22,500 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1093
+ 2024-03-08 13:40:24,683 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1094
+ 2024-03-08 13:40:29,684 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1095
+ 2024-03-08 13:40:34,685 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1096
+ 2024-03-08 13:40:37,460 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1097
+ 2024-03-08 13:40:37,460 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1098
+ 2024-03-08 13:40:37,500 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1099
+ 2024-03-08 13:40:40,649 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1100
+ 2024-03-08 13:40:45,650 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1101
+ 2024-03-08 13:40:50,651 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1102
+ 2024-03-08 13:40:52,460 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1103
+ 2024-03-08 13:40:52,460 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1104
+ 2024-03-08 13:40:52,500 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1105
+ 2024-03-08 13:40:55,715 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1106
+ 2024-03-08 13:41:00,717 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1107
+ 2024-03-08 13:41:05,718 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1108
+ 2024-03-08 13:41:07,460 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1109
+ 2024-03-08 13:41:07,460 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1110
+ 2024-03-08 13:41:07,501 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1111
+ 2024-03-08 13:41:10,742 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1112
+ 2024-03-08 13:41:15,743 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1113
+ 2024-03-08 13:41:20,744 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1114
+ 2024-03-08 13:41:22,460 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1115
+ 2024-03-08 13:41:22,461 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1116
+ 2024-03-08 13:41:22,501 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1117
+ 2024-03-08 13:41:25,748 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1118
+ 2024-03-08 13:41:30,749 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1119
+ 2024-03-08 13:41:35,750 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1120
+ 2024-03-08 13:41:37,461 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1121
+ 2024-03-08 13:41:37,461 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1122
+ 2024-03-08 13:41:37,501 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1123
+ 2024-03-08 13:41:41,745 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1124
+ 2024-03-08 13:41:46,746 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1125
+ 2024-03-08 13:41:51,747 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1126
+ 2024-03-08 13:41:52,461 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1127
+ 2024-03-08 13:41:52,461 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1128
+ 2024-03-08 13:41:52,501 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1129
+ 2024-03-08 13:41:56,752 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1130
+ 2024-03-08 13:42:01,753 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1131
+ 2024-03-08 13:42:06,754 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1132
+ 2024-03-08 13:42:07,461 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1133
+ 2024-03-08 13:42:07,462 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1134
+ 2024-03-08 13:42:07,502 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1135
+ 2024-03-08 13:42:12,686 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1136
+ 2024-03-08 13:42:17,687 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1137
+ 2024-03-08 13:42:22,461 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1138
+ 2024-03-08 13:42:22,462 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1139
+ 2024-03-08 13:42:22,502 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1140
+ 2024-03-08 13:42:22,690 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1141
+ 2024-03-08 13:42:27,692 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1142
+ 2024-03-08 13:42:32,693 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1143
+ 2024-03-08 13:42:37,462 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1144
+ 2024-03-08 13:42:37,462 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1145
+ 2024-03-08 13:42:37,502 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1146
+ 2024-03-08 13:42:38,687 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1147
+ 2024-03-08 13:42:43,689 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1148
+ 2024-03-08 13:42:48,690 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1149
+ 2024-03-08 13:42:52,462 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1150
+ 2024-03-08 13:42:52,462 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1151
+ 2024-03-08 13:42:52,463 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1152
+ 2024-03-08 13:42:53,741 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1153
+ 2024-03-08 13:42:58,742 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1154
+ 2024-03-08 13:43:03,744 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1155
+ 2024-03-08 13:43:07,462 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1156
+ 2024-03-08 13:43:07,462 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1157
+ 2024-03-08 13:43:07,463 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1158
+ 2024-03-08 13:43:09,703 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1159
+ 2024-03-08 13:43:14,704 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1160
+ 2024-03-08 13:43:19,705 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1161
+ 2024-03-08 13:43:22,462 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1162
+ 2024-03-08 13:43:22,463 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1163
+ 2024-03-08 13:43:22,463 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1164
+ 2024-03-08 13:43:24,759 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1165
+ 2024-03-08 13:43:29,760 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1166
+ 2024-03-08 13:43:34,762 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1167
+ 2024-03-08 13:43:37,462 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1168
+ 2024-03-08 13:43:37,463 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1169
+ 2024-03-08 13:43:37,463 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1170
+ 2024-03-08 13:43:40,733 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1171
+ 2024-03-08 13:43:45,734 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1172
+ 2024-03-08 13:43:50,735 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1173
+ 2024-03-08 13:43:52,463 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1174
+ 2024-03-08 13:43:52,463 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1175
+ 2024-03-08 13:43:52,464 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1176
+ 2024-03-08 13:43:56,654 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1177
+ 2024-03-08 13:44:01,656 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1178
+ 2024-03-08 13:44:06,657 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1179
+ 2024-03-08 13:44:07,463 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1180
+ 2024-03-08 13:44:07,463 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1181
+ 2024-03-08 13:44:07,464 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1182
+ 2024-03-08 13:44:11,742 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1183
+ 2024-03-08 13:44:16,744 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1184
+ 2024-03-08 13:44:21,745 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1185
+ 2024-03-08 13:44:22,463 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: stop_status
1186
+ 2024-03-08 13:44:22,464 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: stop_status
1187
+ 2024-03-08 13:44:22,504 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1188
+ 2024-03-08 13:44:26,815 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1189
+ 2024-03-08 13:44:31,816 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1190
+ 2024-03-08 13:44:36,818 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1191
+ 2024-03-08 13:44:37,294 DEBUG SenderThread:25394 [sender.py:send():378] send: exit
1192
+ 2024-03-08 13:44:37,294 INFO SenderThread:25394 [sender.py:send_exit():585] handling exit code: 0
1193
+ 2024-03-08 13:44:37,294 INFO SenderThread:25394 [sender.py:send_exit():587] handling runtime: 524
1194
+ 2024-03-08 13:44:37,296 INFO SenderThread:25394 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
1195
+ 2024-03-08 13:44:37,296 INFO SenderThread:25394 [sender.py:send_exit():593] send defer
1196
+ 2024-03-08 13:44:37,296 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1197
+ 2024-03-08 13:44:37,296 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 0
1198
+ 2024-03-08 13:44:37,297 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1199
+ 2024-03-08 13:44:37,297 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 0
1200
+ 2024-03-08 13:44:37,297 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 1
1201
+ 2024-03-08 13:44:37,297 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1202
+ 2024-03-08 13:44:37,297 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 1
1203
+ 2024-03-08 13:44:37,297 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1204
+ 2024-03-08 13:44:37,297 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 1
1205
+ 2024-03-08 13:44:37,297 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 2
1206
+ 2024-03-08 13:44:37,298 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1207
+ 2024-03-08 13:44:37,298 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 2
1208
+ 2024-03-08 13:44:37,298 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1209
+ 2024-03-08 13:44:37,298 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 2
1210
+ 2024-03-08 13:44:37,298 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 3
1211
+ 2024-03-08 13:44:37,298 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1212
+ 2024-03-08 13:44:37,298 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 3
1213
+ 2024-03-08 13:44:37,298 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1214
+ 2024-03-08 13:44:37,299 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 3
1215
+ 2024-03-08 13:44:37,299 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 4
1216
+ 2024-03-08 13:44:37,299 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1217
+ 2024-03-08 13:44:37,299 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 4
1218
+ 2024-03-08 13:44:37,299 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1219
+ 2024-03-08 13:44:37,299 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 4
1220
+ 2024-03-08 13:44:37,299 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 5
1221
+ 2024-03-08 13:44:37,299 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1222
+ 2024-03-08 13:44:37,299 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 5
1223
+ 2024-03-08 13:44:37,300 DEBUG SenderThread:25394 [sender.py:send():378] send: summary
1224
+ 2024-03-08 13:44:37,300 INFO SenderThread:25394 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
1225
+ 2024-03-08 13:44:37,301 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1226
+ 2024-03-08 13:44:37,301 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 5
1227
+ 2024-03-08 13:44:37,301 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 6
1228
+ 2024-03-08 13:44:37,301 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1229
+ 2024-03-08 13:44:37,301 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 6
1230
+ 2024-03-08 13:44:37,301 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1231
+ 2024-03-08 13:44:37,301 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 6
1232
+ 2024-03-08 13:44:37,302 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 7
1233
+ 2024-03-08 13:44:37,302 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: status_report
1234
+ 2024-03-08 13:44:37,302 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1235
+ 2024-03-08 13:44:37,302 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 7
1236
+ 2024-03-08 13:44:37,302 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1237
+ 2024-03-08 13:44:37,302 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 7
1238
+ 2024-03-08 13:44:37,336 INFO Thread-12 :25394 [dir_watcher.py:_on_file_modified():288] file/dir modified: /content/wandb/run-20240308_130200-qomx2zsg/files/wandb-summary.json
1239
+ 2024-03-08 13:44:38,294 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: poll_exit
1240
+ 2024-03-08 13:44:39,827 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 8
1241
+ 2024-03-08 13:44:39,827 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: poll_exit
1242
+ 2024-03-08 13:44:39,828 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1243
+ 2024-03-08 13:44:39,828 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 8
1244
+ 2024-03-08 13:44:39,828 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1245
+ 2024-03-08 13:44:39,828 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 8
1246
+ 2024-03-08 13:44:39,828 INFO SenderThread:25394 [job_builder.py:build():298] Attempting to build job artifact
1247
+ 2024-03-08 13:44:39,830 INFO SenderThread:25394 [job_builder.py:_get_source_type():439] no source found
1248
+ 2024-03-08 13:44:39,830 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 9
1249
+ 2024-03-08 13:44:39,830 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1250
+ 2024-03-08 13:44:39,830 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 9
1251
+ 2024-03-08 13:44:39,830 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1252
+ 2024-03-08 13:44:39,830 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 9
1253
+ 2024-03-08 13:44:39,831 INFO SenderThread:25394 [dir_watcher.py:finish():358] shutting down directory watcher
1254
+ 2024-03-08 13:44:40,295 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: poll_exit
1255
+ 2024-03-08 13:44:40,338 INFO SenderThread:25394 [dir_watcher.py:_on_file_modified():288] file/dir modified: /content/wandb/run-20240308_130200-qomx2zsg/files/output.log
1256
+ 2024-03-08 13:44:40,338 INFO SenderThread:25394 [dir_watcher.py:finish():388] scan: /content/wandb/run-20240308_130200-qomx2zsg/files
1257
+ 2024-03-08 13:44:40,338 INFO SenderThread:25394 [dir_watcher.py:finish():402] scan save: /content/wandb/run-20240308_130200-qomx2zsg/files/config.yaml config.yaml
1258
+ 2024-03-08 13:44:40,338 INFO SenderThread:25394 [dir_watcher.py:finish():402] scan save: /content/wandb/run-20240308_130200-qomx2zsg/files/wandb-summary.json wandb-summary.json
1259
+ 2024-03-08 13:44:40,341 INFO SenderThread:25394 [dir_watcher.py:finish():402] scan save: /content/wandb/run-20240308_130200-qomx2zsg/files/wandb-metadata.json wandb-metadata.json
1260
+ 2024-03-08 13:44:40,341 INFO SenderThread:25394 [dir_watcher.py:finish():402] scan save: /content/wandb/run-20240308_130200-qomx2zsg/files/requirements.txt requirements.txt
1261
+ 2024-03-08 13:44:40,341 INFO SenderThread:25394 [dir_watcher.py:finish():402] scan save: /content/wandb/run-20240308_130200-qomx2zsg/files/output.log output.log
1262
+ 2024-03-08 13:44:40,345 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 10
1263
+ 2024-03-08 13:44:40,345 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: poll_exit
1264
+ 2024-03-08 13:44:40,347 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1265
+ 2024-03-08 13:44:40,349 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 10
1266
+ 2024-03-08 13:44:40,350 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1267
+ 2024-03-08 13:44:40,350 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 10
1268
+ 2024-03-08 13:44:40,350 INFO SenderThread:25394 [file_pusher.py:finish():172] shutting down file pusher
1269
+ 2024-03-08 13:44:40,910 INFO wandb-upload_0:25394 [upload_job.py:push():131] Uploaded file /content/wandb/run-20240308_130200-qomx2zsg/files/config.yaml
1270
+ 2024-03-08 13:44:41,011 INFO wandb-upload_3:25394 [upload_job.py:push():131] Uploaded file /content/wandb/run-20240308_130200-qomx2zsg/files/output.log
1271
+ 2024-03-08 13:44:41,036 INFO wandb-upload_2:25394 [upload_job.py:push():131] Uploaded file /content/wandb/run-20240308_130200-qomx2zsg/files/requirements.txt
1272
+ 2024-03-08 13:44:41,049 INFO wandb-upload_1:25394 [upload_job.py:push():131] Uploaded file /content/wandb/run-20240308_130200-qomx2zsg/files/wandb-summary.json
1273
+ 2024-03-08 13:44:41,250 INFO Thread-11 (_thread_body):25394 [sender.py:transition_state():613] send defer: 11
1274
+ 2024-03-08 13:44:41,250 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1275
+ 2024-03-08 13:44:41,251 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 11
1276
+ 2024-03-08 13:44:41,251 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1277
+ 2024-03-08 13:44:41,251 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 11
1278
+ 2024-03-08 13:44:41,251 INFO SenderThread:25394 [file_pusher.py:join():178] waiting for file pusher
1279
+ 2024-03-08 13:44:41,251 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 12
1280
+ 2024-03-08 13:44:41,252 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1281
+ 2024-03-08 13:44:41,252 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 12
1282
+ 2024-03-08 13:44:41,252 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1283
+ 2024-03-08 13:44:41,252 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 12
1284
+ 2024-03-08 13:44:41,252 INFO SenderThread:25394 [file_stream.py:finish():595] file stream finish called
1285
+ 2024-03-08 13:44:41,296 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: poll_exit
1286
+ 2024-03-08 13:44:41,814 INFO SenderThread:25394 [file_stream.py:finish():599] file stream finish is done
1287
+ 2024-03-08 13:44:41,814 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 13
1288
+ 2024-03-08 13:44:41,814 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: poll_exit
1289
+ 2024-03-08 13:44:41,815 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1290
+ 2024-03-08 13:44:41,815 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 13
1291
+ 2024-03-08 13:44:41,815 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1292
+ 2024-03-08 13:44:41,815 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 13
1293
+ 2024-03-08 13:44:41,815 INFO SenderThread:25394 [sender.py:transition_state():613] send defer: 14
1294
+ 2024-03-08 13:44:41,816 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: defer
1295
+ 2024-03-08 13:44:41,816 INFO HandlerThread:25394 [handler.py:handle_request_defer():172] handle defer: 14
1296
+ 2024-03-08 13:44:41,816 DEBUG SenderThread:25394 [sender.py:send():378] send: final
1297
+ 2024-03-08 13:44:41,816 DEBUG SenderThread:25394 [sender.py:send():378] send: footer
1298
+ 2024-03-08 13:44:41,816 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: defer
1299
+ 2024-03-08 13:44:41,816 INFO SenderThread:25394 [sender.py:send_request_defer():609] handle sender defer: 14
1300
+ 2024-03-08 13:44:41,817 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: poll_exit
1301
+ 2024-03-08 13:44:41,817 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: poll_exit
1302
+ 2024-03-08 13:44:41,817 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: server_info
1303
+ 2024-03-08 13:44:41,818 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: get_summary
1304
+ 2024-03-08 13:44:41,818 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: poll_exit
1305
+ 2024-03-08 13:44:41,818 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: poll_exit
1306
+ 2024-03-08 13:44:41,819 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: server_info
1307
+ 2024-03-08 13:44:41,821 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: sampled_history
1308
+ 2024-03-08 13:44:41,822 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: internal_messages
1309
+ 2024-03-08 13:44:41,822 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: job_info
1310
+ 2024-03-08 13:44:42,006 DEBUG SenderThread:25394 [sender.py:send_request():405] send_request: job_info
1311
+ 2024-03-08 13:44:42,006 INFO MainThread:25394 [wandb_run.py:_footer_history_summary_info():3851] rendering history
1312
+ 2024-03-08 13:44:42,007 INFO MainThread:25394 [wandb_run.py:_footer_history_summary_info():3883] rendering summary
1313
+ 2024-03-08 13:44:42,007 INFO MainThread:25394 [wandb_run.py:_footer_sync_info():3810] logging synced files
1314
+ 2024-03-08 13:44:42,007 DEBUG HandlerThread:25394 [handler.py:handle_request():146] handle_request: shutdown
1315
+ 2024-03-08 13:44:42,007 INFO HandlerThread:25394 [handler.py:finish():869] shutting down handler
1316
+ 2024-03-08 13:44:42,822 INFO WriterThread:25394 [datastore.py:close():296] close: /content/wandb/run-20240308_130200-qomx2zsg/run-qomx2zsg.wandb
1317
+ 2024-03-08 13:44:43,006 INFO SenderThread:25394 [sender.py:finish():1521] shutting down sender
1318
+ 2024-03-08 13:44:43,006 INFO SenderThread:25394 [file_pusher.py:finish():172] shutting down file pusher
1319
+ 2024-03-08 13:44:43,007 INFO SenderThread:25394 [file_pusher.py:join():178] waiting for file pusher
wandb/run-20240308_130200-qomx2zsg/logs/debug.log CHANGED
@@ -31,3 +31,14 @@ config: {}
31
  2024-03-08 13:08:17,139 INFO MainThread:24536 [jupyter.py:save_ipynb():373] not saving jupyter notebook
32
  2024-03-08 13:08:17,139 INFO MainThread:24536 [wandb_init.py:_pause_backend():437] pausing backend
33
  2024-03-08 13:36:10,758 INFO MainThread:24536 [wandb_init.py:_resume_backend():442] resuming backend
 
 
 
 
 
 
 
 
 
 
 
 
31
  2024-03-08 13:08:17,139 INFO MainThread:24536 [jupyter.py:save_ipynb():373] not saving jupyter notebook
32
  2024-03-08 13:08:17,139 INFO MainThread:24536 [wandb_init.py:_pause_backend():437] pausing backend
33
  2024-03-08 13:36:10,758 INFO MainThread:24536 [wandb_init.py:_resume_backend():442] resuming backend
34
+ 2024-03-08 13:36:17,167 INFO MainThread:24536 [jupyter.py:save_ipynb():373] not saving jupyter notebook
35
+ 2024-03-08 13:36:17,168 INFO MainThread:24536 [wandb_init.py:_pause_backend():437] pausing backend
36
+ 2024-03-08 13:36:27,640 INFO MainThread:24536 [wandb_init.py:_resume_backend():442] resuming backend
37
+ 2024-03-08 13:38:47,422 INFO MainThread:24536 [jupyter.py:save_ipynb():373] not saving jupyter notebook
38
+ 2024-03-08 13:38:47,422 INFO MainThread:24536 [wandb_init.py:_pause_backend():437] pausing backend
39
+ 2024-03-08 13:39:11,776 INFO MainThread:24536 [wandb_init.py:_resume_backend():442] resuming backend
40
+ 2024-03-08 13:39:11,777 INFO MainThread:24536 [jupyter.py:save_ipynb():373] not saving jupyter notebook
41
+ 2024-03-08 13:39:11,778 INFO MainThread:24536 [wandb_init.py:_pause_backend():437] pausing backend
42
+ 2024-03-08 13:39:15,252 INFO MainThread:24536 [wandb_init.py:_resume_backend():442] resuming backend
43
+ 2024-03-08 13:39:22,880 INFO MainThread:24536 [jupyter.py:save_ipynb():373] not saving jupyter notebook
44
+ 2024-03-08 13:39:22,880 INFO MainThread:24536 [wandb_init.py:_pause_backend():437] pausing backend
wandb/run-20240308_130200-qomx2zsg/run-qomx2zsg.wandb CHANGED
Binary files a/wandb/run-20240308_130200-qomx2zsg/run-qomx2zsg.wandb and b/wandb/run-20240308_130200-qomx2zsg/run-qomx2zsg.wandb differ
 
wandb/run-20240308_134901-hlg2f18u/files/config.yaml ADDED
@@ -0,0 +1,689 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.12
7
+ cli_version: 0.16.4
8
+ framework: huggingface
9
+ huggingface_version: 4.38.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: false
12
+ start_time: 1709905741.0
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 2
17
+ - 3
18
+ - 5
19
+ - 11
20
+ - 12
21
+ - 49
22
+ - 51
23
+ - 53
24
+ - 55
25
+ - 71
26
+ - 84
27
+ - 98
28
+ 2:
29
+ - 1
30
+ - 2
31
+ - 3
32
+ - 5
33
+ - 11
34
+ - 12
35
+ - 49
36
+ - 51
37
+ - 53
38
+ - 55
39
+ - 71
40
+ - 84
41
+ - 98
42
+ 3:
43
+ - 7
44
+ - 23
45
+ 4: 3.10.12
46
+ 5: 0.16.4
47
+ 6: 4.38.2
48
+ 8:
49
+ - 1
50
+ - 5
51
+ - 12
52
+ 9:
53
+ 1: transformers_trainer
54
+ 13: linux-x86_64
55
+ m:
56
+ - 1: train/global_step
57
+ 6:
58
+ - 3
59
+ - 1: train/loss
60
+ 5: 1
61
+ 6:
62
+ - 1
63
+ - 1: train/grad_norm
64
+ 5: 1
65
+ 6:
66
+ - 1
67
+ - 1: train/learning_rate
68
+ 5: 1
69
+ 6:
70
+ - 1
71
+ - 1: train/epoch
72
+ 5: 1
73
+ 6:
74
+ - 1
75
+ vocab_size:
76
+ desc: null
77
+ value: 65024
78
+ hidden_size:
79
+ desc: null
80
+ value: 4544
81
+ num_hidden_layers:
82
+ desc: null
83
+ value: 32
84
+ num_attention_heads:
85
+ desc: null
86
+ value: 71
87
+ layer_norm_epsilon:
88
+ desc: null
89
+ value: 1.0e-05
90
+ initializer_range:
91
+ desc: null
92
+ value: 0.02
93
+ use_cache:
94
+ desc: null
95
+ value: false
96
+ hidden_dropout:
97
+ desc: null
98
+ value: 0.0
99
+ attention_dropout:
100
+ desc: null
101
+ value: 0.0
102
+ bos_token_id:
103
+ desc: null
104
+ value: 11
105
+ eos_token_id:
106
+ desc: null
107
+ value: 11
108
+ num_kv_heads:
109
+ desc: null
110
+ value: 71
111
+ alibi:
112
+ desc: null
113
+ value: false
114
+ new_decoder_architecture:
115
+ desc: null
116
+ value: false
117
+ multi_query:
118
+ desc: null
119
+ value: true
120
+ parallel_attn:
121
+ desc: null
122
+ value: true
123
+ bias:
124
+ desc: null
125
+ value: false
126
+ return_dict:
127
+ desc: null
128
+ value: true
129
+ output_hidden_states:
130
+ desc: null
131
+ value: false
132
+ output_attentions:
133
+ desc: null
134
+ value: false
135
+ torchscript:
136
+ desc: null
137
+ value: false
138
+ torch_dtype:
139
+ desc: null
140
+ value: bfloat16
141
+ use_bfloat16:
142
+ desc: null
143
+ value: false
144
+ tf_legacy_loss:
145
+ desc: null
146
+ value: false
147
+ pruned_heads:
148
+ desc: null
149
+ value: {}
150
+ tie_word_embeddings:
151
+ desc: null
152
+ value: true
153
+ chunk_size_feed_forward:
154
+ desc: null
155
+ value: 0
156
+ is_encoder_decoder:
157
+ desc: null
158
+ value: false
159
+ is_decoder:
160
+ desc: null
161
+ value: false
162
+ cross_attention_hidden_size:
163
+ desc: null
164
+ value: null
165
+ add_cross_attention:
166
+ desc: null
167
+ value: false
168
+ tie_encoder_decoder:
169
+ desc: null
170
+ value: false
171
+ max_length:
172
+ desc: null
173
+ value: 20
174
+ min_length:
175
+ desc: null
176
+ value: 0
177
+ do_sample:
178
+ desc: null
179
+ value: false
180
+ early_stopping:
181
+ desc: null
182
+ value: false
183
+ num_beams:
184
+ desc: null
185
+ value: 1
186
+ num_beam_groups:
187
+ desc: null
188
+ value: 1
189
+ diversity_penalty:
190
+ desc: null
191
+ value: 0.0
192
+ temperature:
193
+ desc: null
194
+ value: 1.0
195
+ top_k:
196
+ desc: null
197
+ value: 50
198
+ top_p:
199
+ desc: null
200
+ value: 1.0
201
+ typical_p:
202
+ desc: null
203
+ value: 1.0
204
+ repetition_penalty:
205
+ desc: null
206
+ value: 1.0
207
+ length_penalty:
208
+ desc: null
209
+ value: 1.0
210
+ no_repeat_ngram_size:
211
+ desc: null
212
+ value: 0
213
+ encoder_no_repeat_ngram_size:
214
+ desc: null
215
+ value: 0
216
+ bad_words_ids:
217
+ desc: null
218
+ value: null
219
+ num_return_sequences:
220
+ desc: null
221
+ value: 1
222
+ output_scores:
223
+ desc: null
224
+ value: false
225
+ return_dict_in_generate:
226
+ desc: null
227
+ value: false
228
+ forced_bos_token_id:
229
+ desc: null
230
+ value: null
231
+ forced_eos_token_id:
232
+ desc: null
233
+ value: null
234
+ remove_invalid_values:
235
+ desc: null
236
+ value: false
237
+ exponential_decay_length_penalty:
238
+ desc: null
239
+ value: null
240
+ suppress_tokens:
241
+ desc: null
242
+ value: null
243
+ begin_suppress_tokens:
244
+ desc: null
245
+ value: null
246
+ architectures:
247
+ desc: null
248
+ value:
249
+ - FalconForCausalLM
250
+ finetuning_task:
251
+ desc: null
252
+ value: null
253
+ id2label:
254
+ desc: null
255
+ value:
256
+ '0': LABEL_0
257
+ '1': LABEL_1
258
+ label2id:
259
+ desc: null
260
+ value:
261
+ LABEL_0: 0
262
+ LABEL_1: 1
263
+ tokenizer_class:
264
+ desc: null
265
+ value: null
266
+ prefix:
267
+ desc: null
268
+ value: null
269
+ pad_token_id:
270
+ desc: null
271
+ value: null
272
+ sep_token_id:
273
+ desc: null
274
+ value: null
275
+ decoder_start_token_id:
276
+ desc: null
277
+ value: null
278
+ task_specific_params:
279
+ desc: null
280
+ value: null
281
+ problem_type:
282
+ desc: null
283
+ value: null
284
+ _name_or_path:
285
+ desc: null
286
+ value: vilsonrodrigues/falcon-7b-instruct-sharded
287
+ transformers_version:
288
+ desc: null
289
+ value: 4.38.2
290
+ apply_residual_connection_post_layernorm:
291
+ desc: null
292
+ value: false
293
+ auto_map:
294
+ desc: null
295
+ value:
296
+ AutoConfig: vilsonrodrigues/falcon-7b-instruct-sharded--configuration_falcon.FalconConfig
297
+ AutoModel: vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconModel
298
+ AutoModelForSequenceClassification: vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForSequenceClassification
299
+ AutoModelForTokenClassification: vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForTokenClassification
300
+ AutoModelForQuestionAnswering: vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForQuestionAnswering
301
+ AutoModelForCausalLM: vilsonrodrigues/falcon-7b-instruct-sharded--modeling_falcon.FalconForCausalLM
302
+ model_type:
303
+ desc: null
304
+ value: falcon
305
+ quantization_config:
306
+ desc: null
307
+ value:
308
+ quant_method: QuantizationMethod.BITS_AND_BYTES
309
+ _load_in_8bit: false
310
+ _load_in_4bit: true
311
+ llm_int8_threshold: 6.0
312
+ llm_int8_skip_modules: null
313
+ llm_int8_enable_fp32_cpu_offload: false
314
+ llm_int8_has_fp16_weight: false
315
+ bnb_4bit_quant_type: nf4
316
+ bnb_4bit_use_double_quant: true
317
+ bnb_4bit_compute_dtype: float16
318
+ load_in_4bit: true
319
+ load_in_8bit: false
320
+ output_dir:
321
+ desc: null
322
+ value: ./
323
+ overwrite_output_dir:
324
+ desc: null
325
+ value: false
326
+ do_train:
327
+ desc: null
328
+ value: false
329
+ do_eval:
330
+ desc: null
331
+ value: false
332
+ do_predict:
333
+ desc: null
334
+ value: false
335
+ evaluation_strategy:
336
+ desc: null
337
+ value: 'no'
338
+ prediction_loss_only:
339
+ desc: null
340
+ value: false
341
+ per_device_train_batch_size:
342
+ desc: null
343
+ value: 4
344
+ per_device_eval_batch_size:
345
+ desc: null
346
+ value: 8
347
+ per_gpu_train_batch_size:
348
+ desc: null
349
+ value: null
350
+ per_gpu_eval_batch_size:
351
+ desc: null
352
+ value: null
353
+ gradient_accumulation_steps:
354
+ desc: null
355
+ value: 4
356
+ eval_accumulation_steps:
357
+ desc: null
358
+ value: null
359
+ eval_delay:
360
+ desc: null
361
+ value: 0
362
+ learning_rate:
363
+ desc: null
364
+ value: 0.0001
365
+ weight_decay:
366
+ desc: null
367
+ value: 0.0
368
+ adam_beta1:
369
+ desc: null
370
+ value: 0.9
371
+ adam_beta2:
372
+ desc: null
373
+ value: 0.999
374
+ adam_epsilon:
375
+ desc: null
376
+ value: 1.0e-08
377
+ max_grad_norm:
378
+ desc: null
379
+ value: 0.3
380
+ num_train_epochs:
381
+ desc: null
382
+ value: 3.0
383
+ max_steps:
384
+ desc: null
385
+ value: 200
386
+ lr_scheduler_type:
387
+ desc: null
388
+ value: cosine
389
+ lr_scheduler_kwargs:
390
+ desc: null
391
+ value: {}
392
+ warmup_ratio:
393
+ desc: null
394
+ value: 0.03
395
+ warmup_steps:
396
+ desc: null
397
+ value: 0
398
+ log_level:
399
+ desc: null
400
+ value: passive
401
+ log_level_replica:
402
+ desc: null
403
+ value: warning
404
+ log_on_each_node:
405
+ desc: null
406
+ value: true
407
+ logging_dir:
408
+ desc: null
409
+ value: ./runs/Mar08_13-48-53_4997a2709b0f
410
+ logging_strategy:
411
+ desc: null
412
+ value: steps
413
+ logging_first_step:
414
+ desc: null
415
+ value: false
416
+ logging_steps:
417
+ desc: null
418
+ value: 10
419
+ logging_nan_inf_filter:
420
+ desc: null
421
+ value: true
422
+ save_strategy:
423
+ desc: null
424
+ value: steps
425
+ save_steps:
426
+ desc: null
427
+ value: 10
428
+ save_total_limit:
429
+ desc: null
430
+ value: null
431
+ save_safetensors:
432
+ desc: null
433
+ value: true
434
+ save_on_each_node:
435
+ desc: null
436
+ value: false
437
+ save_only_model:
438
+ desc: null
439
+ value: false
440
+ no_cuda:
441
+ desc: null
442
+ value: false
443
+ use_cpu:
444
+ desc: null
445
+ value: false
446
+ use_mps_device:
447
+ desc: null
448
+ value: false
449
+ seed:
450
+ desc: null
451
+ value: 42
452
+ data_seed:
453
+ desc: null
454
+ value: null
455
+ jit_mode_eval:
456
+ desc: null
457
+ value: false
458
+ use_ipex:
459
+ desc: null
460
+ value: false
461
+ bf16:
462
+ desc: null
463
+ value: false
464
+ fp16:
465
+ desc: null
466
+ value: true
467
+ fp16_opt_level:
468
+ desc: null
469
+ value: O1
470
+ half_precision_backend:
471
+ desc: null
472
+ value: auto
473
+ bf16_full_eval:
474
+ desc: null
475
+ value: false
476
+ fp16_full_eval:
477
+ desc: null
478
+ value: false
479
+ tf32:
480
+ desc: null
481
+ value: null
482
+ local_rank:
483
+ desc: null
484
+ value: 0
485
+ ddp_backend:
486
+ desc: null
487
+ value: null
488
+ tpu_num_cores:
489
+ desc: null
490
+ value: null
491
+ tpu_metrics_debug:
492
+ desc: null
493
+ value: false
494
+ debug:
495
+ desc: null
496
+ value: []
497
+ dataloader_drop_last:
498
+ desc: null
499
+ value: false
500
+ eval_steps:
501
+ desc: null
502
+ value: null
503
+ dataloader_num_workers:
504
+ desc: null
505
+ value: 0
506
+ dataloader_prefetch_factor:
507
+ desc: null
508
+ value: null
509
+ past_index:
510
+ desc: null
511
+ value: -1
512
+ run_name:
513
+ desc: null
514
+ value: ./
515
+ disable_tqdm:
516
+ desc: null
517
+ value: false
518
+ remove_unused_columns:
519
+ desc: null
520
+ value: true
521
+ label_names:
522
+ desc: null
523
+ value: null
524
+ load_best_model_at_end:
525
+ desc: null
526
+ value: false
527
+ metric_for_best_model:
528
+ desc: null
529
+ value: null
530
+ greater_is_better:
531
+ desc: null
532
+ value: null
533
+ ignore_data_skip:
534
+ desc: null
535
+ value: false
536
+ fsdp:
537
+ desc: null
538
+ value: []
539
+ fsdp_min_num_params:
540
+ desc: null
541
+ value: 0
542
+ fsdp_config:
543
+ desc: null
544
+ value:
545
+ min_num_params: 0
546
+ xla: false
547
+ xla_fsdp_v2: false
548
+ xla_fsdp_grad_ckpt: false
549
+ fsdp_transformer_layer_cls_to_wrap:
550
+ desc: null
551
+ value: null
552
+ accelerator_config:
553
+ desc: null
554
+ value:
555
+ split_batches: false
556
+ dispatch_batches: null
557
+ even_batches: true
558
+ use_seedable_sampler: true
559
+ deepspeed:
560
+ desc: null
561
+ value: null
562
+ label_smoothing_factor:
563
+ desc: null
564
+ value: 0.0
565
+ optim:
566
+ desc: null
567
+ value: paged_adamw_32bit
568
+ optim_args:
569
+ desc: null
570
+ value: null
571
+ adafactor:
572
+ desc: null
573
+ value: false
574
+ group_by_length:
575
+ desc: null
576
+ value: true
577
+ length_column_name:
578
+ desc: null
579
+ value: length
580
+ report_to:
581
+ desc: null
582
+ value:
583
+ - tensorboard
584
+ - wandb
585
+ ddp_find_unused_parameters:
586
+ desc: null
587
+ value: null
588
+ ddp_bucket_cap_mb:
589
+ desc: null
590
+ value: null
591
+ ddp_broadcast_buffers:
592
+ desc: null
593
+ value: null
594
+ dataloader_pin_memory:
595
+ desc: null
596
+ value: true
597
+ dataloader_persistent_workers:
598
+ desc: null
599
+ value: false
600
+ skip_memory_metrics:
601
+ desc: null
602
+ value: true
603
+ use_legacy_prediction_loop:
604
+ desc: null
605
+ value: false
606
+ push_to_hub:
607
+ desc: null
608
+ value: true
609
+ resume_from_checkpoint:
610
+ desc: null
611
+ value: null
612
+ hub_model_id:
613
+ desc: null
614
+ value: null
615
+ hub_strategy:
616
+ desc: null
617
+ value: every_save
618
+ hub_token:
619
+ desc: null
620
+ value: <HUB_TOKEN>
621
+ hub_private_repo:
622
+ desc: null
623
+ value: false
624
+ hub_always_push:
625
+ desc: null
626
+ value: false
627
+ gradient_checkpointing:
628
+ desc: null
629
+ value: false
630
+ gradient_checkpointing_kwargs:
631
+ desc: null
632
+ value: null
633
+ include_inputs_for_metrics:
634
+ desc: null
635
+ value: false
636
+ fp16_backend:
637
+ desc: null
638
+ value: auto
639
+ push_to_hub_model_id:
640
+ desc: null
641
+ value: null
642
+ push_to_hub_organization:
643
+ desc: null
644
+ value: null
645
+ push_to_hub_token:
646
+ desc: null
647
+ value: <PUSH_TO_HUB_TOKEN>
648
+ mp_parameters:
649
+ desc: null
650
+ value: ''
651
+ auto_find_batch_size:
652
+ desc: null
653
+ value: false
654
+ full_determinism:
655
+ desc: null
656
+ value: false
657
+ torchdynamo:
658
+ desc: null
659
+ value: null
660
+ ray_scope:
661
+ desc: null
662
+ value: last
663
+ ddp_timeout:
664
+ desc: null
665
+ value: 1800
666
+ torch_compile:
667
+ desc: null
668
+ value: false
669
+ torch_compile_backend:
670
+ desc: null
671
+ value: null
672
+ torch_compile_mode:
673
+ desc: null
674
+ value: null
675
+ dispatch_batches:
676
+ desc: null
677
+ value: null
678
+ split_batches:
679
+ desc: null
680
+ value: null
681
+ include_tokens_per_second:
682
+ desc: null
683
+ value: false
684
+ include_num_input_tokens_seen:
685
+ desc: null
686
+ value: false
687
+ neftune_noise_alpha:
688
+ desc: null
689
+ value: null
wandb/run-20240308_134901-hlg2f18u/files/output.log ADDED
@@ -0,0 +1 @@
 
 
1
+
wandb/run-20240308_134901-hlg2f18u/files/requirements.txt ADDED
@@ -0,0 +1,499 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Babel==2.14.0
2
+ CacheControl==0.14.0
3
+ Cython==3.0.9
4
+ Flask==2.2.5
5
+ GDAL==3.6.4
6
+ GitPython==3.1.42
7
+ Jinja2==3.1.3
8
+ Markdown==3.5.2
9
+ MarkupSafe==2.1.5
10
+ Pillow==9.4.0
11
+ PyDrive2==1.6.3
12
+ PyDrive==1.3.1
13
+ PyGObject==3.42.1
14
+ PyJWT==2.3.0
15
+ PyOpenGL==3.1.7
16
+ PySocks==1.7.1
17
+ PyWavelets==1.5.0
18
+ PyYAML==6.0.1
19
+ Pygments==2.16.1
20
+ SQLAlchemy==2.0.28
21
+ SecretStorage==3.3.1
22
+ Send2Trash==1.8.2
23
+ Sphinx==5.0.2
24
+ Werkzeug==3.0.1
25
+ absl-py==1.4.0
26
+ accelerate==0.27.2
27
+ aiohttp==3.9.3
28
+ aiosignal==1.3.1
29
+ alabaster==0.7.16
30
+ albumentations==1.3.1
31
+ altair==4.2.2
32
+ annotated-types==0.6.0
33
+ anyio==3.7.1
34
+ appdirs==1.4.4
35
+ argon2-cffi-bindings==21.2.0
36
+ argon2-cffi==23.1.0
37
+ array-record==0.5.0
38
+ arviz==0.15.1
39
+ astropy==5.3.4
40
+ astunparse==1.6.3
41
+ async-timeout==4.0.3
42
+ atpublic==4.0
43
+ attrs==23.2.0
44
+ audioread==3.0.1
45
+ autograd==1.6.2
46
+ backcall==0.2.0
47
+ beautifulsoup4==4.12.3
48
+ bidict==0.23.1
49
+ bigframes==0.22.0
50
+ bitsandbytes==0.43.0
51
+ bleach==6.1.0
52
+ blinker==1.4
53
+ blis==0.7.11
54
+ blosc2==2.0.0
55
+ bokeh==3.3.4
56
+ bqplot==0.12.43
57
+ branca==0.7.1
58
+ build==1.1.1
59
+ cachetools==5.3.3
60
+ catalogue==2.0.10
61
+ certifi==2024.2.2
62
+ cffi==1.16.0
63
+ chardet==5.2.0
64
+ charset-normalizer==3.3.2
65
+ chex==0.1.85
66
+ click-plugins==1.1.1
67
+ click==8.1.7
68
+ cligj==0.7.2
69
+ cloudpathlib==0.16.0
70
+ cloudpickle==2.2.1
71
+ cmake==3.27.9
72
+ cmdstanpy==1.2.1
73
+ colorcet==3.1.0
74
+ colorlover==0.3.0
75
+ colour==0.1.5
76
+ community==1.0.0b1
77
+ confection==0.1.4
78
+ cons==0.4.6
79
+ contextlib2==21.6.0
80
+ contourpy==1.2.0
81
+ cryptography==42.0.5
82
+ cufflinks==0.17.3
83
+ cupy-cuda12x==12.2.0
84
+ cvxopt==1.3.2
85
+ cvxpy==1.3.3
86
+ cycler==0.12.1
87
+ cymem==2.0.8
88
+ dask==2023.8.1
89
+ datascience==0.17.6
90
+ datasets==2.18.0
91
+ db-dtypes==1.2.0
92
+ dbus-python==1.2.18
93
+ debugpy==1.6.6
94
+ decorator==4.4.2
95
+ defusedxml==0.7.1
96
+ dill==0.3.8
97
+ distributed==2023.8.1
98
+ distro==1.7.0
99
+ dlib==19.24.2
100
+ dm-tree==0.1.8
101
+ docker-pycreds==0.4.0
102
+ docstring-parser==0.15
103
+ docutils==0.18.1
104
+ dopamine-rl==4.0.6
105
+ duckdb==0.9.2
106
+ earthengine-api==0.1.392
107
+ easydict==1.13
108
+ ecos==2.0.13
109
+ editdistance==0.6.2
110
+ eerepr==0.0.4
111
+ einops==0.7.0
112
+ en-core-web-sm==3.7.1
113
+ entrypoints==0.4
114
+ et-xmlfile==1.1.0
115
+ etils==1.7.0
116
+ etuples==0.3.9
117
+ exceptiongroup==1.2.0
118
+ fastai==2.7.14
119
+ fastcore==1.5.29
120
+ fastdownload==0.0.7
121
+ fastjsonschema==2.19.1
122
+ fastprogress==1.0.3
123
+ fastrlock==0.8.2
124
+ filelock==3.13.1
125
+ fiona==1.9.5
126
+ firebase-admin==5.3.0
127
+ flatbuffers==23.5.26
128
+ flax==0.8.1
129
+ folium==0.14.0
130
+ fonttools==4.49.0
131
+ frozendict==2.4.0
132
+ frozenlist==1.4.1
133
+ fsspec==2023.6.0
134
+ future==0.18.3
135
+ gast==0.5.4
136
+ gcsfs==2023.6.0
137
+ gdown==4.7.3
138
+ geemap==0.32.0
139
+ gensim==4.3.2
140
+ geocoder==1.38.1
141
+ geographiclib==2.0
142
+ geopandas==0.13.2
143
+ geopy==2.3.0
144
+ gin-config==0.5.0
145
+ gitdb==4.0.11
146
+ glob2==0.7
147
+ google-ai-generativelanguage==0.4.0
148
+ google-api-core==2.11.1
149
+ google-api-python-client==2.84.0
150
+ google-auth-httplib2==0.1.1
151
+ google-auth-oauthlib==1.2.0
152
+ google-auth==2.27.0
153
+ google-cloud-aiplatform==1.43.0
154
+ google-cloud-bigquery-connection==1.12.1
155
+ google-cloud-bigquery-storage==2.24.0
156
+ google-cloud-bigquery==3.12.0
157
+ google-cloud-core==2.3.3
158
+ google-cloud-datastore==2.15.2
159
+ google-cloud-firestore==2.11.1
160
+ google-cloud-functions==1.13.3
161
+ google-cloud-iam==2.14.3
162
+ google-cloud-language==2.13.3
163
+ google-cloud-resource-manager==1.12.3
164
+ google-cloud-storage==2.8.0
165
+ google-cloud-translate==3.11.3
166
+ google-colab==1.0.0
167
+ google-crc32c==1.5.0
168
+ google-generativeai==0.3.2
169
+ google-pasta==0.2.0
170
+ google-resumable-media==2.7.0
171
+ google==2.0.3
172
+ googleapis-common-protos==1.62.0
173
+ googledrivedownloader==0.4
174
+ graphviz==0.20.1
175
+ greenlet==3.0.3
176
+ grpc-google-iam-v1==0.13.0
177
+ grpcio-status==1.48.2
178
+ grpcio==1.62.0
179
+ gspread-dataframe==3.3.1
180
+ gspread==3.4.2
181
+ gym-notices==0.0.8
182
+ gym==0.25.2
183
+ h5netcdf==1.3.0
184
+ h5py==3.9.0
185
+ holidays==0.44
186
+ holoviews==1.17.1
187
+ html5lib==1.1
188
+ httpimport==1.3.1
189
+ httplib2==0.22.0
190
+ huggingface-hub==0.20.3
191
+ humanize==4.7.0
192
+ hyperopt==0.2.7
193
+ ibis-framework==7.1.0
194
+ idna==3.6
195
+ imageio-ffmpeg==0.4.9
196
+ imageio==2.31.6
197
+ imagesize==1.4.1
198
+ imbalanced-learn==0.10.1
199
+ imgaug==0.4.0
200
+ importlib-metadata==7.0.1
201
+ importlib_resources==6.1.2
202
+ imutils==0.5.4
203
+ inflect==7.0.0
204
+ iniconfig==2.0.0
205
+ intel-openmp==2023.2.3
206
+ ipyevents==2.0.2
207
+ ipyfilechooser==0.6.0
208
+ ipykernel==5.5.6
209
+ ipyleaflet==0.18.2
210
+ ipython-genutils==0.2.0
211
+ ipython-sql==0.5.0
212
+ ipython==7.34.0
213
+ ipytree==0.2.2
214
+ ipywidgets==7.7.1
215
+ itsdangerous==2.1.2
216
+ jax==0.4.23
217
+ jaxlib==0.4.23+cuda12.cudnn89
218
+ jeepney==0.7.1
219
+ jieba==0.42.1
220
+ joblib==1.3.2
221
+ jsonpickle==3.0.3
222
+ jsonschema-specifications==2023.12.1
223
+ jsonschema==4.19.2
224
+ jupyter-client==6.1.12
225
+ jupyter-console==6.1.0
226
+ jupyter-server==1.24.0
227
+ jupyter_core==5.7.1
228
+ jupyterlab_pygments==0.3.0
229
+ jupyterlab_widgets==3.0.10
230
+ kaggle==1.5.16
231
+ kagglehub==0.2.0
232
+ keras==2.15.0
233
+ keyring==23.5.0
234
+ kiwisolver==1.4.5
235
+ langcodes==3.3.0
236
+ launchpadlib==1.10.16
237
+ lazr.restfulclient==0.14.4
238
+ lazr.uri==1.0.6
239
+ lazy_loader==0.3
240
+ libclang==16.0.6
241
+ librosa==0.10.1
242
+ lightgbm==4.1.0
243
+ linkify-it-py==2.0.3
244
+ llvmlite==0.41.1
245
+ locket==1.0.0
246
+ logical-unification==0.4.6
247
+ lxml==4.9.4
248
+ malloy==2023.1067
249
+ markdown-it-py==3.0.0
250
+ matplotlib-inline==0.1.6
251
+ matplotlib-venn==0.11.10
252
+ matplotlib==3.7.1
253
+ mdit-py-plugins==0.4.0
254
+ mdurl==0.1.2
255
+ miniKanren==1.0.3
256
+ missingno==0.5.2
257
+ mistune==0.8.4
258
+ mizani==0.9.3
259
+ mkl==2023.2.0
260
+ ml-dtypes==0.2.0
261
+ mlxtend==0.22.0
262
+ more-itertools==10.1.0
263
+ moviepy==1.0.3
264
+ mpmath==1.3.0
265
+ msgpack==1.0.8
266
+ multidict==6.0.5
267
+ multipledispatch==1.0.0
268
+ multiprocess==0.70.16
269
+ multitasking==0.0.11
270
+ murmurhash==1.0.10
271
+ music21==9.1.0
272
+ natsort==8.4.0
273
+ nbclassic==1.0.0
274
+ nbclient==0.9.0
275
+ nbconvert==6.5.4
276
+ nbformat==5.9.2
277
+ nest-asyncio==1.6.0
278
+ networkx==3.2.1
279
+ nibabel==4.0.2
280
+ nltk==3.8.1
281
+ notebook==6.5.5
282
+ notebook_shim==0.2.4
283
+ numba==0.58.1
284
+ numexpr==2.9.0
285
+ numpy==1.25.2
286
+ oauth2client==4.1.3
287
+ oauthlib==3.2.2
288
+ opencv-contrib-python==4.8.0.76
289
+ opencv-python-headless==4.9.0.80
290
+ opencv-python==4.8.0.76
291
+ openpyxl==3.1.2
292
+ opt-einsum==3.3.0
293
+ optax==0.1.9
294
+ orbax-checkpoint==0.4.4
295
+ osqp==0.6.2.post8
296
+ packaging==23.2
297
+ pandas-datareader==0.10.0
298
+ pandas-gbq==0.19.2
299
+ pandas-stubs==1.5.3.230304
300
+ pandas==1.5.3
301
+ pandocfilters==1.5.1
302
+ panel==1.3.8
303
+ param==2.0.2
304
+ parso==0.8.3
305
+ parsy==2.1
306
+ partd==1.4.1
307
+ pathlib==1.0.1
308
+ patsy==0.5.6
309
+ peewee==3.17.1
310
+ peft==0.9.1.dev0
311
+ pexpect==4.9.0
312
+ pickleshare==0.7.5
313
+ pins==0.8.4
314
+ pip-tools==6.13.0
315
+ pip==23.1.2
316
+ platformdirs==4.2.0
317
+ plotly==5.15.0
318
+ plotnine==0.12.4
319
+ pluggy==1.4.0
320
+ polars==0.20.2
321
+ pooch==1.8.1
322
+ portpicker==1.5.2
323
+ prefetch-generator==1.0.3
324
+ preshed==3.0.9
325
+ prettytable==3.10.0
326
+ proglog==0.1.10
327
+ progressbar2==4.2.0
328
+ prometheus_client==0.20.0
329
+ promise==2.3
330
+ prompt-toolkit==3.0.43
331
+ prophet==1.1.5
332
+ proto-plus==1.23.0
333
+ protobuf==3.20.3
334
+ psutil==5.9.5
335
+ psycopg2==2.9.9
336
+ ptyprocess==0.7.0
337
+ py-cpuinfo==9.0.0
338
+ py4j==0.10.9.7
339
+ pyOpenSSL==24.0.0
340
+ pyarrow-hotfix==0.6
341
+ pyarrow==14.0.2
342
+ pyasn1-modules==0.3.0
343
+ pyasn1==0.5.1
344
+ pycocotools==2.0.7
345
+ pycparser==2.21
346
+ pydantic==2.6.3
347
+ pydantic_core==2.16.3
348
+ pydata-google-auth==1.8.2
349
+ pydot-ng==2.0.0
350
+ pydot==1.4.2
351
+ pydotplus==2.0.2
352
+ pyerfa==2.0.1.1
353
+ pygame==2.5.2
354
+ pymc==5.10.4
355
+ pymystem3==0.2.0
356
+ pyparsing==3.1.1
357
+ pyperclip==1.8.2
358
+ pyproj==3.6.1
359
+ pyproject_hooks==1.0.0
360
+ pyshp==2.3.1
361
+ pytensor==2.18.6
362
+ pytest==7.4.4
363
+ python-apt==0.0.0
364
+ python-box==7.1.1
365
+ python-dateutil==2.8.2
366
+ python-louvain==0.16
367
+ python-slugify==8.0.4
368
+ python-utils==3.8.2
369
+ pytz==2023.4
370
+ pyviz_comms==3.0.1
371
+ pyzmq==23.2.1
372
+ qdldl==0.1.7.post0
373
+ qudida==0.0.4
374
+ ratelim==0.1.6
375
+ referencing==0.33.0
376
+ regex==2023.12.25
377
+ requests-oauthlib==1.3.1
378
+ requests==2.31.0
379
+ requirements-parser==0.5.0
380
+ rich==13.7.1
381
+ rpds-py==0.18.0
382
+ rpy2==3.4.2
383
+ rsa==4.9
384
+ safetensors==0.4.2
385
+ scikit-image==0.19.3
386
+ scikit-learn==1.2.2
387
+ scipy==1.11.4
388
+ scooby==0.9.2
389
+ scs==3.2.4.post1
390
+ seaborn==0.13.1
391
+ sentencepiece==0.1.99
392
+ sentry-sdk==1.41.0
393
+ setproctitle==1.3.3
394
+ setuptools==67.7.2
395
+ shapely==2.0.3
396
+ shtab==1.7.1
397
+ six==1.16.0
398
+ six==1.16.0
399
+ sklearn-pandas==2.2.0
400
+ smart-open==6.4.0
401
+ smmap==5.0.1
402
+ sniffio==1.3.1
403
+ snowballstemmer==2.2.0
404
+ sortedcontainers==2.4.0
405
+ soundfile==0.12.1
406
+ soupsieve==2.5
407
+ soxr==0.3.7
408
+ spacy-legacy==3.0.12
409
+ spacy-loggers==1.0.5
410
+ spacy==3.7.4
411
+ sphinxcontrib-applehelp==1.0.8
412
+ sphinxcontrib-devhelp==1.0.6
413
+ sphinxcontrib-htmlhelp==2.0.5
414
+ sphinxcontrib-jsmath==1.0.1
415
+ sphinxcontrib-qthelp==1.0.7
416
+ sphinxcontrib-serializinghtml==1.1.10
417
+ sqlglot==19.9.0
418
+ sqlparse==0.4.4
419
+ srsly==2.4.8
420
+ stanio==0.3.0
421
+ statsmodels==0.14.1
422
+ sympy==1.12
423
+ tables==3.8.0
424
+ tabulate==0.9.0
425
+ tbb==2021.11.0
426
+ tblib==3.0.0
427
+ tenacity==8.2.3
428
+ tensorboard-data-server==0.7.2
429
+ tensorboard==2.15.2
430
+ tensorflow-datasets==4.9.4
431
+ tensorflow-estimator==2.15.0
432
+ tensorflow-gcs-config==2.15.0
433
+ tensorflow-hub==0.16.1
434
+ tensorflow-io-gcs-filesystem==0.36.0
435
+ tensorflow-metadata==1.14.0
436
+ tensorflow-probability==0.23.0
437
+ tensorflow==2.15.0
438
+ tensorstore==0.1.45
439
+ termcolor==2.4.0
440
+ terminado==0.18.0
441
+ text-unidecode==1.3
442
+ textblob==0.17.1
443
+ tf-keras==2.15.0
444
+ tf-slim==1.1.0
445
+ thinc==8.2.3
446
+ threadpoolctl==3.3.0
447
+ tifffile==2024.2.12
448
+ tinycss2==1.2.1
449
+ tokenizers==0.15.2
450
+ toml==0.10.2
451
+ tomli==2.0.1
452
+ toolz==0.12.1
453
+ torch==2.1.0+cu121
454
+ torchaudio==2.1.0+cu121
455
+ torchdata==0.7.0
456
+ torchsummary==1.5.1
457
+ torchtext==0.16.0
458
+ torchvision==0.16.0+cu121
459
+ tornado==6.3.3
460
+ tqdm==4.66.2
461
+ traitlets==5.7.1
462
+ traittypes==0.2.1
463
+ transformers==4.38.2
464
+ triton==2.1.0
465
+ trl==0.7.11
466
+ tweepy==4.14.0
467
+ typer==0.9.0
468
+ types-pytz==2024.1.0.20240203
469
+ types-setuptools==69.1.0.20240302
470
+ typing_extensions==4.10.0
471
+ tyro==0.7.3
472
+ tzlocal==5.2
473
+ uc-micro-py==1.0.3
474
+ uritemplate==4.1.1
475
+ urllib3==2.0.7
476
+ vega-datasets==0.9.0
477
+ wadllib==1.3.6
478
+ wandb==0.16.4
479
+ wasabi==1.1.2
480
+ wcwidth==0.2.13
481
+ weasel==0.3.4
482
+ webcolors==1.13
483
+ webencodings==0.5.1
484
+ websocket-client==1.7.0
485
+ wheel==0.42.0
486
+ widgetsnbextension==3.6.6
487
+ wordcloud==1.9.3
488
+ wrapt==1.14.1
489
+ xarray-einstats==0.7.0
490
+ xarray==2023.7.0
491
+ xgboost==2.0.3
492
+ xlrd==2.0.1
493
+ xxhash==3.4.1
494
+ xyzservices==2023.10.1
495
+ yarl==1.9.4
496
+ yellowbrick==1.5
497
+ yfinance==0.2.37
498
+ zict==3.0.0
499
+ zipp==3.17.0
wandb/run-20240308_134901-hlg2f18u/files/wandb-metadata.json ADDED
@@ -0,0 +1,82 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-6.1.58+-x86_64-with-glibc2.35",
3
+ "python": "3.10.12",
4
+ "heartbeatAt": "2024-03-08T13:49:07.172649",
5
+ "startedAt": "2024-03-08T13:49:01.413484",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "Smart_Agriculture_Falcon.ipynb",
11
+ "codePathLocal": null,
12
+ "colab": "https://colab.research.google.com/notebook#fileId=1kv2VO7q0c8xX_DQt5NERLeJJZtHW6zHO",
13
+ "host": "4997a2709b0f",
14
+ "username": "root",
15
+ "executable": "/usr/bin/python3",
16
+ "cpu_count": 4,
17
+ "cpu_count_logical": 8,
18
+ "cpu_freq": {
19
+ "current": 2199.998,
20
+ "min": 0.0,
21
+ "max": 0.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2199.998,
26
+ "min": 0.0,
27
+ "max": 0.0
28
+ },
29
+ {
30
+ "current": 2199.998,
31
+ "min": 0.0,
32
+ "max": 0.0
33
+ },
34
+ {
35
+ "current": 2199.998,
36
+ "min": 0.0,
37
+ "max": 0.0
38
+ },
39
+ {
40
+ "current": 2199.998,
41
+ "min": 0.0,
42
+ "max": 0.0
43
+ },
44
+ {
45
+ "current": 2199.998,
46
+ "min": 0.0,
47
+ "max": 0.0
48
+ },
49
+ {
50
+ "current": 2199.998,
51
+ "min": 0.0,
52
+ "max": 0.0
53
+ },
54
+ {
55
+ "current": 2199.998,
56
+ "min": 0.0,
57
+ "max": 0.0
58
+ },
59
+ {
60
+ "current": 2199.998,
61
+ "min": 0.0,
62
+ "max": 0.0
63
+ }
64
+ ],
65
+ "disk": {
66
+ "/": {
67
+ "total": 201.22513961791992,
68
+ "used": 58.57290267944336
69
+ }
70
+ },
71
+ "gpu": "Tesla T4",
72
+ "gpu_count": 1,
73
+ "gpu_devices": [
74
+ {
75
+ "name": "Tesla T4",
76
+ "memory_total": 16106127360
77
+ }
78
+ ],
79
+ "memory": {
80
+ "total": 50.993690490722656
81
+ }
82
+ }
wandb/run-20240308_134901-hlg2f18u/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"train/loss": 2.4942, "train/grad_norm": 0.6082926988601685, "train/learning_rate": 9.989514131188559e-05, "train/epoch": 0.8, "train/global_step": 10, "_timestamp": 1709905830.8509364, "_runtime": 89.43063950538635, "_step": 0}
wandb/run-20240308_134901-hlg2f18u/logs/debug-internal.log ADDED
@@ -0,0 +1,106 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-03-08 13:49:01,420 INFO StreamThr :37167 [internal.py:wandb_internal():86] W&B internal server running at pid: 37167, started at: 2024-03-08 13:49:01.420105
2
+ 2024-03-08 13:49:01,422 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status
3
+ 2024-03-08 13:49:06,425 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
4
+ 2024-03-08 13:49:06,425 INFO WriterThread:37167 [datastore.py:open_for_write():87] open: /content/wandb/run-20240308_134901-hlg2f18u/run-hlg2f18u.wandb
5
+ 2024-03-08 13:49:06,451 DEBUG SenderThread:37167 [sender.py:send():378] send: header
6
+ 2024-03-08 13:49:06,454 DEBUG SenderThread:37167 [sender.py:send():378] send: run
7
+ 2024-03-08 13:49:06,939 INFO SenderThread:37167 [dir_watcher.py:__init__():211] watching files in: /content/wandb/run-20240308_134901-hlg2f18u/files
8
+ 2024-03-08 13:49:06,939 INFO SenderThread:37167 [sender.py:_start_run_threads():1099] run started: hlg2f18u with start time 1709905741.420297
9
+ 2024-03-08 13:49:06,942 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: check_version
10
+ 2024-03-08 13:49:06,942 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: check_version
11
+ 2024-03-08 13:49:07,153 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: run_start
12
+ 2024-03-08 13:49:07,163 DEBUG HandlerThread:37167 [system_info.py:__init__():26] System info init
13
+ 2024-03-08 13:49:07,163 DEBUG HandlerThread:37167 [system_info.py:__init__():41] System info init done
14
+ 2024-03-08 13:49:07,163 INFO HandlerThread:37167 [system_monitor.py:start():194] Starting system monitor
15
+ 2024-03-08 13:49:07,164 INFO SystemMonitor:37167 [system_monitor.py:_start():158] Starting system asset monitoring threads
16
+ 2024-03-08 13:49:07,164 INFO HandlerThread:37167 [system_monitor.py:probe():214] Collecting system info
17
+ 2024-03-08 13:49:07,164 INFO SystemMonitor:37167 [interfaces.py:start():190] Started cpu monitoring
18
+ 2024-03-08 13:49:07,165 INFO SystemMonitor:37167 [interfaces.py:start():190] Started disk monitoring
19
+ 2024-03-08 13:49:07,166 INFO SystemMonitor:37167 [interfaces.py:start():190] Started gpu monitoring
20
+ 2024-03-08 13:49:07,167 INFO SystemMonitor:37167 [interfaces.py:start():190] Started memory monitoring
21
+ 2024-03-08 13:49:07,168 INFO SystemMonitor:37167 [interfaces.py:start():190] Started network monitoring
22
+ 2024-03-08 13:49:07,172 DEBUG HandlerThread:37167 [system_info.py:probe():150] Probing system
23
+ 2024-03-08 13:49:07,174 DEBUG HandlerThread:37167 [gitlib.py:_init_repo():56] git repository is invalid
24
+ 2024-03-08 13:49:07,174 DEBUG HandlerThread:37167 [system_info.py:probe():198] Probing system done
25
+ 2024-03-08 13:49:07,174 DEBUG HandlerThread:37167 [system_monitor.py:probe():223] {'os': 'Linux-6.1.58+-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-03-08T13:49:07.172649', 'startedAt': '2024-03-08T13:49:01.413484', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': 'Smart_Agriculture_Falcon.ipynb', 'codePathLocal': None, 'colab': 'https://colab.research.google.com/notebook#fileId=1kv2VO7q0c8xX_DQt5NERLeJJZtHW6zHO', 'host': '4997a2709b0f', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 4, 'cpu_count_logical': 8, 'cpu_freq': {'current': 2199.998, 'min': 0.0, 'max': 0.0}, 'cpu_freq_per_core': [{'current': 2199.998, 'min': 0.0, 'max': 0.0}, {'current': 2199.998, 'min': 0.0, 'max': 0.0}, {'current': 2199.998, 'min': 0.0, 'max': 0.0}, {'current': 2199.998, 'min': 0.0, 'max': 0.0}, {'current': 2199.998, 'min': 0.0, 'max': 0.0}, {'current': 2199.998, 'min': 0.0, 'max': 0.0}, {'current': 2199.998, 'min': 0.0, 'max': 0.0}, {'current': 2199.998, 'min': 0.0, 'max': 0.0}], 'disk': {'/': {'total': 201.22513961791992, 'used': 58.57290267944336}}, 'gpu': 'Tesla T4', 'gpu_count': 1, 'gpu_devices': [{'name': 'Tesla T4', 'memory_total': 16106127360}], 'memory': {'total': 50.993690490722656}}
26
+ 2024-03-08 13:49:07,174 INFO HandlerThread:37167 [system_monitor.py:probe():224] Finished collecting system info
27
+ 2024-03-08 13:49:07,174 INFO HandlerThread:37167 [system_monitor.py:probe():227] Publishing system info
28
+ 2024-03-08 13:49:07,174 INFO HandlerThread:37167 [system_monitor.py:probe():229] Finished publishing system info
29
+ 2024-03-08 13:49:07,186 DEBUG SenderThread:37167 [sender.py:send():378] send: files
30
+ 2024-03-08 13:49:07,186 INFO SenderThread:37167 [sender.py:_save_file():1365] saving file wandb-metadata.json with policy now
31
+ 2024-03-08 13:49:07,646 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: python_packages
32
+ 2024-03-08 13:49:07,647 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: python_packages
33
+ 2024-03-08 13:49:07,686 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: internal_messages
34
+ 2024-03-08 13:49:07,687 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: stop_status
35
+ 2024-03-08 13:49:07,688 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: stop_status
36
+ 2024-03-08 13:49:07,940 INFO Thread-12 :37167 [dir_watcher.py:_on_file_created():271] file/dir created: /content/wandb/run-20240308_134901-hlg2f18u/files/wandb-metadata.json
37
+ 2024-03-08 13:49:07,941 INFO Thread-12 :37167 [dir_watcher.py:_on_file_created():271] file/dir created: /content/wandb/run-20240308_134901-hlg2f18u/files/requirements.txt
38
+ 2024-03-08 13:49:08,065 INFO wandb-upload_0:37167 [upload_job.py:push():131] Uploaded file /tmp/tmpgtstjuiqwandb/o7wr7mlg-wandb-metadata.json
39
+ 2024-03-08 13:49:08,292 DEBUG SenderThread:37167 [sender.py:send():378] send: telemetry
40
+ 2024-03-08 13:49:08,292 DEBUG SenderThread:37167 [sender.py:send():378] send: config
41
+ 2024-03-08 13:49:08,293 DEBUG SenderThread:37167 [sender.py:send():378] send: metric
42
+ 2024-03-08 13:49:08,293 DEBUG SenderThread:37167 [sender.py:send():378] send: telemetry
43
+ 2024-03-08 13:49:08,293 DEBUG SenderThread:37167 [sender.py:send():378] send: metric
44
+ 2024-03-08 13:49:08,293 WARNING SenderThread:37167 [sender.py:send_metric():1316] Seen metric with glob (shouldn't happen)
45
+ 2024-03-08 13:49:08,293 DEBUG SenderThread:37167 [sender.py:send():378] send: telemetry
46
+ 2024-03-08 13:49:12,294 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
47
+ 2024-03-08 13:49:17,295 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
48
+ 2024-03-08 13:49:22,296 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
49
+ 2024-03-08 13:49:22,647 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: stop_status
50
+ 2024-03-08 13:49:22,647 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: stop_status
51
+ 2024-03-08 13:49:22,688 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: internal_messages
52
+ 2024-03-08 13:49:27,889 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
53
+ 2024-03-08 13:49:32,894 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
54
+ 2024-03-08 13:49:33,949 INFO Thread-12 :37167 [dir_watcher.py:_on_file_modified():288] file/dir modified: /content/wandb/run-20240308_134901-hlg2f18u/files/config.yaml
55
+ 2024-03-08 13:49:37,647 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: stop_status
56
+ 2024-03-08 13:49:37,648 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: stop_status
57
+ 2024-03-08 13:49:37,688 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: internal_messages
58
+ 2024-03-08 13:49:38,897 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
59
+ 2024-03-08 13:49:43,898 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
60
+ 2024-03-08 13:49:48,899 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
61
+ 2024-03-08 13:49:52,647 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: stop_status
62
+ 2024-03-08 13:49:52,648 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: stop_status
63
+ 2024-03-08 13:49:52,688 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: internal_messages
64
+ 2024-03-08 13:49:54,851 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
65
+ 2024-03-08 13:49:59,852 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
66
+ 2024-03-08 13:50:04,853 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
67
+ 2024-03-08 13:50:07,168 DEBUG SystemMonitor:37167 [system_monitor.py:_start():172] Starting system metrics aggregation loop
68
+ 2024-03-08 13:50:07,169 DEBUG SenderThread:37167 [sender.py:send():378] send: stats
69
+ 2024-03-08 13:50:07,647 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: stop_status
70
+ 2024-03-08 13:50:07,648 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: stop_status
71
+ 2024-03-08 13:50:07,688 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: internal_messages
72
+ 2024-03-08 13:50:09,898 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
73
+ 2024-03-08 13:50:14,899 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
74
+ 2024-03-08 13:50:19,900 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
75
+ 2024-03-08 13:50:22,648 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: stop_status
76
+ 2024-03-08 13:50:22,648 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: stop_status
77
+ 2024-03-08 13:50:22,688 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: internal_messages
78
+ 2024-03-08 13:50:25,835 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
79
+ 2024-03-08 13:50:30,836 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
80
+ 2024-03-08 13:50:30,851 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: partial_history
81
+ 2024-03-08 13:50:30,853 DEBUG SenderThread:37167 [sender.py:send():378] send: metric
82
+ 2024-03-08 13:50:30,854 DEBUG SenderThread:37167 [sender.py:send():378] send: metric
83
+ 2024-03-08 13:50:30,854 DEBUG SenderThread:37167 [sender.py:send():378] send: metric
84
+ 2024-03-08 13:50:30,854 DEBUG SenderThread:37167 [sender.py:send():378] send: metric
85
+ 2024-03-08 13:50:30,854 DEBUG SenderThread:37167 [sender.py:send():378] send: history
86
+ 2024-03-08 13:50:30,854 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: summary_record
87
+ 2024-03-08 13:50:30,856 INFO SenderThread:37167 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
88
+ 2024-03-08 13:50:30,969 INFO Thread-12 :37167 [dir_watcher.py:_on_file_created():271] file/dir created: /content/wandb/run-20240308_134901-hlg2f18u/files/output.log
89
+ 2024-03-08 13:50:30,970 INFO Thread-12 :37167 [dir_watcher.py:_on_file_created():271] file/dir created: /content/wandb/run-20240308_134901-hlg2f18u/files/wandb-summary.json
90
+ 2024-03-08 13:50:32,971 INFO Thread-12 :37167 [dir_watcher.py:_on_file_modified():288] file/dir modified: /content/wandb/run-20240308_134901-hlg2f18u/files/output.log
91
+ 2024-03-08 13:50:35,899 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
92
+ 2024-03-08 13:50:36,972 INFO Thread-12 :37167 [dir_watcher.py:_on_file_modified():288] file/dir modified: /content/wandb/run-20240308_134901-hlg2f18u/files/config.yaml
93
+ 2024-03-08 13:50:37,170 DEBUG SenderThread:37167 [sender.py:send():378] send: stats
94
+ 2024-03-08 13:50:37,648 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: stop_status
95
+ 2024-03-08 13:50:37,648 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: internal_messages
96
+ 2024-03-08 13:50:37,649 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: stop_status
97
+ 2024-03-08 13:50:41,848 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
98
+ 2024-03-08 13:50:46,849 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
99
+ 2024-03-08 13:50:51,850 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
100
+ 2024-03-08 13:50:52,648 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: stop_status
101
+ 2024-03-08 13:50:52,648 DEBUG SenderThread:37167 [sender.py:send_request():405] send_request: stop_status
102
+ 2024-03-08 13:50:52,689 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: internal_messages
103
+ 2024-03-08 13:50:56,936 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
104
+ 2024-03-08 13:51:01,937 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
105
+ 2024-03-08 13:51:06,939 DEBUG HandlerThread:37167 [handler.py:handle_request():146] handle_request: status_report
106
+ 2024-03-08 13:51:07,171 DEBUG SenderThread:37167 [sender.py:send():378] send: stats
wandb/run-20240308_134901-hlg2f18u/logs/debug.log ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-03-08 13:49:01,415 INFO MainThread:35964 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4
2
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Configure stats pid to 35964
3
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Loading settings from /content/wandb/settings
5
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_init.py:_log_setup():526] Logging user logs to /content/wandb/run-20240308_134901-hlg2f18u/logs/debug.log
9
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_init.py:_log_setup():527] Logging internal logs to /content/wandb/run-20240308_134901-hlg2f18u/logs/debug-internal.log
10
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7fac1c4d9e40>
11
+ 2024-03-08 13:49:01,416 INFO MainThread:35964 [wandb_init.py:init():566] calling init triggers
12
+ 2024-03-08 13:49:01,417 INFO MainThread:35964 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
13
+ config: {}
14
+ 2024-03-08 13:49:01,417 INFO MainThread:35964 [wandb_init.py:init():616] starting backend
15
+ 2024-03-08 13:49:01,417 INFO MainThread:35964 [wandb_init.py:init():620] setting up manager
16
+ 2024-03-08 13:49:01,418 INFO MainThread:35964 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
17
+ 2024-03-08 13:49:01,420 INFO MainThread:35964 [wandb_init.py:init():628] backend started and connected
18
+ 2024-03-08 13:49:01,432 INFO MainThread:35964 [wandb_run.py:_label_probe_notebook():1295] probe notebook
19
+ 2024-03-08 13:49:06,450 INFO MainThread:35964 [wandb_run.py:_label_probe_notebook():1305] Unable to probe notebook: 'NoneType' object has no attribute 'get'
20
+ 2024-03-08 13:49:06,450 INFO MainThread:35964 [wandb_init.py:init():720] updated telemetry
21
+ 2024-03-08 13:49:06,453 INFO MainThread:35964 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
+ 2024-03-08 13:49:06,941 INFO MainThread:35964 [wandb_run.py:_on_init():2262] communicating current version
23
+ 2024-03-08 13:49:07,148 INFO MainThread:35964 [wandb_run.py:_on_init():2271] got version response
24
+ 2024-03-08 13:49:07,148 INFO MainThread:35964 [wandb_init.py:init():804] starting run threads in backend
25
+ 2024-03-08 13:49:07,647 INFO MainThread:35964 [wandb_run.py:_console_start():2241] atexit reg
26
+ 2024-03-08 13:49:07,648 INFO MainThread:35964 [wandb_run.py:_redirect():2096] redirect: wrap_raw
27
+ 2024-03-08 13:49:07,648 INFO MainThread:35964 [wandb_run.py:_redirect():2161] Wrapping output streams.
28
+ 2024-03-08 13:49:07,648 INFO MainThread:35964 [wandb_run.py:_redirect():2186] Redirects installed.
29
+ 2024-03-08 13:49:07,649 INFO MainThread:35964 [wandb_init.py:init():847] run started, returning control to user process
30
+ 2024-03-08 13:49:07,655 INFO MainThread:35964 [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.38.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', 'load_in_4bit': True, 'load_in_8bit': False}, '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.0001, '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': 200, '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/Mar08_13-48-53_4997a2709b0f', '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, 'dataloader_prefetch_factor': None, '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_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}, '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': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
wandb/run-20240308_134901-hlg2f18u/run-hlg2f18u.wandb ADDED
Binary file (7.13 kB). View file