marcelovidigal commited on
Commit
a7a4eae
1 Parent(s): 1084d68

Training in progress, epoch 1

Browse files
Files changed (35) hide show
  1. config.json +33 -0
  2. model.safetensors +3 -0
  3. special_tokens_map.json +7 -0
  4. tokenizer.json +0 -0
  5. tokenizer_config.json +55 -0
  6. training_args.bin +3 -0
  7. vocab.txt +0 -0
  8. wandb/debug-internal.log +0 -0
  9. wandb/debug.log +51 -0
  10. wandb/run-20240923_003917-bjwhehy9/files/config.yaml +36 -0
  11. wandb/run-20240923_003917-bjwhehy9/files/requirements.txt +281 -0
  12. wandb/run-20240923_003917-bjwhehy9/files/wandb-metadata.json +44 -0
  13. wandb/run-20240923_003917-bjwhehy9/logs/debug-internal.log +40 -0
  14. wandb/run-20240923_003917-bjwhehy9/logs/debug.log +41 -0
  15. wandb/run-20240923_003917-bjwhehy9/run-bjwhehy9.wandb +0 -0
  16. wandb/run-20240923_003946-8x4nifku/files/config.yaml +48 -0
  17. wandb/run-20240923_003946-8x4nifku/files/requirements.txt +281 -0
  18. wandb/run-20240923_003946-8x4nifku/files/wandb-metadata.json +44 -0
  19. wandb/run-20240923_003946-8x4nifku/logs/debug-internal.log +141 -0
  20. wandb/run-20240923_003946-8x4nifku/logs/debug.log +36 -0
  21. wandb/run-20240923_003946-8x4nifku/run-8x4nifku.wandb +0 -0
  22. wandb/run-20240923_004103-n5ezc6wj/files/config.yaml +35 -0
  23. wandb/run-20240923_004103-n5ezc6wj/files/requirements.txt +281 -0
  24. wandb/run-20240923_004103-n5ezc6wj/files/wandb-metadata.json +44 -0
  25. wandb/run-20240923_004103-n5ezc6wj/logs/debug-internal.log +70 -0
  26. wandb/run-20240923_004103-n5ezc6wj/logs/debug.log +33 -0
  27. wandb/run-20240923_004103-n5ezc6wj/run-n5ezc6wj.wandb +0 -0
  28. wandb/run-20240923_004152-7jibscvo/files/config.yaml +708 -0
  29. wandb/run-20240923_004152-7jibscvo/files/output.log +8 -0
  30. wandb/run-20240923_004152-7jibscvo/files/requirements.txt +281 -0
  31. wandb/run-20240923_004152-7jibscvo/files/wandb-metadata.json +44 -0
  32. wandb/run-20240923_004152-7jibscvo/files/wandb-summary.json +1 -0
  33. wandb/run-20240923_004152-7jibscvo/logs/debug-internal.log +0 -0
  34. wandb/run-20240923_004152-7jibscvo/logs/debug.log +51 -0
  35. wandb/run-20240923_004152-7jibscvo/run-7jibscvo.wandb +0 -0
config.json ADDED
@@ -0,0 +1,33 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "distilbert/distilbert-base-uncased",
3
+ "activation": "gelu",
4
+ "architectures": [
5
+ "DistilBertForSequenceClassification"
6
+ ],
7
+ "attention_dropout": 0.1,
8
+ "dim": 768,
9
+ "dropout": 0.1,
10
+ "hidden_dim": 3072,
11
+ "id2label": {
12
+ "0": "NEGATIVE",
13
+ "1": "POSITIVE"
14
+ },
15
+ "initializer_range": 0.02,
16
+ "label2id": {
17
+ "NEGATIVE": 0,
18
+ "POSITIVE": 1
19
+ },
20
+ "max_position_embeddings": 512,
21
+ "model_type": "distilbert",
22
+ "n_heads": 12,
23
+ "n_layers": 6,
24
+ "pad_token_id": 0,
25
+ "problem_type": "single_label_classification",
26
+ "qa_dropout": 0.1,
27
+ "seq_classif_dropout": 0.2,
28
+ "sinusoidal_pos_embds": false,
29
+ "tie_weights_": true,
30
+ "torch_dtype": "float32",
31
+ "transformers_version": "4.44.2",
32
+ "vocab_size": 30522
33
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:26f6f578221e0bc9ac0da38636e645d07c0956e59852e6210dbc6f3501b9aee5
3
+ size 267832560
special_tokens_map.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "cls_token": "[CLS]",
3
+ "mask_token": "[MASK]",
4
+ "pad_token": "[PAD]",
5
+ "sep_token": "[SEP]",
6
+ "unk_token": "[UNK]"
7
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,55 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "added_tokens_decoder": {
3
+ "0": {
4
+ "content": "[PAD]",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false,
9
+ "special": true
10
+ },
11
+ "100": {
12
+ "content": "[UNK]",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false,
17
+ "special": true
18
+ },
19
+ "101": {
20
+ "content": "[CLS]",
21
+ "lstrip": false,
22
+ "normalized": false,
23
+ "rstrip": false,
24
+ "single_word": false,
25
+ "special": true
26
+ },
27
+ "102": {
28
+ "content": "[SEP]",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false,
33
+ "special": true
34
+ },
35
+ "103": {
36
+ "content": "[MASK]",
37
+ "lstrip": false,
38
+ "normalized": false,
39
+ "rstrip": false,
40
+ "single_word": false,
41
+ "special": true
42
+ }
43
+ },
44
+ "clean_up_tokenization_spaces": true,
45
+ "cls_token": "[CLS]",
46
+ "do_lower_case": true,
47
+ "mask_token": "[MASK]",
48
+ "model_max_length": 512,
49
+ "pad_token": "[PAD]",
50
+ "sep_token": "[SEP]",
51
+ "strip_accents": null,
52
+ "tokenize_chinese_chars": true,
53
+ "tokenizer_class": "DistilBertTokenizer",
54
+ "unk_token": "[UNK]"
55
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:599dfb10435f0b520fb127a2e8e0bb5aea2cc518d399e237dd35632645c0281c
3
+ size 5560
vocab.txt ADDED
The diff for this file is too large to render. See raw diff
 
wandb/debug-internal.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/debug.log ADDED
@@ -0,0 +1,51 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-09-23 00:41:52,112 INFO MainThread:10160 [wandb_setup.py:_flush():76] Current SDK version is 0.17.5
2
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Configure stats pid to 10160
3
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/.config/wandb/settings
4
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/classificacao_texto/wandb/settings
5
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'notebook_name': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/classificacao_texto/classificacao_texto_hugging_face.ipynb'}
6
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Applying login settings: {}
9
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_init.py:_log_setup():529] Logging user logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004152-7jibscvo/logs/debug.log
10
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_init.py:_log_setup():530] Logging internal logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004152-7jibscvo/logs/debug-internal.log
11
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_init.py:_jupyter_setup():475] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x139bb1f90>
12
+ 2024-09-23 00:41:52,114 INFO MainThread:10160 [wandb_init.py:init():569] calling init triggers
13
+ 2024-09-23 00:41:52,114 INFO MainThread:10160 [wandb_init.py:init():576] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-09-23 00:41:52,114 INFO MainThread:10160 [wandb_init.py:init():619] starting backend
16
+ 2024-09-23 00:41:52,114 INFO MainThread:10160 [wandb_init.py:init():623] setting up manager
17
+ 2024-09-23 00:41:52,116 INFO MainThread:10160 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=spawn,fork,forkserver, using: spawn
18
+ 2024-09-23 00:41:52,117 INFO MainThread:10160 [wandb_init.py:init():631] backend started and connected
19
+ 2024-09-23 00:41:52,130 INFO MainThread:10160 [wandb_run.py:_label_probe_notebook():1334] probe notebook
20
+ 2024-09-23 00:41:52,130 INFO MainThread:10160 [wandb_init.py:init():720] updated telemetry
21
+ 2024-09-23 00:41:52,166 INFO MainThread:10160 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
+ 2024-09-23 00:41:52,884 INFO MainThread:10160 [wandb_run.py:_on_init():2435] communicating current version
23
+ 2024-09-23 00:41:53,257 INFO MainThread:10160 [wandb_run.py:_on_init():2444] got version response upgrade_message: "wandb version 0.18.1 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
24
+
25
+ 2024-09-23 00:41:53,257 INFO MainThread:10160 [wandb_init.py:init():804] starting run threads in backend
26
+ 2024-09-23 00:41:53,568 INFO MainThread:10160 [wandb_run.py:_console_start():2413] atexit reg
27
+ 2024-09-23 00:41:53,568 INFO MainThread:10160 [wandb_run.py:_redirect():2255] redirect: wrap_raw
28
+ 2024-09-23 00:41:53,568 INFO MainThread:10160 [wandb_run.py:_redirect():2320] Wrapping output streams.
29
+ 2024-09-23 00:41:53,569 INFO MainThread:10160 [wandb_run.py:_redirect():2345] Redirects installed.
30
+ 2024-09-23 00:41:53,572 INFO MainThread:10160 [wandb_init.py:init():847] run started, returning control to user process
31
+ 2024-09-23 00:41:53,576 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
32
+ 2024-09-23 00:41:53,577 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
33
+ 2024-09-23 00:42:07,929 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
34
+ 2024-09-23 00:42:07,931 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
35
+ 2024-09-23 00:42:07,931 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
36
+ 2024-09-23 00:42:10,881 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
37
+ 2024-09-23 00:42:18,425 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
38
+ 2024-09-23 00:42:18,425 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
39
+ 2024-09-23 00:42:18,473 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
40
+ 2024-09-23 00:42:18,475 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
41
+ 2024-09-23 00:42:18,476 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
42
+ 2024-09-23 00:42:18,506 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
43
+ 2024-09-23 00:42:18,792 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
44
+ 2024-09-23 00:42:18,792 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
45
+ 2024-09-23 00:42:18,807 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
46
+ 2024-09-23 00:42:19,873 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
47
+ 2024-09-23 00:42:19,873 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
48
+ 2024-09-23 00:42:21,016 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
49
+ 2024-09-23 00:42:23,771 INFO MainThread:10160 [wandb_run.py:_config_callback():1382] config_cb None None {'vocab_size': 30522, 'max_position_embeddings': 512, 'sinusoidal_pos_embds': False, 'n_layers': 6, 'n_heads': 12, 'dim': 768, 'hidden_dim': 3072, 'dropout': 0.1, 'attention_dropout': 0.1, 'activation': 'gelu', 'initializer_range': 0.02, 'qa_dropout': 0.1, 'seq_classif_dropout': 0.2, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': None, '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': ['DistilBertForMaskedLM'], 'finetuning_task': None, 'id2label': {0: 'NEGATIVE', 1: 'POSITIVE'}, 'label2id': {'NEGATIVE': 0, 'POSITIVE': 1}, 'tokenizer_class': None, 'prefix': None, 'bos_token_id': None, 'pad_token_id': 0, 'eos_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'distilbert/distilbert-base-uncased', 'transformers_version': '4.44.2', 'model_type': 'distilbert', 'tie_weights_': True, 'output_dir': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'epoch', 'prediction_loss_only': False, 'per_device_train_batch_size': 16, 'per_device_eval_batch_size': 16, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 2e-05, 'weight_decay': 0.01, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 5, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/runs/Sep23_00-42-21_mace16.local', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'epoch', 'save_steps': 500, 'save_total_limit': None, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'restore_callback_states_from_checkpoint': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': False, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': None, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'loss', 'greater_is_better': False, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'adamw_torch', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['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, 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': None, 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': False, 'eval_on_start': False, 'eval_use_gather_object': False}
50
+ 2024-09-23 00:42:23,773 INFO MainThread:10160 [wandb_config.py:__setitem__():151] config set model/num_parameters = 66955010 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x13948add0>>
51
+ 2024-09-23 00:42:23,774 INFO MainThread:10160 [wandb_run.py:_config_callback():1382] config_cb model/num_parameters 66955010 None
wandb/run-20240923_003917-bjwhehy9/files/config.yaml ADDED
@@ -0,0 +1,36 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.11.9
7
+ cli_version: 0.17.5
8
+ framework: huggingface
9
+ huggingface_version: 4.44.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1727062763
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 41
19
+ - 49
20
+ - 51
21
+ - 53
22
+ - 55
23
+ - 71
24
+ - 98
25
+ - 100
26
+ 3:
27
+ - 13
28
+ - 23
29
+ 4: 3.11.9
30
+ 5: 0.17.5
31
+ 6: 4.44.2
32
+ 8:
33
+ - 1
34
+ - 2
35
+ - 5
36
+ 13: darwin-x86_64
wandb/run-20240923_003917-bjwhehy9/files/requirements.txt ADDED
@@ -0,0 +1,281 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Deprecated==1.2.14
2
+ GitPython==3.1.43
3
+ ImageHash==4.3.1
4
+ Jinja2==3.1.4
5
+ Markdown==3.6
6
+ MarkupSafe==2.1.5
7
+ PyWavelets==1.7.0
8
+ PyYAML==6.0.1
9
+ Pygments==2.15.1
10
+ Send2Trash==1.8.3
11
+ XlsxWriter==3.2.0
12
+ accelerate==0.34.2
13
+ aiohappyeyeballs==2.3.4
14
+ aiohttp==3.10.0
15
+ aiosignal==1.3.1
16
+ annotated-types==0.7.0
17
+ antlr4-python3-runtime==4.9.3
18
+ anyio==4.4.0
19
+ appnope==0.1.3
20
+ argon2-cffi-bindings==21.2.0
21
+ argon2-cffi==23.1.0
22
+ arrow==1.3.0
23
+ asttokens==2.2.1
24
+ async-lru==2.0.4
25
+ attrs==23.2.0
26
+ babel==2.16.0
27
+ backcall==0.2.0
28
+ backoff==2.2.1
29
+ beautifulsoup4==4.12.3
30
+ bertopic==0.16.3
31
+ bitsandbytes==0.42.0
32
+ bleach==6.1.0
33
+ blis==0.7.11
34
+ cachetools==5.4.0
35
+ catalogue==2.0.10
36
+ certifi==2024.8.30
37
+ cffi==1.16.0
38
+ chardet==5.2.0
39
+ charset-normalizer==3.3.2
40
+ click==8.1.7
41
+ cloudpathlib==0.18.1
42
+ coloredlogs==15.0.1
43
+ comm==0.1.3
44
+ confection==0.1.5
45
+ contourpy==1.2.1
46
+ cryptography==43.0.0
47
+ cycler==0.12.1
48
+ cymem==2.0.8
49
+ dataclasses-json==0.6.7
50
+ datasets==3.0.0
51
+ debugpy==1.6.7
52
+ decorator==5.1.1
53
+ deepdiff==7.0.1
54
+ defusedxml==0.7.1
55
+ dill==0.3.8
56
+ distro==1.9.0
57
+ docker-pycreds==0.4.0
58
+ docstring_parser==0.16
59
+ effdet==0.4.1
60
+ emoji==2.12.1
61
+ en-core-web-sm==3.7.1
62
+ et-xmlfile==1.1.0
63
+ evaluate==0.4.3
64
+ executing==1.2.0
65
+ fastjsonschema==2.20.0
66
+ filelock==3.15.4
67
+ filetype==1.2.0
68
+ flatbuffers==24.3.25
69
+ fonttools==4.53.1
70
+ fqdn==1.5.1
71
+ frozenlist==1.4.1
72
+ fsspec==2024.5.0
73
+ gitdb==4.0.11
74
+ google-api-core==2.19.1
75
+ google-auth==2.32.0
76
+ google-cloud-vision==3.7.3
77
+ googleapis-common-protos==1.63.2
78
+ grpcio-status==1.65.1
79
+ grpcio==1.65.1
80
+ h11==0.14.0
81
+ hdbscan==0.8.38.post1
82
+ htmlmin==0.1.12
83
+ httpcore==1.0.5
84
+ httpx==0.27.0
85
+ huggingface-hub==0.24.3
86
+ humanfriendly==10.0
87
+ idna==3.7
88
+ iopath==0.1.10
89
+ ipykernel==6.29.5
90
+ ipython-genutils==0.2.0
91
+ ipython==8.13.2
92
+ ipywidgets==8.1.5
93
+ isoduration==20.11.0
94
+ jedi==0.18.2
95
+ jiter==0.5.0
96
+ joblib==1.1.1
97
+ json5==0.9.25
98
+ jsonpath-python==1.0.6
99
+ jsonpointer==3.0.0
100
+ jsonschema-specifications==2023.12.1
101
+ jsonschema==4.23.0
102
+ jupyter-events==0.10.0
103
+ jupyter-lsp==2.2.5
104
+ jupyter_client==8.2.0
105
+ jupyter_core==5.3.0
106
+ jupyter_server==2.14.2
107
+ jupyter_server_terminals==0.5.3
108
+ jupyterlab==4.2.5
109
+ jupyterlab_pygments==0.3.0
110
+ jupyterlab_server==2.27.3
111
+ jupyterlab_widgets==3.0.13
112
+ kiwisolver==1.4.5
113
+ langcodes==3.4.0
114
+ langdetect==1.0.9
115
+ language_data==1.2.0
116
+ layoutparser==0.3.4
117
+ llvmlite==0.43.0
118
+ lxml==5.2.2
119
+ marisa-trie==1.2.0
120
+ markdown-it-py==3.0.0
121
+ marshmallow==3.21.3
122
+ matplotlib-inline==0.1.6
123
+ matplotlib==3.9.1
124
+ mdurl==0.1.2
125
+ missingno==0.5.2
126
+ mistune==3.0.2
127
+ mpmath==1.3.0
128
+ multidict==6.0.5
129
+ multimethod==1.12
130
+ multiprocess==0.70.16
131
+ murmurhash==1.0.10
132
+ mypy-extensions==1.0.0
133
+ nbclient==0.10.0
134
+ nbconvert==7.16.4
135
+ nbformat==5.10.4
136
+ nest-asyncio==1.6.0
137
+ networkx==3.3
138
+ nltk==3.8.1
139
+ notebook==7.2.2
140
+ notebook_shim==0.2.4
141
+ numba==0.60.0
142
+ numpy==1.26.4
143
+ olefile==0.47
144
+ omegaconf==2.3.0
145
+ onnx==1.16.1
146
+ onnxruntime==1.18.1
147
+ openai==1.43.0
148
+ opencv-python==4.10.0.84
149
+ openpyxl==3.1.5
150
+ ordered-set==4.1.0
151
+ overrides==7.7.0
152
+ packaging==24.1
153
+ pandas-profiling==3.2.0
154
+ pandas==2.2.2
155
+ pandocfilters==1.5.1
156
+ parso==0.8.3
157
+ pdf2image==1.17.0
158
+ pdfminer.six==20231228
159
+ pdfplumber==0.11.2
160
+ peft==0.12.0
161
+ pexpect==4.8.0
162
+ phik==0.12.4
163
+ pickleshare==0.7.5
164
+ pikepdf==9.1.0
165
+ pillow==10.4.0
166
+ pillow_heif==0.18.0
167
+ pip==24.2
168
+ platformdirs==4.2.2
169
+ plotly==5.24.0
170
+ poppler-utils==0.1.0
171
+ portalocker==2.10.1
172
+ preshed==3.0.9
173
+ prometheus_client==0.20.0
174
+ prompt-toolkit==3.0.38
175
+ proto-plus==1.24.0
176
+ protobuf==5.27.2
177
+ psutil==5.9.5
178
+ ptyprocess==0.7.0
179
+ pure-eval==0.2.2
180
+ pyarrow-hotfix==0.6
181
+ pyarrow==17.0.0
182
+ pyasn1==0.6.0
183
+ pyasn1_modules==0.4.0
184
+ pycocotools==2.0.8
185
+ pycparser==2.22
186
+ pycryptodome==3.20.0
187
+ pydantic==2.8.2
188
+ pydantic_core==2.20.1
189
+ pynndescent==0.5.13
190
+ pypandoc==1.13
191
+ pyparsing==3.1.2
192
+ pypdf==4.3.1
193
+ pypdfium2==4.30.0
194
+ pytesseract==0.3.10
195
+ python-dateutil==2.9.0.post0
196
+ python-docx==1.1.2
197
+ python-dotenv==1.0.1
198
+ python-iso639==2024.4.27
199
+ python-json-logger==2.0.7
200
+ python-magic==0.4.27
201
+ python-multipart==0.0.9
202
+ python-oxmsg==0.0.1
203
+ python-pptx==0.6.23
204
+ pytz==2024.1
205
+ pyzmq==25.0.2
206
+ rapidfuzz==3.9.5
207
+ referencing==0.35.1
208
+ regex==2024.7.24
209
+ requests-toolbelt==1.0.0
210
+ requests==2.32.3
211
+ rfc3339-validator==0.1.4
212
+ rfc3986-validator==0.1.1
213
+ rich==13.7.1
214
+ rpds-py==0.20.0
215
+ rsa==4.9
216
+ safetensors==0.4.3
217
+ scikit-learn==1.5.1
218
+ scipy==1.14.0
219
+ seaborn==0.13.2
220
+ sentence-transformers==3.0.1
221
+ sentencepiece==0.2.0
222
+ sentry-sdk==2.12.0
223
+ setproctitle==1.3.3
224
+ setuptools==65.5.0
225
+ shellingham==1.5.4
226
+ shtab==1.7.1
227
+ six==1.16.0
228
+ smart-open==7.0.4
229
+ smmap==5.0.1
230
+ sniffio==1.3.1
231
+ soupsieve==2.5
232
+ spacy-legacy==3.0.12
233
+ spacy-loggers==1.0.5
234
+ spacy==3.7.6
235
+ srsly==2.4.8
236
+ stack-data==0.6.2
237
+ sympy==1.13.1
238
+ tabulate==0.9.0
239
+ tangled-up-in-unicode==0.2.0
240
+ tdqm==0.0.1
241
+ tenacity==9.0.0
242
+ terminado==0.18.1
243
+ thinc==8.2.5
244
+ threadpoolctl==3.5.0
245
+ timm==1.0.8
246
+ tinycss2==1.3.0
247
+ tokenizers==0.19.1
248
+ torch==2.2.2
249
+ torchtext==0.17.2
250
+ torchvision==0.17.2
251
+ tornado==6.3.1
252
+ tqdm==4.66.4
253
+ traitlets==5.9.0
254
+ transformers==4.44.2
255
+ trl==0.9.6
256
+ typer==0.12.4
257
+ types-python-dateutil==2.9.0.20240821
258
+ typing-inspect==0.9.0
259
+ typing_extensions==4.12.2
260
+ tyro==0.8.5
261
+ tzdata==2024.1
262
+ umap-learn==0.5.6
263
+ unstructured-client==0.24.1
264
+ unstructured-inference==0.7.36
265
+ unstructured.pytesseract==0.3.12
266
+ unstructured==0.15.0
267
+ uri-template==1.3.0
268
+ urllib3==2.2.2
269
+ visions==0.7.4
270
+ wandb==0.17.5
271
+ wasabi==1.1.3
272
+ wcwidth==0.2.6
273
+ weasel==0.4.1
274
+ webcolors==24.8.0
275
+ webencodings==0.5.1
276
+ websocket-client==1.8.0
277
+ widgetsnbextension==4.0.13
278
+ wrapt==1.16.0
279
+ xlrd==2.0.1
280
+ xxhash==3.4.1
281
+ yarl==1.9.4
wandb/run-20240923_003917-bjwhehy9/files/wandb-metadata.json ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "macOS-15.0-x86_64-i386-64bit",
3
+ "python": "3.11.9",
4
+ "heartbeatAt": "2024-09-23T03:39:24.424048",
5
+ "startedAt": "2024-09-23T03:39:17.980602",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "<python with no main file>",
11
+ "codePathLocal": null,
12
+ "git": {
13
+ "remote": "https://github.com/marcelovidigal/retrieval_augmented_generation.git",
14
+ "commit": "23db3b3a0427b4dfac5df9b26ac2572134e857c4"
15
+ },
16
+ "email": "marcelovidigal@gmail.com",
17
+ "root": "/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation",
18
+ "host": "mace16.local",
19
+ "username": "marcelovidigal",
20
+ "executable": "/usr/local/bin/python3",
21
+ "cpu_count": 8,
22
+ "cpu_count_logical": 16,
23
+ "cpu_freq": {
24
+ "current": 2300,
25
+ "min": 2300,
26
+ "max": 2300
27
+ },
28
+ "cpu_freq_per_core": [
29
+ {
30
+ "current": 2300,
31
+ "min": 2300,
32
+ "max": 2300
33
+ }
34
+ ],
35
+ "disk": {
36
+ "/": {
37
+ "total": 931.546989440918,
38
+ "used": 9.93536376953125
39
+ }
40
+ },
41
+ "memory": {
42
+ "total": 16.0
43
+ }
44
+ }
wandb/run-20240923_003917-bjwhehy9/logs/debug-internal.log ADDED
@@ -0,0 +1,40 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-09-23 00:39:23,321 INFO StreamThr :9806 [internal.py:wandb_internal():85] W&B internal server running at pid: 9806, started at: 2024-09-23 00:39:23.320165
2
+ 2024-09-23 00:39:23,322 DEBUG HandlerThread:9806 [handler.py:handle_request():158] handle_request: status
3
+ 2024-09-23 00:39:23,323 INFO WriterThread:9806 [datastore.py:open_for_write():87] open: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003917-bjwhehy9/run-bjwhehy9.wandb
4
+ 2024-09-23 00:39:23,324 DEBUG SenderThread:9806 [sender.py:send():379] send: header
5
+ 2024-09-23 00:39:23,324 DEBUG SenderThread:9806 [sender.py:send():379] send: run
6
+ 2024-09-23 00:39:24,017 INFO SenderThread:9806 [dir_watcher.py:__init__():211] watching files in: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003917-bjwhehy9/files
7
+ 2024-09-23 00:39:24,017 INFO SenderThread:9806 [sender.py:_start_run_threads():1188] run started: bjwhehy9 with start time 1727062763.011153
8
+ 2024-09-23 00:39:24,045 DEBUG HandlerThread:9806 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-09-23 00:39:24,045 DEBUG SenderThread:9806 [sender.py:send_request():406] send_request: check_version
10
+ 2024-09-23 00:39:24,421 DEBUG HandlerThread:9806 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-09-23 00:39:24,422 DEBUG HandlerThread:9806 [system_info.py:__init__():26] System info init
12
+ 2024-09-23 00:39:24,422 DEBUG HandlerThread:9806 [system_info.py:__init__():41] System info init done
13
+ 2024-09-23 00:39:24,422 INFO HandlerThread:9806 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-09-23 00:39:24,423 INFO SystemMonitor:9806 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-09-23 00:39:24,423 INFO HandlerThread:9806 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-09-23 00:39:24,423 INFO SystemMonitor:9806 [interfaces.py:start():188] Started cpu monitoring
17
+ 2024-09-23 00:39:24,423 DEBUG HandlerThread:9806 [system_info.py:probe():152] Probing system
18
+ 2024-09-23 00:39:24,424 INFO SystemMonitor:9806 [interfaces.py:start():188] Started disk monitoring
19
+ 2024-09-23 00:39:24,426 INFO SystemMonitor:9806 [interfaces.py:start():188] Started memory monitoring
20
+ 2024-09-23 00:39:24,427 INFO SystemMonitor:9806 [interfaces.py:start():188] Started network monitoring
21
+ 2024-09-23 00:39:24,428 DEBUG HandlerThread:9806 [system_info.py:_probe_git():137] Probing git
22
+ 2024-09-23 00:39:24,462 DEBUG HandlerThread:9806 [system_info.py:_probe_git():145] Probing git done
23
+ 2024-09-23 00:39:24,463 DEBUG HandlerThread:9806 [system_info.py:probe():200] Probing system done
24
+ 2024-09-23 00:39:24,463 DEBUG HandlerThread:9806 [system_monitor.py:probe():223] {'os': 'macOS-15.0-x86_64-i386-64bit', 'python': '3.11.9', 'heartbeatAt': '2024-09-23T03:39:24.424048', 'startedAt': '2024-09-23T03:39:17.980602', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': '<python with no main file>', 'codePathLocal': None, 'git': {'remote': 'https://github.com/marcelovidigal/retrieval_augmented_generation.git', 'commit': '23db3b3a0427b4dfac5df9b26ac2572134e857c4'}, 'email': 'marcelovidigal@gmail.com', 'root': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation', 'host': 'mace16.local', 'username': 'marcelovidigal', 'executable': '/usr/local/bin/python3', 'cpu_count': 8, 'cpu_count_logical': 16, 'cpu_freq': {'current': 2300, 'min': 2300, 'max': 2300}, 'cpu_freq_per_core': [{'current': 2300, 'min': 2300, 'max': 2300}], 'disk': {'/': {'total': 931.546989440918, 'used': 9.93536376953125}}, 'memory': {'total': 16.0}}
25
+ 2024-09-23 00:39:24,463 INFO HandlerThread:9806 [system_monitor.py:probe():224] Finished collecting system info
26
+ 2024-09-23 00:39:24,463 INFO HandlerThread:9806 [system_monitor.py:probe():227] Publishing system info
27
+ 2024-09-23 00:39:24,464 INFO HandlerThread:9806 [system_monitor.py:probe():229] Finished publishing system info
28
+ 2024-09-23 00:39:24,464 DEBUG SenderThread:9806 [sender.py:send():379] send: files
29
+ 2024-09-23 00:39:24,464 INFO SenderThread:9806 [sender.py:_save_file():1454] saving file wandb-metadata.json with policy now
30
+ 2024-09-23 00:39:24,672 DEBUG HandlerThread:9806 [handler.py:handle_request():158] handle_request: python_packages
31
+ 2024-09-23 00:39:24,672 DEBUG SenderThread:9806 [sender.py:send_request():406] send_request: python_packages
32
+ 2024-09-23 00:39:24,673 DEBUG HandlerThread:9806 [handler.py:handle_request():158] handle_request: stop_status
33
+ 2024-09-23 00:39:24,673 DEBUG HandlerThread:9806 [handler.py:handle_request():158] handle_request: internal_messages
34
+ 2024-09-23 00:39:24,674 DEBUG SenderThread:9806 [sender.py:send_request():406] send_request: stop_status
35
+ 2024-09-23 00:39:25,026 INFO Thread-24 :9806 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003917-bjwhehy9/files/wandb-metadata.json
36
+ 2024-09-23 00:39:25,026 INFO Thread-24 :9806 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003917-bjwhehy9/files/requirements.txt
37
+ 2024-09-23 00:39:25,156 DEBUG SenderThread:9806 [sender.py:send():379] send: telemetry
38
+ 2024-09-23 00:39:25,489 INFO wandb-upload_0:9806 [upload_job.py:push():130] Uploaded file /var/folders/75/ky9nhpn56rg6m0h92jqhqfd80000gn/T/tmpsjos_b_ywandb/g77cz0y4-wandb-metadata.json
39
+ 2024-09-23 00:39:25,718 DEBUG HandlerThread:9806 [handler.py:handle_request():158] handle_request: internal_messages
40
+ 2024-09-23 00:39:26,720 DEBUG HandlerThread:9806 [handler.py:handle_request():158] handle_request: internal_messages
wandb/run-20240923_003917-bjwhehy9/logs/debug.log ADDED
@@ -0,0 +1,41 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-09-23 00:39:17,984 INFO MainThread:9792 [wandb_setup.py:_flush():76] Current SDK version is 0.17.5
2
+ 2024-09-23 00:39:17,984 INFO MainThread:9792 [wandb_setup.py:_flush():76] Configure stats pid to 9792
3
+ 2024-09-23 00:39:17,984 INFO MainThread:9792 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/.config/wandb/settings
4
+ 2024-09-23 00:39:17,984 INFO MainThread:9792 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/classificacao_texto/wandb/settings
5
+ 2024-09-23 00:39:17,984 INFO MainThread:9792 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-09-23 00:39:17,984 INFO MainThread:9792 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-09-23 00:39:17,984 INFO MainThread:9792 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-09-23 00:39:17,985 INFO MainThread:9792 [wandb_setup.py:_flush():76] Applying login settings: {}
9
+ 2024-09-23 00:39:17,985 INFO MainThread:9792 [wandb_init.py:_log_setup():529] Logging user logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003917-bjwhehy9/logs/debug.log
10
+ 2024-09-23 00:39:17,985 INFO MainThread:9792 [wandb_init.py:_log_setup():530] Logging internal logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003917-bjwhehy9/logs/debug-internal.log
11
+ 2024-09-23 00:39:17,985 INFO MainThread:9792 [wandb_init.py:init():569] calling init triggers
12
+ 2024-09-23 00:39:17,985 INFO MainThread:9792 [wandb_init.py:init():576] wandb.init called with sweep_config: {}
13
+ config: {}
14
+ 2024-09-23 00:39:17,985 INFO MainThread:9792 [wandb_init.py:init():594] re-initializing run, found existing run on stack: y7a0cwbb
15
+ 2024-09-23 00:39:17,987 INFO MainThread:9792 [wandb_run.py:_finish():2107] finishing run mvgdr/retrieval_augmented_generation-classificacao_texto/y7a0cwbb
16
+ 2024-09-23 00:39:17,988 INFO MainThread:9792 [jupyter.py:save_history():444] not saving jupyter history
17
+ 2024-09-23 00:39:17,988 INFO MainThread:9792 [jupyter.py:save_ipynb():372] not saving jupyter notebook
18
+ 2024-09-23 00:39:17,988 INFO MainThread:9792 [wandb_init.py:_jupyter_teardown():457] cleaning up jupyter logic
19
+ 2024-09-23 00:39:17,988 INFO MainThread:9792 [wandb_run.py:_atexit_cleanup():2374] got exitcode: 0
20
+ 2024-09-23 00:39:17,989 INFO MainThread:9792 [wandb_run.py:_restore():2352] restore
21
+ 2024-09-23 00:39:17,989 INFO MainThread:9792 [wandb_run.py:_restore():2358] restore done
22
+ 2024-09-23 00:39:22,313 INFO MainThread:9792 [wandb_run.py:_footer_history_summary_info():4016] rendering history
23
+ 2024-09-23 00:39:22,314 INFO MainThread:9792 [wandb_run.py:_footer_history_summary_info():4048] rendering summary
24
+ 2024-09-23 00:39:22,320 INFO MainThread:9792 [wandb_run.py:_footer_sync_info():3975] logging synced files
25
+ 2024-09-23 00:39:23,007 INFO MainThread:9792 [wandb_init.py:init():619] starting backend
26
+ 2024-09-23 00:39:23,007 INFO MainThread:9792 [wandb_init.py:init():623] setting up manager
27
+ 2024-09-23 00:39:23,010 INFO MainThread:9792 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=spawn,fork,forkserver, using: spawn
28
+ 2024-09-23 00:39:23,010 INFO MainThread:9792 [wandb_init.py:init():631] backend started and connected
29
+ 2024-09-23 00:39:23,022 INFO MainThread:9792 [wandb_run.py:_label_probe_notebook():1334] probe notebook
30
+ 2024-09-23 00:39:23,022 INFO MainThread:9792 [wandb_run.py:_label_probe_notebook():1344] Unable to probe notebook: 'NoneType' object has no attribute 'get'
31
+ 2024-09-23 00:39:23,022 INFO MainThread:9792 [wandb_init.py:init():720] updated telemetry
32
+ 2024-09-23 00:39:23,057 INFO MainThread:9792 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
33
+ 2024-09-23 00:39:24,028 INFO MainThread:9792 [wandb_run.py:_on_init():2435] communicating current version
34
+ 2024-09-23 00:39:24,417 INFO MainThread:9792 [wandb_run.py:_on_init():2444] got version response upgrade_message: "wandb version 0.18.1 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
35
+
36
+ 2024-09-23 00:39:24,417 INFO MainThread:9792 [wandb_init.py:init():804] starting run threads in backend
37
+ 2024-09-23 00:39:24,672 INFO MainThread:9792 [wandb_run.py:_console_start():2413] atexit reg
38
+ 2024-09-23 00:39:24,672 INFO MainThread:9792 [wandb_run.py:_redirect():2255] redirect: wrap_raw
39
+ 2024-09-23 00:39:24,672 INFO MainThread:9792 [wandb_run.py:_redirect():2320] Wrapping output streams.
40
+ 2024-09-23 00:39:24,672 INFO MainThread:9792 [wandb_run.py:_redirect():2345] Redirects installed.
41
+ 2024-09-23 00:39:24,673 INFO MainThread:9792 [wandb_init.py:init():847] run started, returning control to user process
wandb/run-20240923_003917-bjwhehy9/run-bjwhehy9.wandb ADDED
File without changes
wandb/run-20240923_003946-8x4nifku/files/config.yaml ADDED
@@ -0,0 +1,48 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.11.9
7
+ cli_version: 0.17.5
8
+ framework: huggingface
9
+ huggingface_version: 4.44.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1727062786
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 41
19
+ - 49
20
+ - 51
21
+ - 53
22
+ - 55
23
+ - 71
24
+ - 98
25
+ - 100
26
+ 2:
27
+ - 1
28
+ - 5
29
+ - 11
30
+ - 41
31
+ - 49
32
+ - 51
33
+ - 53
34
+ - 55
35
+ - 71
36
+ - 98
37
+ - 100
38
+ 3:
39
+ - 13
40
+ - 23
41
+ 4: 3.11.9
42
+ 5: 0.17.5
43
+ 6: 4.44.2
44
+ 8:
45
+ - 1
46
+ - 2
47
+ - 5
48
+ 13: darwin-x86_64
wandb/run-20240923_003946-8x4nifku/files/requirements.txt ADDED
@@ -0,0 +1,281 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Deprecated==1.2.14
2
+ GitPython==3.1.43
3
+ ImageHash==4.3.1
4
+ Jinja2==3.1.4
5
+ Markdown==3.6
6
+ MarkupSafe==2.1.5
7
+ PyWavelets==1.7.0
8
+ PyYAML==6.0.1
9
+ Pygments==2.15.1
10
+ Send2Trash==1.8.3
11
+ XlsxWriter==3.2.0
12
+ accelerate==0.34.2
13
+ aiohappyeyeballs==2.3.4
14
+ aiohttp==3.10.0
15
+ aiosignal==1.3.1
16
+ annotated-types==0.7.0
17
+ antlr4-python3-runtime==4.9.3
18
+ anyio==4.4.0
19
+ appnope==0.1.3
20
+ argon2-cffi-bindings==21.2.0
21
+ argon2-cffi==23.1.0
22
+ arrow==1.3.0
23
+ asttokens==2.2.1
24
+ async-lru==2.0.4
25
+ attrs==23.2.0
26
+ babel==2.16.0
27
+ backcall==0.2.0
28
+ backoff==2.2.1
29
+ beautifulsoup4==4.12.3
30
+ bertopic==0.16.3
31
+ bitsandbytes==0.42.0
32
+ bleach==6.1.0
33
+ blis==0.7.11
34
+ cachetools==5.4.0
35
+ catalogue==2.0.10
36
+ certifi==2024.8.30
37
+ cffi==1.16.0
38
+ chardet==5.2.0
39
+ charset-normalizer==3.3.2
40
+ click==8.1.7
41
+ cloudpathlib==0.18.1
42
+ coloredlogs==15.0.1
43
+ comm==0.1.3
44
+ confection==0.1.5
45
+ contourpy==1.2.1
46
+ cryptography==43.0.0
47
+ cycler==0.12.1
48
+ cymem==2.0.8
49
+ dataclasses-json==0.6.7
50
+ datasets==3.0.0
51
+ debugpy==1.6.7
52
+ decorator==5.1.1
53
+ deepdiff==7.0.1
54
+ defusedxml==0.7.1
55
+ dill==0.3.8
56
+ distro==1.9.0
57
+ docker-pycreds==0.4.0
58
+ docstring_parser==0.16
59
+ effdet==0.4.1
60
+ emoji==2.12.1
61
+ en-core-web-sm==3.7.1
62
+ et-xmlfile==1.1.0
63
+ evaluate==0.4.3
64
+ executing==1.2.0
65
+ fastjsonschema==2.20.0
66
+ filelock==3.15.4
67
+ filetype==1.2.0
68
+ flatbuffers==24.3.25
69
+ fonttools==4.53.1
70
+ fqdn==1.5.1
71
+ frozenlist==1.4.1
72
+ fsspec==2024.5.0
73
+ gitdb==4.0.11
74
+ google-api-core==2.19.1
75
+ google-auth==2.32.0
76
+ google-cloud-vision==3.7.3
77
+ googleapis-common-protos==1.63.2
78
+ grpcio-status==1.65.1
79
+ grpcio==1.65.1
80
+ h11==0.14.0
81
+ hdbscan==0.8.38.post1
82
+ htmlmin==0.1.12
83
+ httpcore==1.0.5
84
+ httpx==0.27.0
85
+ huggingface-hub==0.24.3
86
+ humanfriendly==10.0
87
+ idna==3.7
88
+ iopath==0.1.10
89
+ ipykernel==6.29.5
90
+ ipython-genutils==0.2.0
91
+ ipython==8.13.2
92
+ ipywidgets==8.1.5
93
+ isoduration==20.11.0
94
+ jedi==0.18.2
95
+ jiter==0.5.0
96
+ joblib==1.1.1
97
+ json5==0.9.25
98
+ jsonpath-python==1.0.6
99
+ jsonpointer==3.0.0
100
+ jsonschema-specifications==2023.12.1
101
+ jsonschema==4.23.0
102
+ jupyter-events==0.10.0
103
+ jupyter-lsp==2.2.5
104
+ jupyter_client==8.2.0
105
+ jupyter_core==5.3.0
106
+ jupyter_server==2.14.2
107
+ jupyter_server_terminals==0.5.3
108
+ jupyterlab==4.2.5
109
+ jupyterlab_pygments==0.3.0
110
+ jupyterlab_server==2.27.3
111
+ jupyterlab_widgets==3.0.13
112
+ kiwisolver==1.4.5
113
+ langcodes==3.4.0
114
+ langdetect==1.0.9
115
+ language_data==1.2.0
116
+ layoutparser==0.3.4
117
+ llvmlite==0.43.0
118
+ lxml==5.2.2
119
+ marisa-trie==1.2.0
120
+ markdown-it-py==3.0.0
121
+ marshmallow==3.21.3
122
+ matplotlib-inline==0.1.6
123
+ matplotlib==3.9.1
124
+ mdurl==0.1.2
125
+ missingno==0.5.2
126
+ mistune==3.0.2
127
+ mpmath==1.3.0
128
+ multidict==6.0.5
129
+ multimethod==1.12
130
+ multiprocess==0.70.16
131
+ murmurhash==1.0.10
132
+ mypy-extensions==1.0.0
133
+ nbclient==0.10.0
134
+ nbconvert==7.16.4
135
+ nbformat==5.10.4
136
+ nest-asyncio==1.6.0
137
+ networkx==3.3
138
+ nltk==3.8.1
139
+ notebook==7.2.2
140
+ notebook_shim==0.2.4
141
+ numba==0.60.0
142
+ numpy==1.26.4
143
+ olefile==0.47
144
+ omegaconf==2.3.0
145
+ onnx==1.16.1
146
+ onnxruntime==1.18.1
147
+ openai==1.43.0
148
+ opencv-python==4.10.0.84
149
+ openpyxl==3.1.5
150
+ ordered-set==4.1.0
151
+ overrides==7.7.0
152
+ packaging==24.1
153
+ pandas-profiling==3.2.0
154
+ pandas==2.2.2
155
+ pandocfilters==1.5.1
156
+ parso==0.8.3
157
+ pdf2image==1.17.0
158
+ pdfminer.six==20231228
159
+ pdfplumber==0.11.2
160
+ peft==0.12.0
161
+ pexpect==4.8.0
162
+ phik==0.12.4
163
+ pickleshare==0.7.5
164
+ pikepdf==9.1.0
165
+ pillow==10.4.0
166
+ pillow_heif==0.18.0
167
+ pip==24.2
168
+ platformdirs==4.2.2
169
+ plotly==5.24.0
170
+ poppler-utils==0.1.0
171
+ portalocker==2.10.1
172
+ preshed==3.0.9
173
+ prometheus_client==0.20.0
174
+ prompt-toolkit==3.0.38
175
+ proto-plus==1.24.0
176
+ protobuf==5.27.2
177
+ psutil==5.9.5
178
+ ptyprocess==0.7.0
179
+ pure-eval==0.2.2
180
+ pyarrow-hotfix==0.6
181
+ pyarrow==17.0.0
182
+ pyasn1==0.6.0
183
+ pyasn1_modules==0.4.0
184
+ pycocotools==2.0.8
185
+ pycparser==2.22
186
+ pycryptodome==3.20.0
187
+ pydantic==2.8.2
188
+ pydantic_core==2.20.1
189
+ pynndescent==0.5.13
190
+ pypandoc==1.13
191
+ pyparsing==3.1.2
192
+ pypdf==4.3.1
193
+ pypdfium2==4.30.0
194
+ pytesseract==0.3.10
195
+ python-dateutil==2.9.0.post0
196
+ python-docx==1.1.2
197
+ python-dotenv==1.0.1
198
+ python-iso639==2024.4.27
199
+ python-json-logger==2.0.7
200
+ python-magic==0.4.27
201
+ python-multipart==0.0.9
202
+ python-oxmsg==0.0.1
203
+ python-pptx==0.6.23
204
+ pytz==2024.1
205
+ pyzmq==25.0.2
206
+ rapidfuzz==3.9.5
207
+ referencing==0.35.1
208
+ regex==2024.7.24
209
+ requests-toolbelt==1.0.0
210
+ requests==2.32.3
211
+ rfc3339-validator==0.1.4
212
+ rfc3986-validator==0.1.1
213
+ rich==13.7.1
214
+ rpds-py==0.20.0
215
+ rsa==4.9
216
+ safetensors==0.4.3
217
+ scikit-learn==1.5.1
218
+ scipy==1.14.0
219
+ seaborn==0.13.2
220
+ sentence-transformers==3.0.1
221
+ sentencepiece==0.2.0
222
+ sentry-sdk==2.12.0
223
+ setproctitle==1.3.3
224
+ setuptools==65.5.0
225
+ shellingham==1.5.4
226
+ shtab==1.7.1
227
+ six==1.16.0
228
+ smart-open==7.0.4
229
+ smmap==5.0.1
230
+ sniffio==1.3.1
231
+ soupsieve==2.5
232
+ spacy-legacy==3.0.12
233
+ spacy-loggers==1.0.5
234
+ spacy==3.7.6
235
+ srsly==2.4.8
236
+ stack-data==0.6.2
237
+ sympy==1.13.1
238
+ tabulate==0.9.0
239
+ tangled-up-in-unicode==0.2.0
240
+ tdqm==0.0.1
241
+ tenacity==9.0.0
242
+ terminado==0.18.1
243
+ thinc==8.2.5
244
+ threadpoolctl==3.5.0
245
+ timm==1.0.8
246
+ tinycss2==1.3.0
247
+ tokenizers==0.19.1
248
+ torch==2.2.2
249
+ torchtext==0.17.2
250
+ torchvision==0.17.2
251
+ tornado==6.3.1
252
+ tqdm==4.66.4
253
+ traitlets==5.9.0
254
+ transformers==4.44.2
255
+ trl==0.9.6
256
+ typer==0.12.4
257
+ types-python-dateutil==2.9.0.20240821
258
+ typing-inspect==0.9.0
259
+ typing_extensions==4.12.2
260
+ tyro==0.8.5
261
+ tzdata==2024.1
262
+ umap-learn==0.5.6
263
+ unstructured-client==0.24.1
264
+ unstructured-inference==0.7.36
265
+ unstructured.pytesseract==0.3.12
266
+ unstructured==0.15.0
267
+ uri-template==1.3.0
268
+ urllib3==2.2.2
269
+ visions==0.7.4
270
+ wandb==0.17.5
271
+ wasabi==1.1.3
272
+ wcwidth==0.2.6
273
+ weasel==0.4.1
274
+ webcolors==24.8.0
275
+ webencodings==0.5.1
276
+ websocket-client==1.8.0
277
+ widgetsnbextension==4.0.13
278
+ wrapt==1.16.0
279
+ xlrd==2.0.1
280
+ xxhash==3.4.1
281
+ yarl==1.9.4
wandb/run-20240923_003946-8x4nifku/files/wandb-metadata.json ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "macOS-15.0-x86_64-i386-64bit",
3
+ "python": "3.11.9",
4
+ "heartbeatAt": "2024-09-23T03:39:47.813460",
5
+ "startedAt": "2024-09-23T03:39:46.593000",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "<python with no main file>",
11
+ "codePathLocal": null,
12
+ "git": {
13
+ "remote": "https://github.com/marcelovidigal/retrieval_augmented_generation.git",
14
+ "commit": "23db3b3a0427b4dfac5df9b26ac2572134e857c4"
15
+ },
16
+ "email": "marcelovidigal@gmail.com",
17
+ "root": "/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation",
18
+ "host": "mace16.local",
19
+ "username": "marcelovidigal",
20
+ "executable": "/usr/local/bin/python3",
21
+ "cpu_count": 8,
22
+ "cpu_count_logical": 16,
23
+ "cpu_freq": {
24
+ "current": 2300,
25
+ "min": 2300,
26
+ "max": 2300
27
+ },
28
+ "cpu_freq_per_core": [
29
+ {
30
+ "current": 2300,
31
+ "min": 2300,
32
+ "max": 2300
33
+ }
34
+ ],
35
+ "disk": {
36
+ "/": {
37
+ "total": 931.546989440918,
38
+ "used": 9.93536376953125
39
+ }
40
+ },
41
+ "memory": {
42
+ "total": 16.0
43
+ }
44
+ }
wandb/run-20240923_003946-8x4nifku/logs/debug-internal.log ADDED
@@ -0,0 +1,141 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-09-23 00:39:46,603 INFO StreamThr :9987 [internal.py:wandb_internal():85] W&B internal server running at pid: 9987, started at: 2024-09-23 00:39:46.602955
2
+ 2024-09-23 00:39:46,605 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status
3
+ 2024-09-23 00:39:46,617 INFO WriterThread:9987 [datastore.py:open_for_write():87] open: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003946-8x4nifku/run-8x4nifku.wandb
4
+ 2024-09-23 00:39:46,618 DEBUG SenderThread:9987 [sender.py:send():379] send: header
5
+ 2024-09-23 00:39:46,650 DEBUG SenderThread:9987 [sender.py:send():379] send: run
6
+ 2024-09-23 00:39:47,422 INFO SenderThread:9987 [dir_watcher.py:__init__():211] watching files in: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003946-8x4nifku/files
7
+ 2024-09-23 00:39:47,422 INFO SenderThread:9987 [sender.py:_start_run_threads():1188] run started: 8x4nifku with start time 1727062786.603785
8
+ 2024-09-23 00:39:47,434 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-09-23 00:39:47,434 DEBUG SenderThread:9987 [sender.py:send_request():406] send_request: check_version
10
+ 2024-09-23 00:39:47,800 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-09-23 00:39:47,811 DEBUG HandlerThread:9987 [system_info.py:__init__():26] System info init
12
+ 2024-09-23 00:39:47,811 DEBUG HandlerThread:9987 [system_info.py:__init__():41] System info init done
13
+ 2024-09-23 00:39:47,811 INFO HandlerThread:9987 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-09-23 00:39:47,811 INFO SystemMonitor:9987 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-09-23 00:39:47,812 INFO HandlerThread:9987 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-09-23 00:39:47,813 INFO SystemMonitor:9987 [interfaces.py:start():188] Started cpu monitoring
17
+ 2024-09-23 00:39:47,813 DEBUG HandlerThread:9987 [system_info.py:probe():152] Probing system
18
+ 2024-09-23 00:39:47,815 INFO SystemMonitor:9987 [interfaces.py:start():188] Started disk monitoring
19
+ 2024-09-23 00:39:47,816 INFO SystemMonitor:9987 [interfaces.py:start():188] Started memory monitoring
20
+ 2024-09-23 00:39:47,817 INFO SystemMonitor:9987 [interfaces.py:start():188] Started network monitoring
21
+ 2024-09-23 00:39:47,823 DEBUG HandlerThread:9987 [system_info.py:_probe_git():137] Probing git
22
+ 2024-09-23 00:39:47,858 DEBUG HandlerThread:9987 [system_info.py:_probe_git():145] Probing git done
23
+ 2024-09-23 00:39:47,858 DEBUG HandlerThread:9987 [system_info.py:probe():200] Probing system done
24
+ 2024-09-23 00:39:47,858 DEBUG HandlerThread:9987 [system_monitor.py:probe():223] {'os': 'macOS-15.0-x86_64-i386-64bit', 'python': '3.11.9', 'heartbeatAt': '2024-09-23T03:39:47.813460', 'startedAt': '2024-09-23T03:39:46.593000', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': '<python with no main file>', 'codePathLocal': None, 'git': {'remote': 'https://github.com/marcelovidigal/retrieval_augmented_generation.git', 'commit': '23db3b3a0427b4dfac5df9b26ac2572134e857c4'}, 'email': 'marcelovidigal@gmail.com', 'root': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation', 'host': 'mace16.local', 'username': 'marcelovidigal', 'executable': '/usr/local/bin/python3', 'cpu_count': 8, 'cpu_count_logical': 16, 'cpu_freq': {'current': 2300, 'min': 2300, 'max': 2300}, 'cpu_freq_per_core': [{'current': 2300, 'min': 2300, 'max': 2300}], 'disk': {'/': {'total': 931.546989440918, 'used': 9.93536376953125}}, 'memory': {'total': 16.0}}
25
+ 2024-09-23 00:39:47,858 INFO HandlerThread:9987 [system_monitor.py:probe():224] Finished collecting system info
26
+ 2024-09-23 00:39:47,858 INFO HandlerThread:9987 [system_monitor.py:probe():227] Publishing system info
27
+ 2024-09-23 00:39:47,860 INFO HandlerThread:9987 [system_monitor.py:probe():229] Finished publishing system info
28
+ 2024-09-23 00:39:47,862 DEBUG SenderThread:9987 [sender.py:send():379] send: files
29
+ 2024-09-23 00:39:47,863 INFO SenderThread:9987 [sender.py:_save_file():1454] saving file wandb-metadata.json with policy now
30
+ 2024-09-23 00:39:48,115 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: python_packages
31
+ 2024-09-23 00:39:48,115 DEBUG SenderThread:9987 [sender.py:send_request():406] send_request: python_packages
32
+ 2024-09-23 00:39:48,116 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: stop_status
33
+ 2024-09-23 00:39:48,116 DEBUG SenderThread:9987 [sender.py:send_request():406] send_request: stop_status
34
+ 2024-09-23 00:39:48,117 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
35
+ 2024-09-23 00:39:48,121 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: pause
36
+ 2024-09-23 00:39:48,121 INFO HandlerThread:9987 [handler.py:handle_request_pause():724] stopping system metrics thread
37
+ 2024-09-23 00:39:48,122 INFO HandlerThread:9987 [system_monitor.py:finish():203] Stopping system monitor
38
+ 2024-09-23 00:39:48,122 DEBUG SystemMonitor:9987 [system_monitor.py:_start():172] Starting system metrics aggregation loop
39
+ 2024-09-23 00:39:48,122 DEBUG SystemMonitor:9987 [system_monitor.py:_start():179] Finished system metrics aggregation loop
40
+ 2024-09-23 00:39:48,122 DEBUG SystemMonitor:9987 [system_monitor.py:_start():183] Publishing last batch of metrics
41
+ 2024-09-23 00:39:48,122 INFO HandlerThread:9987 [interfaces.py:finish():200] Joined cpu monitor
42
+ 2024-09-23 00:39:48,123 INFO HandlerThread:9987 [interfaces.py:finish():200] Joined disk monitor
43
+ 2024-09-23 00:39:48,123 INFO HandlerThread:9987 [interfaces.py:finish():200] Joined memory monitor
44
+ 2024-09-23 00:39:48,123 INFO HandlerThread:9987 [interfaces.py:finish():200] Joined network monitor
45
+ 2024-09-23 00:39:48,426 INFO Thread-12 :9987 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003946-8x4nifku/files/wandb-metadata.json
46
+ 2024-09-23 00:39:48,427 INFO Thread-12 :9987 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003946-8x4nifku/files/requirements.txt
47
+ 2024-09-23 00:39:48,598 DEBUG SenderThread:9987 [sender.py:send():379] send: telemetry
48
+ 2024-09-23 00:39:48,599 DEBUG SenderThread:9987 [sender.py:send():379] send: stats
49
+ 2024-09-23 00:39:48,860 INFO wandb-upload_0:9987 [upload_job.py:push():130] Uploaded file /var/folders/75/ky9nhpn56rg6m0h92jqhqfd80000gn/T/tmpwhnuoooxwandb/eaipgtq2-wandb-metadata.json
50
+ 2024-09-23 00:39:49,119 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
51
+ 2024-09-23 00:39:50,120 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
52
+ 2024-09-23 00:39:51,122 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
53
+ 2024-09-23 00:39:52,123 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
54
+ 2024-09-23 00:39:52,607 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
55
+ 2024-09-23 00:39:53,125 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
56
+ 2024-09-23 00:39:54,128 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
57
+ 2024-09-23 00:39:55,132 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
58
+ 2024-09-23 00:39:56,134 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
59
+ 2024-09-23 00:39:57,136 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
60
+ 2024-09-23 00:39:58,123 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
61
+ 2024-09-23 00:39:58,141 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
62
+ 2024-09-23 00:39:59,145 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
63
+ 2024-09-23 00:40:00,150 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
64
+ 2024-09-23 00:40:01,152 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
65
+ 2024-09-23 00:40:02,156 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
66
+ 2024-09-23 00:40:03,120 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: stop_status
67
+ 2024-09-23 00:40:03,120 DEBUG SenderThread:9987 [sender.py:send_request():406] send_request: stop_status
68
+ 2024-09-23 00:40:03,159 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
69
+ 2024-09-23 00:40:03,494 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
70
+ 2024-09-23 00:40:04,162 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
71
+ 2024-09-23 00:40:05,167 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
72
+ 2024-09-23 00:40:06,170 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
73
+ 2024-09-23 00:40:07,171 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
74
+ 2024-09-23 00:40:08,175 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
75
+ 2024-09-23 00:40:09,133 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
76
+ 2024-09-23 00:40:09,179 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
77
+ 2024-09-23 00:40:10,181 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
78
+ 2024-09-23 00:40:11,184 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
79
+ 2024-09-23 00:40:12,186 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
80
+ 2024-09-23 00:40:13,188 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
81
+ 2024-09-23 00:40:14,135 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
82
+ 2024-09-23 00:40:14,191 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
83
+ 2024-09-23 00:40:15,195 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
84
+ 2024-09-23 00:40:16,197 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
85
+ 2024-09-23 00:40:17,201 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
86
+ 2024-09-23 00:40:18,123 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: stop_status
87
+ 2024-09-23 00:40:18,123 DEBUG SenderThread:9987 [sender.py:send_request():406] send_request: stop_status
88
+ 2024-09-23 00:40:18,202 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
89
+ 2024-09-23 00:40:19,207 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
90
+ 2024-09-23 00:40:19,550 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
91
+ 2024-09-23 00:40:20,210 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
92
+ 2024-09-23 00:40:20,530 INFO Thread-12 :9987 [dir_watcher.py:_on_file_modified():288] file/dir modified: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003946-8x4nifku/files/config.yaml
93
+ 2024-09-23 00:40:21,211 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
94
+ 2024-09-23 00:40:22,213 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
95
+ 2024-09-23 00:40:22,784 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: resume
96
+ 2024-09-23 00:40:22,784 INFO HandlerThread:9987 [handler.py:handle_request_resume():715] starting system metrics thread
97
+ 2024-09-23 00:40:22,784 INFO HandlerThread:9987 [system_monitor.py:start():194] Starting system monitor
98
+ 2024-09-23 00:40:22,784 INFO SystemMonitor:9987 [system_monitor.py:_start():158] Starting system asset monitoring threads
99
+ 2024-09-23 00:40:22,785 INFO SystemMonitor:9987 [interfaces.py:start():188] Started cpu monitoring
100
+ 2024-09-23 00:40:22,785 INFO SystemMonitor:9987 [interfaces.py:start():188] Started disk monitoring
101
+ 2024-09-23 00:40:22,785 INFO SystemMonitor:9987 [interfaces.py:start():188] Started memory monitoring
102
+ 2024-09-23 00:40:22,787 INFO SystemMonitor:9987 [interfaces.py:start():188] Started network monitoring
103
+ 2024-09-23 00:40:22,788 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: pause
104
+ 2024-09-23 00:40:22,788 INFO HandlerThread:9987 [handler.py:handle_request_pause():724] stopping system metrics thread
105
+ 2024-09-23 00:40:22,788 INFO HandlerThread:9987 [system_monitor.py:finish():203] Stopping system monitor
106
+ 2024-09-23 00:40:22,789 DEBUG SystemMonitor:9987 [system_monitor.py:_start():172] Starting system metrics aggregation loop
107
+ 2024-09-23 00:40:22,789 DEBUG SystemMonitor:9987 [system_monitor.py:_start():179] Finished system metrics aggregation loop
108
+ 2024-09-23 00:40:22,789 INFO HandlerThread:9987 [interfaces.py:finish():200] Joined cpu monitor
109
+ 2024-09-23 00:40:22,789 DEBUG SystemMonitor:9987 [system_monitor.py:_start():183] Publishing last batch of metrics
110
+ 2024-09-23 00:40:22,789 INFO HandlerThread:9987 [interfaces.py:finish():200] Joined disk monitor
111
+ 2024-09-23 00:40:22,789 INFO HandlerThread:9987 [interfaces.py:finish():200] Joined memory monitor
112
+ 2024-09-23 00:40:22,790 INFO HandlerThread:9987 [interfaces.py:finish():200] Joined network monitor
113
+ 2024-09-23 00:40:22,790 DEBUG SenderThread:9987 [sender.py:send():379] send: stats
114
+ 2024-09-23 00:40:23,215 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
115
+ 2024-09-23 00:40:24,217 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
116
+ 2024-09-23 00:40:25,140 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
117
+ 2024-09-23 00:40:25,219 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
118
+ 2024-09-23 00:40:26,224 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
119
+ 2024-09-23 00:40:27,226 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
120
+ 2024-09-23 00:40:28,229 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
121
+ 2024-09-23 00:40:29,233 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
122
+ 2024-09-23 00:40:30,149 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
123
+ 2024-09-23 00:40:30,235 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
124
+ 2024-09-23 00:40:31,238 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
125
+ 2024-09-23 00:40:32,240 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
126
+ 2024-09-23 00:40:33,126 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: stop_status
127
+ 2024-09-23 00:40:33,127 DEBUG SenderThread:9987 [sender.py:send_request():406] send_request: stop_status
128
+ 2024-09-23 00:40:33,245 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
129
+ 2024-09-23 00:40:34,246 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
130
+ 2024-09-23 00:40:35,250 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
131
+ 2024-09-23 00:40:35,507 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
132
+ 2024-09-23 00:40:36,252 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
133
+ 2024-09-23 00:40:37,255 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
134
+ 2024-09-23 00:40:38,256 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
135
+ 2024-09-23 00:40:39,259 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
136
+ 2024-09-23 00:40:40,260 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
137
+ 2024-09-23 00:40:41,157 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: status_report
138
+ 2024-09-23 00:40:41,265 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
139
+ 2024-09-23 00:40:42,269 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
140
+ 2024-09-23 00:40:43,272 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
141
+ 2024-09-23 00:40:44,274 DEBUG HandlerThread:9987 [handler.py:handle_request():158] handle_request: internal_messages
wandb/run-20240923_003946-8x4nifku/logs/debug.log ADDED
@@ -0,0 +1,36 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_setup.py:_flush():76] Current SDK version is 0.17.5
2
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_setup.py:_flush():76] Configure stats pid to 9966
3
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/.config/wandb/settings
4
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/classificacao_texto/wandb/settings
5
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_setup.py:_flush():76] Applying login settings: {}
9
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_init.py:_log_setup():529] Logging user logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003946-8x4nifku/logs/debug.log
10
+ 2024-09-23 00:39:46,598 INFO MainThread:9966 [wandb_init.py:_log_setup():530] Logging internal logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_003946-8x4nifku/logs/debug-internal.log
11
+ 2024-09-23 00:39:46,599 INFO MainThread:9966 [wandb_init.py:_jupyter_setup():475] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x13e166d50>
12
+ 2024-09-23 00:39:46,600 INFO MainThread:9966 [wandb_init.py:init():569] calling init triggers
13
+ 2024-09-23 00:39:46,600 INFO MainThread:9966 [wandb_init.py:init():576] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-09-23 00:39:46,600 INFO MainThread:9966 [wandb_init.py:init():619] starting backend
16
+ 2024-09-23 00:39:46,600 INFO MainThread:9966 [wandb_init.py:init():623] setting up manager
17
+ 2024-09-23 00:39:46,602 INFO MainThread:9966 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=spawn,fork,forkserver, using: spawn
18
+ 2024-09-23 00:39:46,603 INFO MainThread:9966 [wandb_init.py:init():631] backend started and connected
19
+ 2024-09-23 00:39:46,616 INFO MainThread:9966 [wandb_run.py:_label_probe_notebook():1334] probe notebook
20
+ 2024-09-23 00:39:46,617 INFO MainThread:9966 [wandb_run.py:_label_probe_notebook():1344] Unable to probe notebook: 'NoneType' object has no attribute 'get'
21
+ 2024-09-23 00:39:46,617 INFO MainThread:9966 [wandb_init.py:init():720] updated telemetry
22
+ 2024-09-23 00:39:46,649 INFO MainThread:9966 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
23
+ 2024-09-23 00:39:47,434 INFO MainThread:9966 [wandb_run.py:_on_init():2435] communicating current version
24
+ 2024-09-23 00:39:47,796 INFO MainThread:9966 [wandb_run.py:_on_init():2444] got version response upgrade_message: "wandb version 0.18.1 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
25
+
26
+ 2024-09-23 00:39:47,797 INFO MainThread:9966 [wandb_init.py:init():804] starting run threads in backend
27
+ 2024-09-23 00:39:48,116 INFO MainThread:9966 [wandb_run.py:_console_start():2413] atexit reg
28
+ 2024-09-23 00:39:48,116 INFO MainThread:9966 [wandb_run.py:_redirect():2255] redirect: wrap_raw
29
+ 2024-09-23 00:39:48,116 INFO MainThread:9966 [wandb_run.py:_redirect():2320] Wrapping output streams.
30
+ 2024-09-23 00:39:48,116 INFO MainThread:9966 [wandb_run.py:_redirect():2345] Redirects installed.
31
+ 2024-09-23 00:39:48,118 INFO MainThread:9966 [wandb_init.py:init():847] run started, returning control to user process
32
+ 2024-09-23 00:39:48,121 INFO MainThread:9966 [jupyter.py:save_ipynb():372] not saving jupyter notebook
33
+ 2024-09-23 00:39:48,121 INFO MainThread:9966 [wandb_init.py:_pause_backend():440] pausing backend
34
+ 2024-09-23 00:40:22,783 INFO MainThread:9966 [wandb_init.py:_resume_backend():445] resuming backend
35
+ 2024-09-23 00:40:22,787 INFO MainThread:9966 [jupyter.py:save_ipynb():372] not saving jupyter notebook
36
+ 2024-09-23 00:40:22,787 INFO MainThread:9966 [wandb_init.py:_pause_backend():440] pausing backend
wandb/run-20240923_003946-8x4nifku/run-8x4nifku.wandb ADDED
File without changes
wandb/run-20240923_004103-n5ezc6wj/files/config.yaml ADDED
@@ -0,0 +1,35 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.11.9
7
+ cli_version: 0.17.5
8
+ framework: huggingface
9
+ huggingface_version: 4.44.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1727062863
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 41
19
+ - 49
20
+ - 51
21
+ - 53
22
+ - 55
23
+ - 71
24
+ - 98
25
+ - 100
26
+ 3:
27
+ - 23
28
+ 4: 3.11.9
29
+ 5: 0.17.5
30
+ 6: 4.44.2
31
+ 8:
32
+ - 1
33
+ - 2
34
+ - 5
35
+ 13: darwin-x86_64
wandb/run-20240923_004103-n5ezc6wj/files/requirements.txt ADDED
@@ -0,0 +1,281 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Deprecated==1.2.14
2
+ GitPython==3.1.43
3
+ ImageHash==4.3.1
4
+ Jinja2==3.1.4
5
+ Markdown==3.6
6
+ MarkupSafe==2.1.5
7
+ PyWavelets==1.7.0
8
+ PyYAML==6.0.1
9
+ Pygments==2.15.1
10
+ Send2Trash==1.8.3
11
+ XlsxWriter==3.2.0
12
+ accelerate==0.34.2
13
+ aiohappyeyeballs==2.3.4
14
+ aiohttp==3.10.0
15
+ aiosignal==1.3.1
16
+ annotated-types==0.7.0
17
+ antlr4-python3-runtime==4.9.3
18
+ anyio==4.4.0
19
+ appnope==0.1.3
20
+ argon2-cffi-bindings==21.2.0
21
+ argon2-cffi==23.1.0
22
+ arrow==1.3.0
23
+ asttokens==2.2.1
24
+ async-lru==2.0.4
25
+ attrs==23.2.0
26
+ babel==2.16.0
27
+ backcall==0.2.0
28
+ backoff==2.2.1
29
+ beautifulsoup4==4.12.3
30
+ bertopic==0.16.3
31
+ bitsandbytes==0.42.0
32
+ bleach==6.1.0
33
+ blis==0.7.11
34
+ cachetools==5.4.0
35
+ catalogue==2.0.10
36
+ certifi==2024.8.30
37
+ cffi==1.16.0
38
+ chardet==5.2.0
39
+ charset-normalizer==3.3.2
40
+ click==8.1.7
41
+ cloudpathlib==0.18.1
42
+ coloredlogs==15.0.1
43
+ comm==0.1.3
44
+ confection==0.1.5
45
+ contourpy==1.2.1
46
+ cryptography==43.0.0
47
+ cycler==0.12.1
48
+ cymem==2.0.8
49
+ dataclasses-json==0.6.7
50
+ datasets==3.0.0
51
+ debugpy==1.6.7
52
+ decorator==5.1.1
53
+ deepdiff==7.0.1
54
+ defusedxml==0.7.1
55
+ dill==0.3.8
56
+ distro==1.9.0
57
+ docker-pycreds==0.4.0
58
+ docstring_parser==0.16
59
+ effdet==0.4.1
60
+ emoji==2.12.1
61
+ en-core-web-sm==3.7.1
62
+ et-xmlfile==1.1.0
63
+ evaluate==0.4.3
64
+ executing==1.2.0
65
+ fastjsonschema==2.20.0
66
+ filelock==3.15.4
67
+ filetype==1.2.0
68
+ flatbuffers==24.3.25
69
+ fonttools==4.53.1
70
+ fqdn==1.5.1
71
+ frozenlist==1.4.1
72
+ fsspec==2024.5.0
73
+ gitdb==4.0.11
74
+ google-api-core==2.19.1
75
+ google-auth==2.32.0
76
+ google-cloud-vision==3.7.3
77
+ googleapis-common-protos==1.63.2
78
+ grpcio-status==1.65.1
79
+ grpcio==1.65.1
80
+ h11==0.14.0
81
+ hdbscan==0.8.38.post1
82
+ htmlmin==0.1.12
83
+ httpcore==1.0.5
84
+ httpx==0.27.0
85
+ huggingface-hub==0.24.3
86
+ humanfriendly==10.0
87
+ idna==3.7
88
+ iopath==0.1.10
89
+ ipykernel==6.29.5
90
+ ipython-genutils==0.2.0
91
+ ipython==8.13.2
92
+ ipywidgets==8.1.5
93
+ isoduration==20.11.0
94
+ jedi==0.18.2
95
+ jiter==0.5.0
96
+ joblib==1.1.1
97
+ json5==0.9.25
98
+ jsonpath-python==1.0.6
99
+ jsonpointer==3.0.0
100
+ jsonschema-specifications==2023.12.1
101
+ jsonschema==4.23.0
102
+ jupyter-events==0.10.0
103
+ jupyter-lsp==2.2.5
104
+ jupyter_client==8.2.0
105
+ jupyter_core==5.3.0
106
+ jupyter_server==2.14.2
107
+ jupyter_server_terminals==0.5.3
108
+ jupyterlab==4.2.5
109
+ jupyterlab_pygments==0.3.0
110
+ jupyterlab_server==2.27.3
111
+ jupyterlab_widgets==3.0.13
112
+ kiwisolver==1.4.5
113
+ langcodes==3.4.0
114
+ langdetect==1.0.9
115
+ language_data==1.2.0
116
+ layoutparser==0.3.4
117
+ llvmlite==0.43.0
118
+ lxml==5.2.2
119
+ marisa-trie==1.2.0
120
+ markdown-it-py==3.0.0
121
+ marshmallow==3.21.3
122
+ matplotlib-inline==0.1.6
123
+ matplotlib==3.9.1
124
+ mdurl==0.1.2
125
+ missingno==0.5.2
126
+ mistune==3.0.2
127
+ mpmath==1.3.0
128
+ multidict==6.0.5
129
+ multimethod==1.12
130
+ multiprocess==0.70.16
131
+ murmurhash==1.0.10
132
+ mypy-extensions==1.0.0
133
+ nbclient==0.10.0
134
+ nbconvert==7.16.4
135
+ nbformat==5.10.4
136
+ nest-asyncio==1.6.0
137
+ networkx==3.3
138
+ nltk==3.8.1
139
+ notebook==7.2.2
140
+ notebook_shim==0.2.4
141
+ numba==0.60.0
142
+ numpy==1.26.4
143
+ olefile==0.47
144
+ omegaconf==2.3.0
145
+ onnx==1.16.1
146
+ onnxruntime==1.18.1
147
+ openai==1.43.0
148
+ opencv-python==4.10.0.84
149
+ openpyxl==3.1.5
150
+ ordered-set==4.1.0
151
+ overrides==7.7.0
152
+ packaging==24.1
153
+ pandas-profiling==3.2.0
154
+ pandas==2.2.2
155
+ pandocfilters==1.5.1
156
+ parso==0.8.3
157
+ pdf2image==1.17.0
158
+ pdfminer.six==20231228
159
+ pdfplumber==0.11.2
160
+ peft==0.12.0
161
+ pexpect==4.8.0
162
+ phik==0.12.4
163
+ pickleshare==0.7.5
164
+ pikepdf==9.1.0
165
+ pillow==10.4.0
166
+ pillow_heif==0.18.0
167
+ pip==24.2
168
+ platformdirs==4.2.2
169
+ plotly==5.24.0
170
+ poppler-utils==0.1.0
171
+ portalocker==2.10.1
172
+ preshed==3.0.9
173
+ prometheus_client==0.20.0
174
+ prompt-toolkit==3.0.38
175
+ proto-plus==1.24.0
176
+ protobuf==5.27.2
177
+ psutil==5.9.5
178
+ ptyprocess==0.7.0
179
+ pure-eval==0.2.2
180
+ pyarrow-hotfix==0.6
181
+ pyarrow==17.0.0
182
+ pyasn1==0.6.0
183
+ pyasn1_modules==0.4.0
184
+ pycocotools==2.0.8
185
+ pycparser==2.22
186
+ pycryptodome==3.20.0
187
+ pydantic==2.8.2
188
+ pydantic_core==2.20.1
189
+ pynndescent==0.5.13
190
+ pypandoc==1.13
191
+ pyparsing==3.1.2
192
+ pypdf==4.3.1
193
+ pypdfium2==4.30.0
194
+ pytesseract==0.3.10
195
+ python-dateutil==2.9.0.post0
196
+ python-docx==1.1.2
197
+ python-dotenv==1.0.1
198
+ python-iso639==2024.4.27
199
+ python-json-logger==2.0.7
200
+ python-magic==0.4.27
201
+ python-multipart==0.0.9
202
+ python-oxmsg==0.0.1
203
+ python-pptx==0.6.23
204
+ pytz==2024.1
205
+ pyzmq==25.0.2
206
+ rapidfuzz==3.9.5
207
+ referencing==0.35.1
208
+ regex==2024.7.24
209
+ requests-toolbelt==1.0.0
210
+ requests==2.32.3
211
+ rfc3339-validator==0.1.4
212
+ rfc3986-validator==0.1.1
213
+ rich==13.7.1
214
+ rpds-py==0.20.0
215
+ rsa==4.9
216
+ safetensors==0.4.3
217
+ scikit-learn==1.5.1
218
+ scipy==1.14.0
219
+ seaborn==0.13.2
220
+ sentence-transformers==3.0.1
221
+ sentencepiece==0.2.0
222
+ sentry-sdk==2.12.0
223
+ setproctitle==1.3.3
224
+ setuptools==65.5.0
225
+ shellingham==1.5.4
226
+ shtab==1.7.1
227
+ six==1.16.0
228
+ smart-open==7.0.4
229
+ smmap==5.0.1
230
+ sniffio==1.3.1
231
+ soupsieve==2.5
232
+ spacy-legacy==3.0.12
233
+ spacy-loggers==1.0.5
234
+ spacy==3.7.6
235
+ srsly==2.4.8
236
+ stack-data==0.6.2
237
+ sympy==1.13.1
238
+ tabulate==0.9.0
239
+ tangled-up-in-unicode==0.2.0
240
+ tdqm==0.0.1
241
+ tenacity==9.0.0
242
+ terminado==0.18.1
243
+ thinc==8.2.5
244
+ threadpoolctl==3.5.0
245
+ timm==1.0.8
246
+ tinycss2==1.3.0
247
+ tokenizers==0.19.1
248
+ torch==2.2.2
249
+ torchtext==0.17.2
250
+ torchvision==0.17.2
251
+ tornado==6.3.1
252
+ tqdm==4.66.4
253
+ traitlets==5.9.0
254
+ transformers==4.44.2
255
+ trl==0.9.6
256
+ typer==0.12.4
257
+ types-python-dateutil==2.9.0.20240821
258
+ typing-inspect==0.9.0
259
+ typing_extensions==4.12.2
260
+ tyro==0.8.5
261
+ tzdata==2024.1
262
+ umap-learn==0.5.6
263
+ unstructured-client==0.24.1
264
+ unstructured-inference==0.7.36
265
+ unstructured.pytesseract==0.3.12
266
+ unstructured==0.15.0
267
+ uri-template==1.3.0
268
+ urllib3==2.2.2
269
+ visions==0.7.4
270
+ wandb==0.17.5
271
+ wasabi==1.1.3
272
+ wcwidth==0.2.6
273
+ weasel==0.4.1
274
+ webcolors==24.8.0
275
+ webencodings==0.5.1
276
+ websocket-client==1.8.0
277
+ widgetsnbextension==4.0.13
278
+ wrapt==1.16.0
279
+ xlrd==2.0.1
280
+ xxhash==3.4.1
281
+ yarl==1.9.4
wandb/run-20240923_004103-n5ezc6wj/files/wandb-metadata.json ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "macOS-15.0-x86_64-i386-64bit",
3
+ "python": "3.11.9",
4
+ "heartbeatAt": "2024-09-23T03:41:04.597413",
5
+ "startedAt": "2024-09-23T03:41:03.475326",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "classificacao_texto_hugging_face",
11
+ "codePathLocal": null,
12
+ "git": {
13
+ "remote": "https://github.com/marcelovidigal/retrieval_augmented_generation.git",
14
+ "commit": "23db3b3a0427b4dfac5df9b26ac2572134e857c4"
15
+ },
16
+ "email": "marcelovidigal@gmail.com",
17
+ "root": "/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation",
18
+ "host": "mace16.local",
19
+ "username": "marcelovidigal",
20
+ "executable": "/usr/local/bin/python3",
21
+ "cpu_count": 8,
22
+ "cpu_count_logical": 16,
23
+ "cpu_freq": {
24
+ "current": 2300,
25
+ "min": 2300,
26
+ "max": 2300
27
+ },
28
+ "cpu_freq_per_core": [
29
+ {
30
+ "current": 2300,
31
+ "min": 2300,
32
+ "max": 2300
33
+ }
34
+ ],
35
+ "disk": {
36
+ "/": {
37
+ "total": 931.546989440918,
38
+ "used": 9.93536376953125
39
+ }
40
+ },
41
+ "memory": {
42
+ "total": 16.0
43
+ }
44
+ }
wandb/run-20240923_004103-n5ezc6wj/logs/debug-internal.log ADDED
@@ -0,0 +1,70 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-09-23 00:41:03,485 INFO StreamThr :10083 [internal.py:wandb_internal():85] W&B internal server running at pid: 10083, started at: 2024-09-23 00:41:03.484746
2
+ 2024-09-23 00:41:03,487 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: status
3
+ 2024-09-23 00:41:03,501 INFO WriterThread:10083 [datastore.py:open_for_write():87] open: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004103-n5ezc6wj/run-n5ezc6wj.wandb
4
+ 2024-09-23 00:41:03,501 DEBUG SenderThread:10083 [sender.py:send():379] send: header
5
+ 2024-09-23 00:41:03,539 DEBUG SenderThread:10083 [sender.py:send():379] send: run
6
+ 2024-09-23 00:41:04,215 INFO SenderThread:10083 [dir_watcher.py:__init__():211] watching files in: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004103-n5ezc6wj/files
7
+ 2024-09-23 00:41:04,215 INFO SenderThread:10083 [sender.py:_start_run_threads():1188] run started: n5ezc6wj with start time 1727062863.485914
8
+ 2024-09-23 00:41:04,223 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-09-23 00:41:04,224 DEBUG SenderThread:10083 [sender.py:send_request():406] send_request: check_version
10
+ 2024-09-23 00:41:04,584 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-09-23 00:41:04,595 DEBUG HandlerThread:10083 [system_info.py:__init__():26] System info init
12
+ 2024-09-23 00:41:04,595 DEBUG HandlerThread:10083 [system_info.py:__init__():41] System info init done
13
+ 2024-09-23 00:41:04,596 INFO HandlerThread:10083 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-09-23 00:41:04,596 INFO SystemMonitor:10083 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-09-23 00:41:04,596 INFO HandlerThread:10083 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-09-23 00:41:04,597 DEBUG HandlerThread:10083 [system_info.py:probe():152] Probing system
17
+ 2024-09-23 00:41:04,597 INFO SystemMonitor:10083 [interfaces.py:start():188] Started cpu monitoring
18
+ 2024-09-23 00:41:04,598 INFO SystemMonitor:10083 [interfaces.py:start():188] Started disk monitoring
19
+ 2024-09-23 00:41:04,607 INFO SystemMonitor:10083 [interfaces.py:start():188] Started memory monitoring
20
+ 2024-09-23 00:41:04,608 INFO SystemMonitor:10083 [interfaces.py:start():188] Started network monitoring
21
+ 2024-09-23 00:41:04,623 DEBUG HandlerThread:10083 [system_info.py:_probe_git():137] Probing git
22
+ 2024-09-23 00:41:04,661 DEBUG HandlerThread:10083 [system_info.py:_probe_git():145] Probing git done
23
+ 2024-09-23 00:41:04,661 DEBUG HandlerThread:10083 [system_info.py:probe():200] Probing system done
24
+ 2024-09-23 00:41:04,661 DEBUG HandlerThread:10083 [system_monitor.py:probe():223] {'os': 'macOS-15.0-x86_64-i386-64bit', 'python': '3.11.9', 'heartbeatAt': '2024-09-23T03:41:04.597413', 'startedAt': '2024-09-23T03:41:03.475326', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': 'classificacao_texto_hugging_face', 'codePathLocal': None, 'git': {'remote': 'https://github.com/marcelovidigal/retrieval_augmented_generation.git', 'commit': '23db3b3a0427b4dfac5df9b26ac2572134e857c4'}, 'email': 'marcelovidigal@gmail.com', 'root': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation', 'host': 'mace16.local', 'username': 'marcelovidigal', 'executable': '/usr/local/bin/python3', 'cpu_count': 8, 'cpu_count_logical': 16, 'cpu_freq': {'current': 2300, 'min': 2300, 'max': 2300}, 'cpu_freq_per_core': [{'current': 2300, 'min': 2300, 'max': 2300}], 'disk': {'/': {'total': 931.546989440918, 'used': 9.93536376953125}}, 'memory': {'total': 16.0}}
25
+ 2024-09-23 00:41:04,661 INFO HandlerThread:10083 [system_monitor.py:probe():224] Finished collecting system info
26
+ 2024-09-23 00:41:04,661 INFO HandlerThread:10083 [system_monitor.py:probe():227] Publishing system info
27
+ 2024-09-23 00:41:04,662 INFO HandlerThread:10083 [system_monitor.py:probe():229] Finished publishing system info
28
+ 2024-09-23 00:41:04,665 DEBUG SenderThread:10083 [sender.py:send():379] send: files
29
+ 2024-09-23 00:41:04,665 INFO SenderThread:10083 [sender.py:_save_file():1454] saving file wandb-metadata.json with policy now
30
+ 2024-09-23 00:41:04,928 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: python_packages
31
+ 2024-09-23 00:41:04,929 DEBUG SenderThread:10083 [sender.py:send_request():406] send_request: python_packages
32
+ 2024-09-23 00:41:04,930 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: stop_status
33
+ 2024-09-23 00:41:04,930 DEBUG SenderThread:10083 [sender.py:send_request():406] send_request: stop_status
34
+ 2024-09-23 00:41:04,931 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
35
+ 2024-09-23 00:41:04,935 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: pause
36
+ 2024-09-23 00:41:04,935 INFO HandlerThread:10083 [handler.py:handle_request_pause():724] stopping system metrics thread
37
+ 2024-09-23 00:41:04,935 INFO HandlerThread:10083 [system_monitor.py:finish():203] Stopping system monitor
38
+ 2024-09-23 00:41:04,935 DEBUG SystemMonitor:10083 [system_monitor.py:_start():172] Starting system metrics aggregation loop
39
+ 2024-09-23 00:41:04,936 DEBUG SystemMonitor:10083 [system_monitor.py:_start():179] Finished system metrics aggregation loop
40
+ 2024-09-23 00:41:04,936 INFO HandlerThread:10083 [interfaces.py:finish():200] Joined cpu monitor
41
+ 2024-09-23 00:41:04,936 DEBUG SystemMonitor:10083 [system_monitor.py:_start():183] Publishing last batch of metrics
42
+ 2024-09-23 00:41:04,939 INFO HandlerThread:10083 [interfaces.py:finish():200] Joined disk monitor
43
+ 2024-09-23 00:41:04,941 INFO HandlerThread:10083 [interfaces.py:finish():200] Joined memory monitor
44
+ 2024-09-23 00:41:04,941 INFO HandlerThread:10083 [interfaces.py:finish():200] Joined network monitor
45
+ 2024-09-23 00:41:05,219 INFO Thread-12 :10083 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004103-n5ezc6wj/files/wandb-metadata.json
46
+ 2024-09-23 00:41:05,219 INFO Thread-12 :10083 [dir_watcher.py:_on_file_created():271] file/dir created: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004103-n5ezc6wj/files/requirements.txt
47
+ 2024-09-23 00:41:05,404 DEBUG SenderThread:10083 [sender.py:send():379] send: telemetry
48
+ 2024-09-23 00:41:05,404 DEBUG SenderThread:10083 [sender.py:send():379] send: stats
49
+ 2024-09-23 00:41:05,680 INFO wandb-upload_0:10083 [upload_job.py:push():130] Uploaded file /var/folders/75/ky9nhpn56rg6m0h92jqhqfd80000gn/T/tmpks6ca5juwandb/3c454ien-wandb-metadata.json
50
+ 2024-09-23 00:41:05,940 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
51
+ 2024-09-23 00:41:06,939 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
52
+ 2024-09-23 00:41:07,944 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
53
+ 2024-09-23 00:41:08,947 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
54
+ 2024-09-23 00:41:09,419 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: status_report
55
+ 2024-09-23 00:41:09,948 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
56
+ 2024-09-23 00:41:10,952 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
57
+ 2024-09-23 00:41:11,953 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
58
+ 2024-09-23 00:41:12,956 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
59
+ 2024-09-23 00:41:13,959 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
60
+ 2024-09-23 00:41:14,933 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: status_report
61
+ 2024-09-23 00:41:14,964 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
62
+ 2024-09-23 00:41:15,965 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
63
+ 2024-09-23 00:41:16,969 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
64
+ 2024-09-23 00:41:17,971 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
65
+ 2024-09-23 00:41:18,974 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
66
+ 2024-09-23 00:41:19,931 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: stop_status
67
+ 2024-09-23 00:41:19,932 DEBUG SenderThread:10083 [sender.py:send_request():406] send_request: stop_status
68
+ 2024-09-23 00:41:19,978 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
69
+ 2024-09-23 00:41:20,265 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: status_report
70
+ 2024-09-23 00:41:20,980 DEBUG HandlerThread:10083 [handler.py:handle_request():158] handle_request: internal_messages
wandb/run-20240923_004103-n5ezc6wj/logs/debug.log ADDED
@@ -0,0 +1,33 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-09-23 00:41:03,479 INFO MainThread:10048 [wandb_setup.py:_flush():76] Current SDK version is 0.17.5
2
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_setup.py:_flush():76] Configure stats pid to 10048
3
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/.config/wandb/settings
4
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/classificacao_texto/wandb/settings
5
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'notebook_name': 'classificacao_texto_hugging_face'}
6
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_setup.py:_flush():76] Applying login settings: {}
9
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_init.py:_log_setup():529] Logging user logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004103-n5ezc6wj/logs/debug.log
10
+ 2024-09-23 00:41:03,480 INFO MainThread:10048 [wandb_init.py:_log_setup():530] Logging internal logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004103-n5ezc6wj/logs/debug-internal.log
11
+ 2024-09-23 00:41:03,481 INFO MainThread:10048 [wandb_init.py:_jupyter_setup():475] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x13a13df10>
12
+ 2024-09-23 00:41:03,481 INFO MainThread:10048 [wandb_init.py:init():569] calling init triggers
13
+ 2024-09-23 00:41:03,481 INFO MainThread:10048 [wandb_init.py:init():576] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-09-23 00:41:03,482 INFO MainThread:10048 [wandb_init.py:init():619] starting backend
16
+ 2024-09-23 00:41:03,482 INFO MainThread:10048 [wandb_init.py:init():623] setting up manager
17
+ 2024-09-23 00:41:03,483 INFO MainThread:10048 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=spawn,fork,forkserver, using: spawn
18
+ 2024-09-23 00:41:03,485 INFO MainThread:10048 [wandb_init.py:init():631] backend started and connected
19
+ 2024-09-23 00:41:03,499 INFO MainThread:10048 [wandb_run.py:_label_probe_notebook():1334] probe notebook
20
+ 2024-09-23 00:41:03,500 INFO MainThread:10048 [wandb_run.py:_label_probe_notebook():1344] Unable to probe notebook: 'NoneType' object has no attribute 'get'
21
+ 2024-09-23 00:41:03,500 INFO MainThread:10048 [wandb_init.py:init():720] updated telemetry
22
+ 2024-09-23 00:41:03,538 INFO MainThread:10048 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
23
+ 2024-09-23 00:41:04,223 INFO MainThread:10048 [wandb_run.py:_on_init():2435] communicating current version
24
+ 2024-09-23 00:41:04,578 INFO MainThread:10048 [wandb_run.py:_on_init():2444] got version response upgrade_message: "wandb version 0.18.1 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
25
+
26
+ 2024-09-23 00:41:04,579 INFO MainThread:10048 [wandb_init.py:init():804] starting run threads in backend
27
+ 2024-09-23 00:41:04,929 INFO MainThread:10048 [wandb_run.py:_console_start():2413] atexit reg
28
+ 2024-09-23 00:41:04,929 INFO MainThread:10048 [wandb_run.py:_redirect():2255] redirect: wrap_raw
29
+ 2024-09-23 00:41:04,929 INFO MainThread:10048 [wandb_run.py:_redirect():2320] Wrapping output streams.
30
+ 2024-09-23 00:41:04,929 INFO MainThread:10048 [wandb_run.py:_redirect():2345] Redirects installed.
31
+ 2024-09-23 00:41:04,931 INFO MainThread:10048 [wandb_init.py:init():847] run started, returning control to user process
32
+ 2024-09-23 00:41:04,934 INFO MainThread:10048 [jupyter.py:save_ipynb():372] not saving jupyter notebook
33
+ 2024-09-23 00:41:04,934 INFO MainThread:10048 [wandb_init.py:_pause_backend():440] pausing backend
wandb/run-20240923_004103-n5ezc6wj/run-n5ezc6wj.wandb ADDED
File without changes
wandb/run-20240923_004152-7jibscvo/files/config.yaml ADDED
@@ -0,0 +1,708 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.11.9
7
+ cli_version: 0.17.5
8
+ framework: huggingface
9
+ huggingface_version: 4.44.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1727062912
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 41
19
+ - 49
20
+ - 51
21
+ - 53
22
+ - 55
23
+ - 71
24
+ - 98
25
+ - 100
26
+ 2:
27
+ - 1
28
+ - 5
29
+ - 11
30
+ - 41
31
+ - 49
32
+ - 51
33
+ - 53
34
+ - 55
35
+ - 71
36
+ - 98
37
+ - 100
38
+ 3:
39
+ - 7
40
+ - 19
41
+ - 23
42
+ - 66
43
+ 4: 3.11.9
44
+ 5: 0.17.5
45
+ 6: 4.44.2
46
+ 8:
47
+ - 1
48
+ - 2
49
+ - 5
50
+ 9:
51
+ 1: transformers_trainer
52
+ 13: darwin-x86_64
53
+ m:
54
+ - 1: train/global_step
55
+ 6:
56
+ - 3
57
+ - 1: train/loss
58
+ 5: 1
59
+ 6:
60
+ - 1
61
+ - 1: train/grad_norm
62
+ 5: 1
63
+ 6:
64
+ - 1
65
+ - 1: train/learning_rate
66
+ 5: 1
67
+ 6:
68
+ - 1
69
+ - 1: train/epoch
70
+ 5: 1
71
+ 6:
72
+ - 1
73
+ - 1: eval/loss
74
+ 5: 1
75
+ 6:
76
+ - 1
77
+ - 1: eval/accuracy
78
+ 5: 1
79
+ 6:
80
+ - 1
81
+ - 1: eval/runtime
82
+ 5: 1
83
+ 6:
84
+ - 1
85
+ - 1: eval/samples_per_second
86
+ 5: 1
87
+ 6:
88
+ - 1
89
+ - 1: eval/steps_per_second
90
+ 5: 1
91
+ 6:
92
+ - 1
93
+ vocab_size:
94
+ desc: null
95
+ value: 30522
96
+ max_position_embeddings:
97
+ desc: null
98
+ value: 512
99
+ sinusoidal_pos_embds:
100
+ desc: null
101
+ value: false
102
+ n_layers:
103
+ desc: null
104
+ value: 6
105
+ n_heads:
106
+ desc: null
107
+ value: 12
108
+ dim:
109
+ desc: null
110
+ value: 768
111
+ hidden_dim:
112
+ desc: null
113
+ value: 3072
114
+ dropout:
115
+ desc: null
116
+ value: 0.1
117
+ attention_dropout:
118
+ desc: null
119
+ value: 0.1
120
+ activation:
121
+ desc: null
122
+ value: gelu
123
+ initializer_range:
124
+ desc: null
125
+ value: 0.02
126
+ qa_dropout:
127
+ desc: null
128
+ value: 0.1
129
+ seq_classif_dropout:
130
+ desc: null
131
+ value: 0.2
132
+ return_dict:
133
+ desc: null
134
+ value: true
135
+ output_hidden_states:
136
+ desc: null
137
+ value: false
138
+ output_attentions:
139
+ desc: null
140
+ value: false
141
+ torchscript:
142
+ desc: null
143
+ value: false
144
+ torch_dtype:
145
+ desc: null
146
+ value: null
147
+ use_bfloat16:
148
+ desc: null
149
+ value: false
150
+ tf_legacy_loss:
151
+ desc: null
152
+ value: false
153
+ pruned_heads:
154
+ desc: null
155
+ value: {}
156
+ tie_word_embeddings:
157
+ desc: null
158
+ value: true
159
+ chunk_size_feed_forward:
160
+ desc: null
161
+ value: 0
162
+ is_encoder_decoder:
163
+ desc: null
164
+ value: false
165
+ is_decoder:
166
+ desc: null
167
+ value: false
168
+ cross_attention_hidden_size:
169
+ desc: null
170
+ value: null
171
+ add_cross_attention:
172
+ desc: null
173
+ value: false
174
+ tie_encoder_decoder:
175
+ desc: null
176
+ value: false
177
+ max_length:
178
+ desc: null
179
+ value: 20
180
+ min_length:
181
+ desc: null
182
+ value: 0
183
+ do_sample:
184
+ desc: null
185
+ value: false
186
+ early_stopping:
187
+ desc: null
188
+ value: false
189
+ num_beams:
190
+ desc: null
191
+ value: 1
192
+ num_beam_groups:
193
+ desc: null
194
+ value: 1
195
+ diversity_penalty:
196
+ desc: null
197
+ value: 0.0
198
+ temperature:
199
+ desc: null
200
+ value: 1.0
201
+ top_k:
202
+ desc: null
203
+ value: 50
204
+ top_p:
205
+ desc: null
206
+ value: 1.0
207
+ typical_p:
208
+ desc: null
209
+ value: 1.0
210
+ repetition_penalty:
211
+ desc: null
212
+ value: 1.0
213
+ length_penalty:
214
+ desc: null
215
+ value: 1.0
216
+ no_repeat_ngram_size:
217
+ desc: null
218
+ value: 0
219
+ encoder_no_repeat_ngram_size:
220
+ desc: null
221
+ value: 0
222
+ bad_words_ids:
223
+ desc: null
224
+ value: null
225
+ num_return_sequences:
226
+ desc: null
227
+ value: 1
228
+ output_scores:
229
+ desc: null
230
+ value: false
231
+ return_dict_in_generate:
232
+ desc: null
233
+ value: false
234
+ forced_bos_token_id:
235
+ desc: null
236
+ value: null
237
+ forced_eos_token_id:
238
+ desc: null
239
+ value: null
240
+ remove_invalid_values:
241
+ desc: null
242
+ value: false
243
+ exponential_decay_length_penalty:
244
+ desc: null
245
+ value: null
246
+ suppress_tokens:
247
+ desc: null
248
+ value: null
249
+ begin_suppress_tokens:
250
+ desc: null
251
+ value: null
252
+ architectures:
253
+ desc: null
254
+ value:
255
+ - DistilBertForMaskedLM
256
+ finetuning_task:
257
+ desc: null
258
+ value: null
259
+ id2label:
260
+ desc: null
261
+ value:
262
+ '0': NEGATIVE
263
+ '1': POSITIVE
264
+ label2id:
265
+ desc: null
266
+ value:
267
+ NEGATIVE: 0
268
+ POSITIVE: 1
269
+ tokenizer_class:
270
+ desc: null
271
+ value: null
272
+ prefix:
273
+ desc: null
274
+ value: null
275
+ bos_token_id:
276
+ desc: null
277
+ value: null
278
+ pad_token_id:
279
+ desc: null
280
+ value: 0
281
+ eos_token_id:
282
+ desc: null
283
+ value: null
284
+ sep_token_id:
285
+ desc: null
286
+ value: null
287
+ decoder_start_token_id:
288
+ desc: null
289
+ value: null
290
+ task_specific_params:
291
+ desc: null
292
+ value: null
293
+ problem_type:
294
+ desc: null
295
+ value: null
296
+ _name_or_path:
297
+ desc: null
298
+ value: distilbert/distilbert-base-uncased
299
+ transformers_version:
300
+ desc: null
301
+ value: 4.44.2
302
+ model_type:
303
+ desc: null
304
+ value: distilbert
305
+ tie_weights_:
306
+ desc: null
307
+ value: true
308
+ output_dir:
309
+ desc: null
310
+ value: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu
311
+ Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face
312
+ overwrite_output_dir:
313
+ desc: null
314
+ value: false
315
+ do_train:
316
+ desc: null
317
+ value: false
318
+ do_eval:
319
+ desc: null
320
+ value: true
321
+ do_predict:
322
+ desc: null
323
+ value: false
324
+ eval_strategy:
325
+ desc: null
326
+ value: epoch
327
+ prediction_loss_only:
328
+ desc: null
329
+ value: false
330
+ per_device_train_batch_size:
331
+ desc: null
332
+ value: 16
333
+ per_device_eval_batch_size:
334
+ desc: null
335
+ value: 16
336
+ per_gpu_train_batch_size:
337
+ desc: null
338
+ value: null
339
+ per_gpu_eval_batch_size:
340
+ desc: null
341
+ value: null
342
+ gradient_accumulation_steps:
343
+ desc: null
344
+ value: 1
345
+ eval_accumulation_steps:
346
+ desc: null
347
+ value: null
348
+ eval_delay:
349
+ desc: null
350
+ value: 0
351
+ torch_empty_cache_steps:
352
+ desc: null
353
+ value: null
354
+ learning_rate:
355
+ desc: null
356
+ value: 2.0e-05
357
+ weight_decay:
358
+ desc: null
359
+ value: 0.01
360
+ adam_beta1:
361
+ desc: null
362
+ value: 0.9
363
+ adam_beta2:
364
+ desc: null
365
+ value: 0.999
366
+ adam_epsilon:
367
+ desc: null
368
+ value: 1.0e-08
369
+ max_grad_norm:
370
+ desc: null
371
+ value: 1.0
372
+ num_train_epochs:
373
+ desc: null
374
+ value: 5
375
+ max_steps:
376
+ desc: null
377
+ value: -1
378
+ lr_scheduler_type:
379
+ desc: null
380
+ value: linear
381
+ lr_scheduler_kwargs:
382
+ desc: null
383
+ value: {}
384
+ warmup_ratio:
385
+ desc: null
386
+ value: 0.0
387
+ warmup_steps:
388
+ desc: null
389
+ value: 0
390
+ log_level:
391
+ desc: null
392
+ value: passive
393
+ log_level_replica:
394
+ desc: null
395
+ value: warning
396
+ log_on_each_node:
397
+ desc: null
398
+ value: true
399
+ logging_dir:
400
+ desc: null
401
+ value: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu
402
+ Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/runs/Sep23_00-42-21_mace16.local
403
+ logging_strategy:
404
+ desc: null
405
+ value: steps
406
+ logging_first_step:
407
+ desc: null
408
+ value: false
409
+ logging_steps:
410
+ desc: null
411
+ value: 500
412
+ logging_nan_inf_filter:
413
+ desc: null
414
+ value: true
415
+ save_strategy:
416
+ desc: null
417
+ value: epoch
418
+ save_steps:
419
+ desc: null
420
+ value: 500
421
+ save_total_limit:
422
+ desc: null
423
+ value: null
424
+ save_safetensors:
425
+ desc: null
426
+ value: true
427
+ save_on_each_node:
428
+ desc: null
429
+ value: false
430
+ save_only_model:
431
+ desc: null
432
+ value: false
433
+ restore_callback_states_from_checkpoint:
434
+ desc: null
435
+ value: false
436
+ no_cuda:
437
+ desc: null
438
+ value: false
439
+ use_cpu:
440
+ desc: null
441
+ value: false
442
+ use_mps_device:
443
+ desc: null
444
+ value: false
445
+ seed:
446
+ desc: null
447
+ value: 42
448
+ data_seed:
449
+ desc: null
450
+ value: null
451
+ jit_mode_eval:
452
+ desc: null
453
+ value: false
454
+ use_ipex:
455
+ desc: null
456
+ value: false
457
+ bf16:
458
+ desc: null
459
+ value: false
460
+ fp16:
461
+ desc: null
462
+ value: false
463
+ fp16_opt_level:
464
+ desc: null
465
+ value: O1
466
+ half_precision_backend:
467
+ desc: null
468
+ value: auto
469
+ bf16_full_eval:
470
+ desc: null
471
+ value: false
472
+ fp16_full_eval:
473
+ desc: null
474
+ value: false
475
+ tf32:
476
+ desc: null
477
+ value: null
478
+ local_rank:
479
+ desc: null
480
+ value: 0
481
+ ddp_backend:
482
+ desc: null
483
+ value: null
484
+ tpu_num_cores:
485
+ desc: null
486
+ value: null
487
+ tpu_metrics_debug:
488
+ desc: null
489
+ value: false
490
+ debug:
491
+ desc: null
492
+ value: []
493
+ dataloader_drop_last:
494
+ desc: null
495
+ value: false
496
+ eval_steps:
497
+ desc: null
498
+ value: null
499
+ dataloader_num_workers:
500
+ desc: null
501
+ value: 0
502
+ dataloader_prefetch_factor:
503
+ desc: null
504
+ value: null
505
+ past_index:
506
+ desc: null
507
+ value: -1
508
+ run_name:
509
+ desc: null
510
+ value: /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu
511
+ Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face
512
+ disable_tqdm:
513
+ desc: null
514
+ value: false
515
+ remove_unused_columns:
516
+ desc: null
517
+ value: true
518
+ label_names:
519
+ desc: null
520
+ value: null
521
+ load_best_model_at_end:
522
+ desc: null
523
+ value: true
524
+ metric_for_best_model:
525
+ desc: null
526
+ value: loss
527
+ greater_is_better:
528
+ desc: null
529
+ value: false
530
+ ignore_data_skip:
531
+ desc: null
532
+ value: false
533
+ fsdp:
534
+ desc: null
535
+ value: []
536
+ fsdp_min_num_params:
537
+ desc: null
538
+ value: 0
539
+ fsdp_config:
540
+ desc: null
541
+ value:
542
+ min_num_params: 0
543
+ xla: false
544
+ xla_fsdp_v2: false
545
+ xla_fsdp_grad_ckpt: false
546
+ fsdp_transformer_layer_cls_to_wrap:
547
+ desc: null
548
+ value: null
549
+ accelerator_config:
550
+ desc: null
551
+ value:
552
+ split_batches: false
553
+ dispatch_batches: null
554
+ even_batches: true
555
+ use_seedable_sampler: true
556
+ non_blocking: false
557
+ gradient_accumulation_kwargs: null
558
+ deepspeed:
559
+ desc: null
560
+ value: null
561
+ label_smoothing_factor:
562
+ desc: null
563
+ value: 0.0
564
+ optim:
565
+ desc: null
566
+ value: adamw_torch
567
+ optim_args:
568
+ desc: null
569
+ value: null
570
+ adafactor:
571
+ desc: null
572
+ value: false
573
+ group_by_length:
574
+ desc: null
575
+ value: false
576
+ length_column_name:
577
+ desc: null
578
+ value: length
579
+ report_to:
580
+ desc: null
581
+ value:
582
+ - wandb
583
+ ddp_find_unused_parameters:
584
+ desc: null
585
+ value: null
586
+ ddp_bucket_cap_mb:
587
+ desc: null
588
+ value: null
589
+ ddp_broadcast_buffers:
590
+ desc: null
591
+ value: null
592
+ dataloader_pin_memory:
593
+ desc: null
594
+ value: true
595
+ dataloader_persistent_workers:
596
+ desc: null
597
+ value: false
598
+ skip_memory_metrics:
599
+ desc: null
600
+ value: true
601
+ use_legacy_prediction_loop:
602
+ desc: null
603
+ value: false
604
+ push_to_hub:
605
+ desc: null
606
+ value: true
607
+ resume_from_checkpoint:
608
+ desc: null
609
+ value: null
610
+ hub_model_id:
611
+ desc: null
612
+ value: null
613
+ hub_strategy:
614
+ desc: null
615
+ value: every_save
616
+ hub_token:
617
+ desc: null
618
+ value: <HUB_TOKEN>
619
+ hub_private_repo:
620
+ desc: null
621
+ value: false
622
+ hub_always_push:
623
+ desc: null
624
+ value: false
625
+ gradient_checkpointing:
626
+ desc: null
627
+ value: false
628
+ gradient_checkpointing_kwargs:
629
+ desc: null
630
+ value: null
631
+ include_inputs_for_metrics:
632
+ desc: null
633
+ value: false
634
+ eval_do_concat_batches:
635
+ desc: null
636
+ value: true
637
+ fp16_backend:
638
+ desc: null
639
+ value: auto
640
+ evaluation_strategy:
641
+ desc: null
642
+ value: null
643
+ push_to_hub_model_id:
644
+ desc: null
645
+ value: null
646
+ push_to_hub_organization:
647
+ desc: null
648
+ value: null
649
+ push_to_hub_token:
650
+ desc: null
651
+ value: <PUSH_TO_HUB_TOKEN>
652
+ mp_parameters:
653
+ desc: null
654
+ value: ''
655
+ auto_find_batch_size:
656
+ desc: null
657
+ value: false
658
+ full_determinism:
659
+ desc: null
660
+ value: false
661
+ torchdynamo:
662
+ desc: null
663
+ value: null
664
+ ray_scope:
665
+ desc: null
666
+ value: last
667
+ ddp_timeout:
668
+ desc: null
669
+ value: 1800
670
+ torch_compile:
671
+ desc: null
672
+ value: false
673
+ torch_compile_backend:
674
+ desc: null
675
+ value: null
676
+ torch_compile_mode:
677
+ desc: null
678
+ value: null
679
+ dispatch_batches:
680
+ desc: null
681
+ value: null
682
+ split_batches:
683
+ desc: null
684
+ value: null
685
+ include_tokens_per_second:
686
+ desc: null
687
+ value: false
688
+ include_num_input_tokens_seen:
689
+ desc: null
690
+ value: false
691
+ neftune_noise_alpha:
692
+ desc: null
693
+ value: null
694
+ optim_target_modules:
695
+ desc: null
696
+ value: null
697
+ batch_eval_metrics:
698
+ desc: null
699
+ value: false
700
+ eval_on_start:
701
+ desc: null
702
+ value: false
703
+ eval_use_gather_object:
704
+ desc: null
705
+ value: false
706
+ model/num_parameters:
707
+ desc: null
708
+ value: 66955010
wandb/run-20240923_004152-7jibscvo/files/output.log ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ /Library/Frameworks/Python.framework/Versions/3.11/lib/python3.11/site-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884
2
+ warnings.warn(
3
+ Some weights of DistilBertForSequenceClassification were not initialized from the model checkpoint at distilbert/distilbert-base-uncased and are newly initialized: ['classifier.bias', 'classifier.weight', 'pre_classifier.bias', 'pre_classifier.weight']
4
+ You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.
5
+ wandb: WARNING The `run_name` is currently set to the same value as `TrainingArguments.output_dir`. If this was not intended, please specify a different run name by setting the `TrainingArguments.run_name` parameter.
6
+ {'loss': 0.3343, 'grad_norm': 13.296141624450684, 'learning_rate': 1.872040946896993e-05, 'epoch': 0.32}
7
+ {'loss': 0.2518, 'grad_norm': 9.50092887878418, 'learning_rate': 1.744081893793986e-05, 'epoch': 0.64}
8
+ {'loss': 0.2252, 'grad_norm': 15.53085994720459, 'learning_rate': 1.616122840690979e-05, 'epoch': 0.96}
wandb/run-20240923_004152-7jibscvo/files/requirements.txt ADDED
@@ -0,0 +1,281 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Deprecated==1.2.14
2
+ GitPython==3.1.43
3
+ ImageHash==4.3.1
4
+ Jinja2==3.1.4
5
+ Markdown==3.6
6
+ MarkupSafe==2.1.5
7
+ PyWavelets==1.7.0
8
+ PyYAML==6.0.1
9
+ Pygments==2.15.1
10
+ Send2Trash==1.8.3
11
+ XlsxWriter==3.2.0
12
+ accelerate==0.34.2
13
+ aiohappyeyeballs==2.3.4
14
+ aiohttp==3.10.0
15
+ aiosignal==1.3.1
16
+ annotated-types==0.7.0
17
+ antlr4-python3-runtime==4.9.3
18
+ anyio==4.4.0
19
+ appnope==0.1.3
20
+ argon2-cffi-bindings==21.2.0
21
+ argon2-cffi==23.1.0
22
+ arrow==1.3.0
23
+ asttokens==2.2.1
24
+ async-lru==2.0.4
25
+ attrs==23.2.0
26
+ babel==2.16.0
27
+ backcall==0.2.0
28
+ backoff==2.2.1
29
+ beautifulsoup4==4.12.3
30
+ bertopic==0.16.3
31
+ bitsandbytes==0.42.0
32
+ bleach==6.1.0
33
+ blis==0.7.11
34
+ cachetools==5.4.0
35
+ catalogue==2.0.10
36
+ certifi==2024.8.30
37
+ cffi==1.16.0
38
+ chardet==5.2.0
39
+ charset-normalizer==3.3.2
40
+ click==8.1.7
41
+ cloudpathlib==0.18.1
42
+ coloredlogs==15.0.1
43
+ comm==0.1.3
44
+ confection==0.1.5
45
+ contourpy==1.2.1
46
+ cryptography==43.0.0
47
+ cycler==0.12.1
48
+ cymem==2.0.8
49
+ dataclasses-json==0.6.7
50
+ datasets==3.0.0
51
+ debugpy==1.6.7
52
+ decorator==5.1.1
53
+ deepdiff==7.0.1
54
+ defusedxml==0.7.1
55
+ dill==0.3.8
56
+ distro==1.9.0
57
+ docker-pycreds==0.4.0
58
+ docstring_parser==0.16
59
+ effdet==0.4.1
60
+ emoji==2.12.1
61
+ en-core-web-sm==3.7.1
62
+ et-xmlfile==1.1.0
63
+ evaluate==0.4.3
64
+ executing==1.2.0
65
+ fastjsonschema==2.20.0
66
+ filelock==3.15.4
67
+ filetype==1.2.0
68
+ flatbuffers==24.3.25
69
+ fonttools==4.53.1
70
+ fqdn==1.5.1
71
+ frozenlist==1.4.1
72
+ fsspec==2024.5.0
73
+ gitdb==4.0.11
74
+ google-api-core==2.19.1
75
+ google-auth==2.32.0
76
+ google-cloud-vision==3.7.3
77
+ googleapis-common-protos==1.63.2
78
+ grpcio-status==1.65.1
79
+ grpcio==1.65.1
80
+ h11==0.14.0
81
+ hdbscan==0.8.38.post1
82
+ htmlmin==0.1.12
83
+ httpcore==1.0.5
84
+ httpx==0.27.0
85
+ huggingface-hub==0.24.3
86
+ humanfriendly==10.0
87
+ idna==3.7
88
+ iopath==0.1.10
89
+ ipykernel==6.29.5
90
+ ipython-genutils==0.2.0
91
+ ipython==8.13.2
92
+ ipywidgets==8.1.5
93
+ isoduration==20.11.0
94
+ jedi==0.18.2
95
+ jiter==0.5.0
96
+ joblib==1.1.1
97
+ json5==0.9.25
98
+ jsonpath-python==1.0.6
99
+ jsonpointer==3.0.0
100
+ jsonschema-specifications==2023.12.1
101
+ jsonschema==4.23.0
102
+ jupyter-events==0.10.0
103
+ jupyter-lsp==2.2.5
104
+ jupyter_client==8.2.0
105
+ jupyter_core==5.3.0
106
+ jupyter_server==2.14.2
107
+ jupyter_server_terminals==0.5.3
108
+ jupyterlab==4.2.5
109
+ jupyterlab_pygments==0.3.0
110
+ jupyterlab_server==2.27.3
111
+ jupyterlab_widgets==3.0.13
112
+ kiwisolver==1.4.5
113
+ langcodes==3.4.0
114
+ langdetect==1.0.9
115
+ language_data==1.2.0
116
+ layoutparser==0.3.4
117
+ llvmlite==0.43.0
118
+ lxml==5.2.2
119
+ marisa-trie==1.2.0
120
+ markdown-it-py==3.0.0
121
+ marshmallow==3.21.3
122
+ matplotlib-inline==0.1.6
123
+ matplotlib==3.9.1
124
+ mdurl==0.1.2
125
+ missingno==0.5.2
126
+ mistune==3.0.2
127
+ mpmath==1.3.0
128
+ multidict==6.0.5
129
+ multimethod==1.12
130
+ multiprocess==0.70.16
131
+ murmurhash==1.0.10
132
+ mypy-extensions==1.0.0
133
+ nbclient==0.10.0
134
+ nbconvert==7.16.4
135
+ nbformat==5.10.4
136
+ nest-asyncio==1.6.0
137
+ networkx==3.3
138
+ nltk==3.8.1
139
+ notebook==7.2.2
140
+ notebook_shim==0.2.4
141
+ numba==0.60.0
142
+ numpy==1.26.4
143
+ olefile==0.47
144
+ omegaconf==2.3.0
145
+ onnx==1.16.1
146
+ onnxruntime==1.18.1
147
+ openai==1.43.0
148
+ opencv-python==4.10.0.84
149
+ openpyxl==3.1.5
150
+ ordered-set==4.1.0
151
+ overrides==7.7.0
152
+ packaging==24.1
153
+ pandas-profiling==3.2.0
154
+ pandas==2.2.2
155
+ pandocfilters==1.5.1
156
+ parso==0.8.3
157
+ pdf2image==1.17.0
158
+ pdfminer.six==20231228
159
+ pdfplumber==0.11.2
160
+ peft==0.12.0
161
+ pexpect==4.8.0
162
+ phik==0.12.4
163
+ pickleshare==0.7.5
164
+ pikepdf==9.1.0
165
+ pillow==10.4.0
166
+ pillow_heif==0.18.0
167
+ pip==24.2
168
+ platformdirs==4.2.2
169
+ plotly==5.24.0
170
+ poppler-utils==0.1.0
171
+ portalocker==2.10.1
172
+ preshed==3.0.9
173
+ prometheus_client==0.20.0
174
+ prompt-toolkit==3.0.38
175
+ proto-plus==1.24.0
176
+ protobuf==5.27.2
177
+ psutil==5.9.5
178
+ ptyprocess==0.7.0
179
+ pure-eval==0.2.2
180
+ pyarrow-hotfix==0.6
181
+ pyarrow==17.0.0
182
+ pyasn1==0.6.0
183
+ pyasn1_modules==0.4.0
184
+ pycocotools==2.0.8
185
+ pycparser==2.22
186
+ pycryptodome==3.20.0
187
+ pydantic==2.8.2
188
+ pydantic_core==2.20.1
189
+ pynndescent==0.5.13
190
+ pypandoc==1.13
191
+ pyparsing==3.1.2
192
+ pypdf==4.3.1
193
+ pypdfium2==4.30.0
194
+ pytesseract==0.3.10
195
+ python-dateutil==2.9.0.post0
196
+ python-docx==1.1.2
197
+ python-dotenv==1.0.1
198
+ python-iso639==2024.4.27
199
+ python-json-logger==2.0.7
200
+ python-magic==0.4.27
201
+ python-multipart==0.0.9
202
+ python-oxmsg==0.0.1
203
+ python-pptx==0.6.23
204
+ pytz==2024.1
205
+ pyzmq==25.0.2
206
+ rapidfuzz==3.9.5
207
+ referencing==0.35.1
208
+ regex==2024.7.24
209
+ requests-toolbelt==1.0.0
210
+ requests==2.32.3
211
+ rfc3339-validator==0.1.4
212
+ rfc3986-validator==0.1.1
213
+ rich==13.7.1
214
+ rpds-py==0.20.0
215
+ rsa==4.9
216
+ safetensors==0.4.3
217
+ scikit-learn==1.5.1
218
+ scipy==1.14.0
219
+ seaborn==0.13.2
220
+ sentence-transformers==3.0.1
221
+ sentencepiece==0.2.0
222
+ sentry-sdk==2.12.0
223
+ setproctitle==1.3.3
224
+ setuptools==65.5.0
225
+ shellingham==1.5.4
226
+ shtab==1.7.1
227
+ six==1.16.0
228
+ smart-open==7.0.4
229
+ smmap==5.0.1
230
+ sniffio==1.3.1
231
+ soupsieve==2.5
232
+ spacy-legacy==3.0.12
233
+ spacy-loggers==1.0.5
234
+ spacy==3.7.6
235
+ srsly==2.4.8
236
+ stack-data==0.6.2
237
+ sympy==1.13.1
238
+ tabulate==0.9.0
239
+ tangled-up-in-unicode==0.2.0
240
+ tdqm==0.0.1
241
+ tenacity==9.0.0
242
+ terminado==0.18.1
243
+ thinc==8.2.5
244
+ threadpoolctl==3.5.0
245
+ timm==1.0.8
246
+ tinycss2==1.3.0
247
+ tokenizers==0.19.1
248
+ torch==2.2.2
249
+ torchtext==0.17.2
250
+ torchvision==0.17.2
251
+ tornado==6.3.1
252
+ tqdm==4.66.4
253
+ traitlets==5.9.0
254
+ transformers==4.44.2
255
+ trl==0.9.6
256
+ typer==0.12.4
257
+ types-python-dateutil==2.9.0.20240821
258
+ typing-inspect==0.9.0
259
+ typing_extensions==4.12.2
260
+ tyro==0.8.5
261
+ tzdata==2024.1
262
+ umap-learn==0.5.6
263
+ unstructured-client==0.24.1
264
+ unstructured-inference==0.7.36
265
+ unstructured.pytesseract==0.3.12
266
+ unstructured==0.15.0
267
+ uri-template==1.3.0
268
+ urllib3==2.2.2
269
+ visions==0.7.4
270
+ wandb==0.17.5
271
+ wasabi==1.1.3
272
+ wcwidth==0.2.6
273
+ weasel==0.4.1
274
+ webcolors==24.8.0
275
+ webencodings==0.5.1
276
+ websocket-client==1.8.0
277
+ widgetsnbextension==4.0.13
278
+ wrapt==1.16.0
279
+ xlrd==2.0.1
280
+ xxhash==3.4.1
281
+ yarl==1.9.4
wandb/run-20240923_004152-7jibscvo/files/wandb-metadata.json ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "macOS-15.0-x86_64-i386-64bit",
3
+ "python": "3.11.9",
4
+ "heartbeatAt": "2024-09-23T03:41:53.274424",
5
+ "startedAt": "2024-09-23T03:41:52.108572",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/classificacao_texto/classificacao_texto_hugging_face.ipynb",
11
+ "codePathLocal": "classificacao_texto_hugging_face.ipynb",
12
+ "git": {
13
+ "remote": "https://github.com/marcelovidigal/retrieval_augmented_generation.git",
14
+ "commit": "23db3b3a0427b4dfac5df9b26ac2572134e857c4"
15
+ },
16
+ "email": "marcelovidigal@gmail.com",
17
+ "root": "/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation",
18
+ "host": "mace16.local",
19
+ "username": "marcelovidigal",
20
+ "executable": "/usr/local/bin/python3",
21
+ "cpu_count": 8,
22
+ "cpu_count_logical": 16,
23
+ "cpu_freq": {
24
+ "current": 2300,
25
+ "min": 2300,
26
+ "max": 2300
27
+ },
28
+ "cpu_freq_per_core": [
29
+ {
30
+ "current": 2300,
31
+ "min": 2300,
32
+ "max": 2300
33
+ }
34
+ ],
35
+ "disk": {
36
+ "/": {
37
+ "total": 931.546989440918,
38
+ "used": 9.93536376953125
39
+ }
40
+ },
41
+ "memory": {
42
+ "total": 16.0
43
+ }
44
+ }
wandb/run-20240923_004152-7jibscvo/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"train/loss": 0.2252, "train/grad_norm": 15.53085994720459, "train/learning_rate": 1.616122840690979e-05, "train/epoch": 1.0, "train/global_step": 1563, "_timestamp": 1727074257.6513228, "_runtime": 11345.533327817917, "_step": 3, "eval/loss": 0.23595260083675385, "eval/accuracy": 0.90616, "eval/runtime": 870.3291, "eval/samples_per_second": 28.725, "eval/steps_per_second": 1.796}
wandb/run-20240923_004152-7jibscvo/logs/debug-internal.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20240923_004152-7jibscvo/logs/debug.log ADDED
@@ -0,0 +1,51 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-09-23 00:41:52,112 INFO MainThread:10160 [wandb_setup.py:_flush():76] Current SDK version is 0.17.5
2
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Configure stats pid to 10160
3
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/.config/wandb/settings
4
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Loading settings from /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/classificacao_texto/wandb/settings
5
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'notebook_name': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/classificacao_texto/classificacao_texto_hugging_face.ipynb'}
6
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_setup.py:_flush():76] Applying login settings: {}
9
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_init.py:_log_setup():529] Logging user logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004152-7jibscvo/logs/debug.log
10
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_init.py:_log_setup():530] Logging internal logs to /Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/wandb/run-20240923_004152-7jibscvo/logs/debug-internal.log
11
+ 2024-09-23 00:41:52,113 INFO MainThread:10160 [wandb_init.py:_jupyter_setup():475] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x139bb1f90>
12
+ 2024-09-23 00:41:52,114 INFO MainThread:10160 [wandb_init.py:init():569] calling init triggers
13
+ 2024-09-23 00:41:52,114 INFO MainThread:10160 [wandb_init.py:init():576] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-09-23 00:41:52,114 INFO MainThread:10160 [wandb_init.py:init():619] starting backend
16
+ 2024-09-23 00:41:52,114 INFO MainThread:10160 [wandb_init.py:init():623] setting up manager
17
+ 2024-09-23 00:41:52,116 INFO MainThread:10160 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=spawn,fork,forkserver, using: spawn
18
+ 2024-09-23 00:41:52,117 INFO MainThread:10160 [wandb_init.py:init():631] backend started and connected
19
+ 2024-09-23 00:41:52,130 INFO MainThread:10160 [wandb_run.py:_label_probe_notebook():1334] probe notebook
20
+ 2024-09-23 00:41:52,130 INFO MainThread:10160 [wandb_init.py:init():720] updated telemetry
21
+ 2024-09-23 00:41:52,166 INFO MainThread:10160 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
+ 2024-09-23 00:41:52,884 INFO MainThread:10160 [wandb_run.py:_on_init():2435] communicating current version
23
+ 2024-09-23 00:41:53,257 INFO MainThread:10160 [wandb_run.py:_on_init():2444] got version response upgrade_message: "wandb version 0.18.1 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
24
+
25
+ 2024-09-23 00:41:53,257 INFO MainThread:10160 [wandb_init.py:init():804] starting run threads in backend
26
+ 2024-09-23 00:41:53,568 INFO MainThread:10160 [wandb_run.py:_console_start():2413] atexit reg
27
+ 2024-09-23 00:41:53,568 INFO MainThread:10160 [wandb_run.py:_redirect():2255] redirect: wrap_raw
28
+ 2024-09-23 00:41:53,568 INFO MainThread:10160 [wandb_run.py:_redirect():2320] Wrapping output streams.
29
+ 2024-09-23 00:41:53,569 INFO MainThread:10160 [wandb_run.py:_redirect():2345] Redirects installed.
30
+ 2024-09-23 00:41:53,572 INFO MainThread:10160 [wandb_init.py:init():847] run started, returning control to user process
31
+ 2024-09-23 00:41:53,576 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
32
+ 2024-09-23 00:41:53,577 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
33
+ 2024-09-23 00:42:07,929 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
34
+ 2024-09-23 00:42:07,931 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
35
+ 2024-09-23 00:42:07,931 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
36
+ 2024-09-23 00:42:10,881 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
37
+ 2024-09-23 00:42:18,425 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
38
+ 2024-09-23 00:42:18,425 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
39
+ 2024-09-23 00:42:18,473 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
40
+ 2024-09-23 00:42:18,475 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
41
+ 2024-09-23 00:42:18,476 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
42
+ 2024-09-23 00:42:18,506 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
43
+ 2024-09-23 00:42:18,792 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
44
+ 2024-09-23 00:42:18,792 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
45
+ 2024-09-23 00:42:18,807 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
46
+ 2024-09-23 00:42:19,873 INFO MainThread:10160 [jupyter.py:save_ipynb():372] not saving jupyter notebook
47
+ 2024-09-23 00:42:19,873 INFO MainThread:10160 [wandb_init.py:_pause_backend():440] pausing backend
48
+ 2024-09-23 00:42:21,016 INFO MainThread:10160 [wandb_init.py:_resume_backend():445] resuming backend
49
+ 2024-09-23 00:42:23,771 INFO MainThread:10160 [wandb_run.py:_config_callback():1382] config_cb None None {'vocab_size': 30522, 'max_position_embeddings': 512, 'sinusoidal_pos_embds': False, 'n_layers': 6, 'n_heads': 12, 'dim': 768, 'hidden_dim': 3072, 'dropout': 0.1, 'attention_dropout': 0.1, 'activation': 'gelu', 'initializer_range': 0.02, 'qa_dropout': 0.1, 'seq_classif_dropout': 0.2, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': None, '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': ['DistilBertForMaskedLM'], 'finetuning_task': None, 'id2label': {0: 'NEGATIVE', 1: 'POSITIVE'}, 'label2id': {'NEGATIVE': 0, 'POSITIVE': 1}, 'tokenizer_class': None, 'prefix': None, 'bos_token_id': None, 'pad_token_id': 0, 'eos_token_id': None, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'distilbert/distilbert-base-uncased', 'transformers_version': '4.44.2', 'model_type': 'distilbert', 'tie_weights_': True, 'output_dir': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'epoch', 'prediction_loss_only': False, 'per_device_train_batch_size': 16, 'per_device_eval_batch_size': 16, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 2e-05, 'weight_decay': 0.01, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 5, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face/runs/Sep23_00-42-21_mace16.local', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'epoch', 'save_steps': 500, 'save_total_limit': None, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'restore_callback_states_from_checkpoint': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': False, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': None, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/Users/marcelovidigal/Library/CloudStorage/GoogleDrive-marcelovidigal@gmail.com/Meu Drive/projetos/python/retrieval_augmented_generation/modelos/classificacao_texto/classificacao_texto_hugging_face', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'loss', 'greater_is_better': False, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'adamw_torch', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['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, 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': None, 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': False, 'eval_on_start': False, 'eval_use_gather_object': False}
50
+ 2024-09-23 00:42:23,773 INFO MainThread:10160 [wandb_config.py:__setitem__():151] config set model/num_parameters = 66955010 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x13948add0>>
51
+ 2024-09-23 00:42:23,774 INFO MainThread:10160 [wandb_run.py:_config_callback():1382] config_cb model/num_parameters 66955010 None
wandb/run-20240923_004152-7jibscvo/run-7jibscvo.wandb ADDED
Binary file (311 kB). View file