Monda commited on
Commit
84eb38d
·
verified ·
1 Parent(s): 4a84a48

Training in progress, step 5

Browse files
config.json CHANGED
@@ -4,18 +4,16 @@
4
  ],
5
  "attention_probs_dropout_prob": 0.1,
6
  "classifier_dropout": null,
7
- "directionality": "bidi",
8
- "gradient_checkpointing": false,
9
  "hidden_act": "gelu",
10
  "hidden_dropout_prob": 0.1,
11
- "hidden_size": 768,
12
  "id2label": {
13
  "0": "LABEL_0",
14
  "1": "LABEL_1",
15
  "2": "LABEL_2"
16
  },
17
  "initializer_range": 0.02,
18
- "intermediate_size": 3072,
19
  "label2id": {
20
  "LABEL_0": 0,
21
  "LABEL_1": 1,
@@ -24,19 +22,14 @@
24
  "layer_norm_eps": 1e-12,
25
  "max_position_embeddings": 512,
26
  "model_type": "bert",
27
- "num_attention_heads": 12,
28
- "num_hidden_layers": 12,
29
  "pad_token_id": 0,
30
- "pooler_fc_size": 768,
31
- "pooler_num_attention_heads": 12,
32
- "pooler_num_fc_layers": 3,
33
- "pooler_size_per_head": 128,
34
- "pooler_type": "first_token_transform",
35
  "position_embedding_type": "absolute",
36
  "problem_type": "single_label_classification",
37
  "torch_dtype": "float32",
38
  "transformers_version": "4.51.1",
39
  "type_vocab_size": 2,
40
  "use_cache": true,
41
- "vocab_size": 100000
42
  }
 
4
  ],
5
  "attention_probs_dropout_prob": 0.1,
6
  "classifier_dropout": null,
 
 
7
  "hidden_act": "gelu",
8
  "hidden_dropout_prob": 0.1,
9
+ "hidden_size": 1024,
10
  "id2label": {
11
  "0": "LABEL_0",
12
  "1": "LABEL_1",
13
  "2": "LABEL_2"
14
  },
15
  "initializer_range": 0.02,
16
+ "intermediate_size": 4096,
17
  "label2id": {
18
  "LABEL_0": 0,
19
  "LABEL_1": 1,
 
22
  "layer_norm_eps": 1e-12,
23
  "max_position_embeddings": 512,
24
  "model_type": "bert",
25
+ "num_attention_heads": 16,
26
+ "num_hidden_layers": 24,
27
  "pad_token_id": 0,
 
 
 
 
 
28
  "position_embedding_type": "absolute",
29
  "problem_type": "single_label_classification",
30
  "torch_dtype": "float32",
31
  "transformers_version": "4.51.1",
32
  "type_vocab_size": 2,
33
  "use_cache": true,
34
+ "vocab_size": 64000
35
  }
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:ef89a3c99ca2aa7ddae554ba2d3289e428cd67535f72dba994f6b783e0305af9
3
- size 651398148
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0f6d16714a7357e02d32a0729ce4c191320e0ce56f5cab5afb0f91a713c2de04
3
+ size 1477752844
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:940da1f61ec8940f29927d22dbc004e07e619075dea48dab349f6d1922bc0386
3
  size 5304
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:db7cf9b6e26f3d3aa23d59d00b3f533a6a4580d7a726fec1129650d92a10b89c
3
  size 5304
wandb/debug-internal.log CHANGED
@@ -1,15 +1,15 @@
1
- {"time":"2025-05-03T21:17:45.833000872Z","level":"INFO","msg":"stream: starting","core version":"0.19.6","symlink path":"/kaggle/working/wandb/run-20250503_211745-af8yueej/logs/debug-core.log"}
2
- {"time":"2025-05-03T21:17:45.936200727Z","level":"INFO","msg":"created new stream","id":"af8yueej"}
3
- {"time":"2025-05-03T21:17:45.936238661Z","level":"INFO","msg":"stream: started","id":"af8yueej"}
4
- {"time":"2025-05-03T21:17:45.936291881Z","level":"INFO","msg":"writer: Do: started","stream_id":"af8yueej"}
5
- {"time":"2025-05-03T21:17:45.936295243Z","level":"INFO","msg":"sender: started","stream_id":"af8yueej"}
6
- {"time":"2025-05-03T21:17:45.936396829Z","level":"INFO","msg":"handler: started","stream_id":"af8yueej"}
7
- {"time":"2025-05-03T21:17:51.222179712Z","level":"INFO","msg":"Starting system monitor"}
8
- {"time":"2025-05-03T21:17:51.830219982Z","level":"INFO","msg":"Pausing system monitor"}
9
- {"time":"2025-05-03T21:17:51.83026095Z","level":"INFO","msg":"Resuming system monitor"}
10
- {"time":"2025-05-03T21:17:52.063044838Z","level":"INFO","msg":"Pausing system monitor"}
11
- {"time":"2025-05-03T21:17:52.063067815Z","level":"INFO","msg":"Resuming system monitor"}
12
- {"time":"2025-05-03T21:17:52.063071938Z","level":"INFO","msg":"Pausing system monitor"}
13
- {"time":"2025-05-03T21:17:58.421831646Z","level":"INFO","msg":"Resuming system monitor"}
14
- {"time":"2025-05-03T21:17:58.882618544Z","level":"INFO","msg":"Pausing system monitor"}
15
- {"time":"2025-05-03T21:17:58.886586273Z","level":"INFO","msg":"Resuming system monitor"}
 
1
+ {"time":"2025-05-04T14:09:59.1619037Z","level":"INFO","msg":"stream: starting","core version":"0.19.6","symlink path":"/kaggle/working/wandb/run-20250504_140958-2el6rl3c/logs/debug-core.log"}
2
+ {"time":"2025-05-04T14:09:59.267729002Z","level":"INFO","msg":"created new stream","id":"2el6rl3c"}
3
+ {"time":"2025-05-04T14:09:59.267763907Z","level":"INFO","msg":"stream: started","id":"2el6rl3c"}
4
+ {"time":"2025-05-04T14:09:59.267812114Z","level":"INFO","msg":"writer: Do: started","stream_id":"2el6rl3c"}
5
+ {"time":"2025-05-04T14:09:59.26782758Z","level":"INFO","msg":"handler: started","stream_id":"2el6rl3c"}
6
+ {"time":"2025-05-04T14:09:59.269021335Z","level":"INFO","msg":"sender: started","stream_id":"2el6rl3c"}
7
+ {"time":"2025-05-04T14:10:04.804035588Z","level":"INFO","msg":"Starting system monitor"}
8
+ {"time":"2025-05-04T14:10:05.379728502Z","level":"INFO","msg":"Pausing system monitor"}
9
+ {"time":"2025-05-04T14:10:05.380762914Z","level":"INFO","msg":"Resuming system monitor"}
10
+ {"time":"2025-05-04T14:10:10.627211101Z","level":"INFO","msg":"Pausing system monitor"}
11
+ {"time":"2025-05-04T14:10:17.293687414Z","level":"INFO","msg":"Resuming system monitor"}
12
+ {"time":"2025-05-04T14:10:17.335584685Z","level":"INFO","msg":"Pausing system monitor"}
13
+ {"time":"2025-05-04T14:10:18.435250646Z","level":"INFO","msg":"Resuming system monitor"}
14
+ {"time":"2025-05-04T14:10:22.242844158Z","level":"INFO","msg":"Pausing system monitor"}
15
+ {"time":"2025-05-04T14:10:22.246823222Z","level":"INFO","msg":"Resuming system monitor"}
wandb/debug.log CHANGED
@@ -1,21 +1,39 @@
1
- 2025-05-04 14:00:29,421 INFO MainThread:31 [wandb_init.py:setup_run_log_directory():637] Logging user logs to /kaggle/working/wandb/run-20250504_140029-gm7oud70/logs/debug.log
2
- 2025-05-04 14:00:29,421 INFO MainThread:31 [wandb_init.py:setup_run_log_directory():638] Logging internal logs to /kaggle/working/wandb/run-20250504_140029-gm7oud70/logs/debug-internal.log
3
- 2025-05-04 14:00:29,421 INFO MainThread:31 [wandb_init.py:init():756] calling init triggers
4
- 2025-05-04 14:00:29,421 INFO MainThread:31 [wandb_init.py:init():761] wandb.init called with sweep_config: {}
 
 
 
 
 
 
5
  config: {'_wandb': {}}
6
- 2025-05-04 14:00:29,422 INFO MainThread:31 [wandb_init.py:init():781] wandb.init() called when a run is still active
7
- 2025-05-04 14:00:29,422 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
8
- 2025-05-04 14:00:29,422 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
9
- 2025-05-04 14:00:30,369 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
10
- 2025-05-04 14:00:31,453 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
11
- 2025-05-04 14:00:31,453 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
12
- 2025-05-04 14:00:31,458 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
13
- 2025-05-04 14:00:31,490 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
14
- 2025-05-04 14:00:31,490 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
15
- 2025-05-04 14:00:32,913 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
16
- 2025-05-04 14:00:33,197 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
17
- 2025-05-04 14:00:33,197 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
18
- 2025-05-04 14:00:33,202 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
19
- 2025-05-04 14:00:33,664 INFO MainThread:31 [wandb_run.py:_config_callback():1253] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', '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': ['BertForMaskedLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1', 2: 'LABEL_2'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1, 'LABEL_2': 2}, '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': 'UBC-NLP/MARBERT', '_attn_implementation_autoset': True, 'transformers_version': '4.51.1', 'directionality': 'bidi', 'gradient_checkpointing': False, 'model_type': 'bert', 'pooler_fc_size': 768, 'pooler_num_attention_heads': 12, 'pooler_num_fc_layers': 3, 'pooler_size_per_head': 128, 'pooler_type': 'first_token_transform', 'vocab_size': 100000, 'hidden_size': 768, 'num_hidden_layers': 12, 'num_attention_heads': 12, 'hidden_act': 'gelu', 'intermediate_size': 3072, 'hidden_dropout_prob': 0.1, 'attention_probs_dropout_prob': 0.1, 'max_position_embeddings': 512, 'type_vocab_size': 2, 'initializer_range': 0.02, 'layer_norm_eps': 1e-12, 'position_embedding_type': 'absolute', 'use_cache': True, 'classifier_dropout': None, 'output_dir': '/kaggle/working/', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 8, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 2, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 5e-05, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 5, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.2, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/May04_14-00-31_40834be6d3ef', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 5, 'save_total_limit': 1, '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': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': 5, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'macro_f1', 'greater_is_better': True, '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}, 'tp_size': 0, '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': None, 'hub_always_push': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'include_for_metrics': [], 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': False, 'eval_on_start': False, 'use_liger_kernel': False, 'eval_use_gather_object': False, 'average_tokens_across_devices': False}
20
- 2025-05-04 14:00:33,670 INFO MainThread:31 [wandb_config.py:__setitem__():154] config set model/num_parameters = 162843651 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x7f46cb2f3cd0>>
21
- 2025-05-04 14:00:33,670 INFO MainThread:31 [wandb_run.py:_config_callback():1253] config_cb model/num_parameters 162843651 None
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2025-05-04 14:09:58,715 INFO MainThread:31 [wandb_setup.py:_flush():68] Current SDK version is 0.19.6
2
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_setup.py:_flush():68] Configure stats pid to 31
3
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_setup.py:_flush():68] Loading settings from /root/.config/wandb/settings
4
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_setup.py:_flush():68] Loading settings from /kaggle/working/wandb/settings
5
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_setup.py:_flush():68] Loading settings from environment variables
6
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:setup_run_log_directory():637] Logging user logs to /kaggle/working/wandb/run-20250504_140958-2el6rl3c/logs/debug.log
7
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:setup_run_log_directory():638] Logging internal logs to /kaggle/working/wandb/run-20250504_140958-2el6rl3c/logs/debug-internal.log
8
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:monkeypatch_ipython():589] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7b67ad7db110>
9
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:init():756] calling init triggers
10
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:init():761] wandb.init called with sweep_config: {}
11
  config: {'_wandb': {}}
12
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:init():789] starting backend
13
+ 2025-05-04 14:09:59,144 INFO MainThread:31 [wandb_init.py:init():793] sending inform_init request
14
+ 2025-05-04 14:09:59,155 INFO MainThread:31 [backend.py:_multiprocessing_setup():97] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
15
+ 2025-05-04 14:09:59,155 INFO MainThread:31 [wandb_init.py:init():808] backend started and connected
16
+ 2025-05-04 14:09:59,163 INFO MainThread:31 [wandb_run.py:_label_probe_notebook():1196] probe notebook
17
+ 2025-05-04 14:10:04,651 INFO MainThread:31 [wandb_init.py:init():901] updated telemetry
18
+ 2025-05-04 14:10:04,652 INFO MainThread:31 [wandb_init.py:init():936] communicating run to backend with 90.0 second timeout
19
+ 2025-05-04 14:10:04,798 INFO MainThread:31 [wandb_init.py:init():994] starting run threads in backend
20
+ 2025-05-04 14:10:05,341 INFO MainThread:31 [wandb_run.py:_console_start():2385] atexit reg
21
+ 2025-05-04 14:10:05,341 INFO MainThread:31 [wandb_run.py:_redirect():2235] redirect: wrap_raw
22
+ 2025-05-04 14:10:05,342 INFO MainThread:31 [wandb_run.py:_redirect():2300] Wrapping output streams.
23
+ 2025-05-04 14:10:05,342 INFO MainThread:31 [wandb_run.py:_redirect():2325] Redirects installed.
24
+ 2025-05-04 14:10:05,350 INFO MainThread:31 [wandb_init.py:init():1036] run started, returning control to user process
25
+ 2025-05-04 14:10:05,350 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
26
+ 2025-05-04 14:10:05,350 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
27
+ 2025-05-04 14:10:05,355 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
28
+ 2025-05-04 14:10:10,626 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
29
+ 2025-05-04 14:10:10,626 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
30
+ 2025-05-04 14:10:17,292 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
31
+ 2025-05-04 14:10:17,329 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
32
+ 2025-05-04 14:10:17,329 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
33
+ 2025-05-04 14:10:18,434 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
34
+ 2025-05-04 14:10:22,242 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
35
+ 2025-05-04 14:10:22,242 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
36
+ 2025-05-04 14:10:22,246 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
37
+ 2025-05-04 14:10:22,684 INFO MainThread:31 [wandb_run.py:_config_callback():1253] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', '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': ['BertForMaskedLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1', 2: 'LABEL_2'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1, 'LABEL_2': 2}, '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': 'aubmindlab/bert-large-arabertv02', '_attn_implementation_autoset': True, 'transformers_version': '4.51.1', 'model_type': 'bert', 'vocab_size': 64000, 'hidden_size': 1024, 'num_hidden_layers': 24, 'num_attention_heads': 16, 'hidden_act': 'gelu', 'intermediate_size': 4096, 'hidden_dropout_prob': 0.1, 'attention_probs_dropout_prob': 0.1, 'max_position_embeddings': 512, 'type_vocab_size': 2, 'initializer_range': 0.02, 'layer_norm_eps': 1e-12, 'position_embedding_type': 'absolute', 'use_cache': True, 'classifier_dropout': None, 'output_dir': '/kaggle/working/', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 8, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 2, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 5e-05, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 5, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.2, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/May04_14-10-17_127dcca5b35b', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 5, 'save_total_limit': 1, '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': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': 5, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'macro_f1', 'greater_is_better': True, '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}, 'tp_size': 0, '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': None, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'include_for_metrics': [], 'eval_do_concat_batches': True, 'fp16_backend': 'auto', '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, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': False, 'eval_on_start': False, 'use_liger_kernel': False, 'eval_use_gather_object': False, 'average_tokens_across_devices': False}
38
+ 2025-05-04 14:10:22,692 INFO MainThread:31 [wandb_config.py:__setitem__():154] config set model/num_parameters = 369426435 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x7b67a4e65090>>
39
+ 2025-05-04 14:10:22,692 INFO MainThread:31 [wandb_run.py:_config_callback():1253] config_cb model/num_parameters 369426435 None
wandb/run-20250504_140958-2el6rl3c/files/output.log ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ Some weights of BertForSequenceClassification were not initialized from the model checkpoint at aubmindlab/bert-large-arabertv02 and are newly initialized: ['classifier.bias', 'classifier.weight']
2
+ You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.
3
+ 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.
4
+ /usr/local/lib/python3.11/dist-packages/torch/nn/parallel/_functions.py:71: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
5
+ warnings.warn(
6
+ /usr/local/lib/python3.11/dist-packages/torch/nn/parallel/_functions.py:71: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
7
+ warnings.warn(
8
+ /usr/local/lib/python3.11/dist-packages/torch/nn/parallel/_functions.py:71: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
9
+ warnings.warn(
wandb/run-20250504_140958-2el6rl3c/files/requirements.txt ADDED
@@ -0,0 +1,865 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ farasapy==0.0.14
2
+ fsspec==2024.12.0
3
+ emoji==1.4.2
4
+ PyArabic==0.6.14
5
+ arabert==1.0.1
6
+ bq_helper==0.4.1
7
+ nltk==3.9.1
8
+ regex==2024.11.6
9
+ joblib==1.4.2
10
+ click==8.1.8
11
+ tqdm==4.67.1
12
+ lightgbm==4.6.0
13
+ pytools==2025.1.2
14
+ pycuda==2025.1
15
+ torchtune==0.6.1
16
+ tbb==2022.1.0
17
+ mkl==2025.1.0
18
+ tbb4py==2022.1.0
19
+ shapely==2.1.0
20
+ libpysal==4.9.2
21
+ intel-cmplr-lib-ur==2024.2.0
22
+ intel-cmplr-lib-rt==2024.2.0
23
+ mkl-umath==0.1.1
24
+ mkl-service==2.4.1
25
+ mkl-random==1.2.4
26
+ numpy==1.26.4
27
+ intel-openmp==2024.2.0
28
+ mkl-fft==1.3.8
29
+ pynvjitlink-cu12==0.5.2
30
+ tblib==3.1.0
31
+ tsfresh==0.21.0
32
+ psutil==7.0.0
33
+ raft-dask-cu12==25.2.0
34
+ partd==1.4.2
35
+ treelite==4.4.1
36
+ dask==2024.12.1
37
+ cupy-cuda12x==13.4.1
38
+ pynvml==12.0.0
39
+ nvidia-ml-py==12.570.86
40
+ PyWavelets==1.8.0
41
+ nvidia-cusolver-cu12==11.7.3.90
42
+ ucx-py-cu12==0.42.0
43
+ attrs==25.3.0
44
+ libcudf-cu12==25.2.2
45
+ nvidia-nvcomp-cu12==4.2.0.11
46
+ numba-cuda==0.2.0
47
+ libcuml-cu12==25.2.1
48
+ typing_extensions==4.13.1
49
+ urllib3==2.3.0
50
+ msgpack==1.1.0
51
+ fastrlock==0.8.3
52
+ idna==3.10
53
+ libkvikio-cu12==25.2.1
54
+ libucx-cu12==1.18.0
55
+ distributed==2024.12.1
56
+ libcuvs-cu12==25.2.1
57
+ MarkupSafe==3.0.2
58
+ dask-cudf-cu12==25.2.2
59
+ charset-normalizer==3.4.1
60
+ dask-expr==1.1.21
61
+ nvidia-cusparse-cu12==12.5.8.93
62
+ nvidia-cublas-cu12==12.8.4.1
63
+ rich==14.0.0
64
+ dask-cuda==25.2.0
65
+ zict==3.0.0
66
+ toolz==1.0.0
67
+ nvidia-cudnn-cu12==9.3.0.75
68
+ cuml-cu12==25.2.1
69
+ pylibcudf-cu12==25.2.2
70
+ locket==1.0.0
71
+ scipy==1.15.2
72
+ graphviz==0.20.3
73
+ zipp==3.21.0
74
+ importlib_metadata==8.6.1
75
+ python-dateutil==2.9.0.post0
76
+ certifi==2025.1.31
77
+ markdown-it-py==3.0.0
78
+ tzdata==2025.2
79
+ tabulate==0.9.0
80
+ statsmodels==0.14.4
81
+ mdurl==0.1.2
82
+ patsy==1.0.1
83
+ scikit-learn==1.2.2
84
+ six==1.17.0
85
+ packaging==24.2
86
+ pylibraft-cu12==25.2.0
87
+ rapids-dask-dependency==25.2.0
88
+ numba==0.60.0
89
+ cloudpickle==3.1.1
90
+ nvtx==0.2.11
91
+ threadpoolctl==3.6.0
92
+ cudf-cu12==25.2.2
93
+ cuda-bindings==12.8.0
94
+ llvmlite==0.43.0
95
+ pandas==2.2.3
96
+ requests==2.32.3
97
+ eli5==0.13.0
98
+ Pygments==2.19.1
99
+ pytz==2025.2
100
+ cachetools==5.5.2
101
+ Jinja2==3.1.6
102
+ rmm-cu12==25.2.0
103
+ nvidia-cufft-cu12==11.3.3.83
104
+ cuda-python==12.8.0
105
+ libucxx-cu12==0.42.0
106
+ PyYAML==6.0.2
107
+ tornado==6.4.2
108
+ category_encoders==2.7.0
109
+ stumpy==1.13.0
110
+ nvidia-nvjitlink-cu12==12.8.93
111
+ cuvs-cu12==25.2.1
112
+ nvidia-curand-cu12==10.3.9.90
113
+ libraft-cu12==25.2.0
114
+ ucxx-cu12==0.42.0
115
+ sortedcontainers==2.4.0
116
+ pyarrow==19.0.1
117
+ distributed-ucxx-cu12==0.42.0
118
+ learntools==0.3.5
119
+ protobuf==3.20.3
120
+ google-cloud-storage==2.14.0
121
+ google-cloud-vision==3.10.1
122
+ google-cloud-automl==1.0.1
123
+ grpcio-status==1.48.2
124
+ google-cloud-translate==3.12.1
125
+ keras==3.5.0
126
+ google-cloud-videointelligence==2.16.1
127
+ google-api-core==1.34.1
128
+ pycparser==2.22
129
+ annotated-types==0.7.0
130
+ dnspython==2.7.0
131
+ in-toto-attestation==0.9.3
132
+ typing-inspection==0.4.0
133
+ cryptography==44.0.2
134
+ id==1.5.0
135
+ PyJWT==2.10.1
136
+ pyOpenSSL==25.0.0
137
+ email_validator==2.2.0
138
+ huggingface-hub==0.30.2
139
+ cffi==1.17.1
140
+ platformdirs==4.3.7
141
+ multiprocess==0.70.16
142
+ multidict==6.2.0
143
+ tuf==5.1.0
144
+ aiohappyeyeballs==2.6.1
145
+ pyasn1==0.6.1
146
+ rfc3161-client==0.1.2
147
+ filelock==3.18.0
148
+ model-signing==1.0.0
149
+ pydantic==2.11.3
150
+ hpack==4.1.0
151
+ xxhash==3.5.0
152
+ propcache==0.3.1
153
+ sigstore-protobuf-specs==0.3.2
154
+ grpclib==0.4.8rc2
155
+ kagglehub==0.3.11
156
+ aiosignal==1.3.2
157
+ sigstore==3.6.1
158
+ aiohttp==3.11.16
159
+ betterproto==2.0.0b6
160
+ datasets==3.5.0
161
+ pydantic_core==2.33.1
162
+ securesystemslib==1.2.0
163
+ hyperframe==6.1.0
164
+ rfc8785==0.1.4
165
+ sigstore-rekor-types==0.0.18
166
+ h2==4.2.0
167
+ dill==0.3.8
168
+ frozenlist==1.5.0
169
+ yarl==1.19.0
170
+ ppft==1.7.6.9
171
+ fiona==1.10.1
172
+ urwid_readline==0.15.1
173
+ coverage==7.8.0
174
+ Wand==0.6.13
175
+ qgrid==1.3.1
176
+ jupyter_client==8.6.3
177
+ woodwork==0.31.0
178
+ overrides==7.7.0
179
+ y-py==0.6.2
180
+ ipywidgets==8.1.5
181
+ ydata-profiling==4.16.1
182
+ hep_ml==0.7.3
183
+ scikit-multilearn==0.2.0
184
+ cytoolz==1.0.1
185
+ pytesseract==0.3.13
186
+ click-plugins==1.1.1
187
+ onnx==1.17.0
188
+ odfpy==1.4.1
189
+ mpld3==0.5.10
190
+ Boruta==0.4.3
191
+ fqdn==1.5.1
192
+ torchinfo==1.8.0
193
+ clint==0.5.1
194
+ pybind11==2.13.6
195
+ kaggle==1.7.4.2
196
+ torchao==0.10.0
197
+ transformers==4.51.1
198
+ python-lsp-server==1.12.2
199
+ jupyter_server_terminals==0.5.3
200
+ pox==0.3.5
201
+ keras-core==0.1.7
202
+ pygltflib==1.16.3
203
+ botocore==1.37.29
204
+ pandas-profiling==3.6.6
205
+ asttokens==3.0.0
206
+ scikit-surprise==1.1.4
207
+ vtk==9.3.1
208
+ jupyter-ydoc==0.2.5
209
+ aiofiles==22.1.0
210
+ deap==1.4.2
211
+ isoduration==20.11.0
212
+ featuretools==1.31.0
213
+ plotly-express==0.4.1
214
+ pycryptodomex==3.22.0
215
+ docstring-to-markdown==0.16
216
+ types-python-dateutil==2.9.0.20241206
217
+ easyocr==1.7.2
218
+ kornia==0.8.0
219
+ slicer==0.0.7
220
+ ImageHash==4.3.1
221
+ pyemd==1.0.0
222
+ fuzzywuzzy==0.18.0
223
+ xgboost==2.0.3
224
+ pandasql==0.7.3
225
+ update-checker==0.18.0
226
+ catboost==1.2.7
227
+ pathos==0.3.2
228
+ widgetsnbextension==4.0.13
229
+ jupyter_server_fileid==0.9.3
230
+ urwid==2.6.16
231
+ fasttext==0.9.3
232
+ orderly-set==5.3.1
233
+ stopit==1.1.2
234
+ haversine==2.9.0
235
+ colorlog==6.9.0
236
+ jupyter_server==2.12.5
237
+ pytorch-lightning==2.5.1
238
+ geojson==3.2.0
239
+ uri-template==1.3.0
240
+ notebook==6.5.4
241
+ pytorch-ignite==0.5.2
242
+ fury==0.12.0
243
+ igraph==0.11.8
244
+ puremagic==1.28
245
+ olefile==0.47
246
+ semver==3.0.4
247
+ gymnasium==0.29.0
248
+ nvidia-cuda-cupti-cu12==12.4.127
249
+ TPOT==0.12.1
250
+ tensorflow-cloud==0.1.5
251
+ torchdata==0.11.0
252
+ shap==0.44.1
253
+ rtree==1.4.0
254
+ ghapi==1.0.6
255
+ ninja==1.11.1.4
256
+ torchmetrics==1.7.1
257
+ Cartopy==0.24.1
258
+ nbdev==2.3.36
259
+ jupyter-lsp==1.5.1
260
+ pycryptodome==3.22.0
261
+ gpxpy==1.6.2
262
+ mlcrate==0.2.0
263
+ papermill==2.6.0
264
+ jupyterlab==3.6.8
265
+ args==0.1.0
266
+ typing-inspect==0.9.0
267
+ omegaconf==2.3.0
268
+ PyUpSet==0.1.1.post7
269
+ dacite==1.9.2
270
+ qtconsole==5.6.1
271
+ visions==0.8.1
272
+ trx-python==0.3
273
+ Chessnut==0.4.1
274
+ beartype==0.20.2
275
+ lml==0.2.0
276
+ jmespath==1.0.1
277
+ jupyterlab_server==2.27.3
278
+ ypy-websocket==0.8.4
279
+ ansicolors==1.1.8
280
+ tensorflow_decision_forests==1.11.0
281
+ path.py==12.5.0
282
+ ray==2.44.1
283
+ blobfile==3.0.0
284
+ tensorflow-io==0.37.1
285
+ pymc3==3.11.4
286
+ wavio==0.0.9
287
+ cligj==0.7.2
288
+ pdf2image==1.17.0
289
+ dipy==1.11.0
290
+ pyaml==25.1.0
291
+ pypdf==5.4.0
292
+ line_profiler==4.2.0
293
+ pydub==0.25.1
294
+ pyLDAvis==3.4.1
295
+ antlr4-python3-runtime==4.9.3
296
+ boto3==1.37.29
297
+ Janome==0.5.0
298
+ langid==1.1.6
299
+ pyclipper==1.3.0.post6
300
+ scikit-plot==0.3.7
301
+ pymongo==4.12.0
302
+ pydegensac==0.1.2
303
+ jupyter_server_ydoc==0.8.0
304
+ phik==0.12.4
305
+ keras-tuner==1.4.7
306
+ colorama==0.4.6
307
+ daal==2025.4.0
308
+ json5==0.12.0
309
+ cesium==0.12.1
310
+ kornia_rs==0.1.8
311
+ optuna==4.2.1
312
+ ydf==0.9.0
313
+ ujson==5.10.0
314
+ alembic==1.15.2
315
+ annoy==1.17.3
316
+ h2o==3.46.0.7
317
+ Pympler==1.1
318
+ s3fs==0.4.2
319
+ geopandas==0.14.4
320
+ nbconvert==6.4.5
321
+ SimpleITK==2.4.1
322
+ watchdog==6.0.0
323
+ funcy==2.0
324
+ deepdiff==8.4.2
325
+ testpath==0.6.0
326
+ nilearn==0.11.1
327
+ openslide-python==1.4.1
328
+ rfc3986-validator==0.1.1
329
+ s3transfer==0.11.4
330
+ nvidia-cuda-runtime-cu12==12.4.127
331
+ nbclient==0.5.13
332
+ Theano==1.0.5
333
+ wurlitzer==3.1.1
334
+ python-bidi==0.6.6
335
+ plum-dispatch==2.5.7
336
+ squarify==0.4.4
337
+ comm==0.2.2
338
+ dataclasses-json==0.6.7
339
+ jupyter-events==0.12.0
340
+ pettingzoo==1.24.0
341
+ lightning-utilities==0.14.3
342
+ matplotlib==3.7.5
343
+ segment_anything==1.0
344
+ datashader==0.17.0
345
+ kaggle-environments==1.16.11
346
+ marshmallow==3.26.1
347
+ setuptools-scm==8.2.0
348
+ rgf-python==3.12.0
349
+ xvfbwrapper==0.2.10
350
+ ipympl==0.9.7
351
+ tiktoken==0.9.0
352
+ stable-baselines3==2.1.0
353
+ nvidia-cuda-nvrtc-cu12==12.4.127
354
+ jedi==0.19.2
355
+ jupyterlab-lsp==3.10.2
356
+ python-lsp-jsonrpc==1.1.2
357
+ aiosqlite==0.21.0
358
+ QtPy==2.4.3
359
+ pydicom==3.0.1
360
+ multimethod==1.12
361
+ docker==7.1.0
362
+ mypy-extensions==1.0.0
363
+ arrow==1.3.0
364
+ isoweek==1.3.3
365
+ texttable==1.7.0
366
+ sphinx-rtd-theme==0.2.4
367
+ kt-legacy==1.0.5
368
+ pyct==0.5.0
369
+ seaborn==0.12.2
370
+ pyexcel-io==0.6.7
371
+ Shimmy==1.3.0
372
+ rfc3339-validator==0.1.4
373
+ mamba==0.11.3
374
+ path==17.1.0
375
+ Mako==1.3.9
376
+ pyexcel-ods==0.6.0
377
+ preprocessing==0.1.13
378
+ lime==0.2.0.1
379
+ htmlmin==0.1.12
380
+ python-json-logger==3.3.0
381
+ Theano-PyMC==1.1.2
382
+ bayesian-optimization==2.0.3
383
+ keras-cv==0.9.0
384
+ pudb==2024.1.3
385
+ gatspy==0.3
386
+ hf_transfer==0.1.9
387
+ scikit-learn-intelex==2025.4.0
388
+ scikit-optimize==0.10.2
389
+ mne==1.9.0
390
+ openslide-bin==4.0.0.6
391
+ mistune==0.8.4
392
+ execnb==0.1.14
393
+ google-colab==1.0.0
394
+ astunparse==1.6.3
395
+ ipython==7.34.0
396
+ referencing==0.36.2
397
+ types-pytz==2025.1.0.20250204
398
+ librosa==0.10.2.post1
399
+ soxr==0.5.0.post1
400
+ libclang==18.1.1
401
+ keras-nlp==0.18.1
402
+ imageio==2.37.0
403
+ gensim==4.3.3
404
+ clarabel==0.10.0
405
+ h11==0.14.0
406
+ imagesize==1.4.1
407
+ py-cpuinfo==9.0.0
408
+ geemap==0.35.1
409
+ debugpy==1.8.0
410
+ jupyterlab_pygments==0.3.0
411
+ backcall==0.2.0
412
+ tensorflow-hub==0.16.1
413
+ requests-oauthlib==2.0.0
414
+ scooby==0.10.0
415
+ opencv-python-headless==4.11.0.86
416
+ en-core-web-sm==3.7.1
417
+ dopamine_rl==4.1.2
418
+ langchain-text-splitters==0.3.6
419
+ sklearn-compat==0.1.3
420
+ ipython-genutils==0.2.0
421
+ pyparsing==3.2.1
422
+ catalogue==2.0.10
423
+ sphinxcontrib-devhelp==2.0.0
424
+ sklearn-pandas==2.2.0
425
+ Markdown==3.7
426
+ sphinxcontrib-qthelp==2.0.0
427
+ openai==1.61.1
428
+ google-auth-httplib2==0.2.0
429
+ Flask==3.1.0
430
+ preshed==3.0.9
431
+ albumentations==2.0.4
432
+ marisa-trie==1.2.1
433
+ ipyleaflet==0.19.2
434
+ chardet==5.2.0
435
+ jupyter_core==5.7.2
436
+ simple-parsing==0.1.7
437
+ gin-config==0.5.0
438
+ osqp==0.6.7.post3
439
+ ipython-sql==0.5.0
440
+ toml==0.10.2
441
+ stringzilla==3.11.3
442
+ polars==1.9.0
443
+ jsonpointer==3.0.0
444
+ opentelemetry-semantic-conventions==0.37b0
445
+ ndindex==1.9.2
446
+ h5py==3.12.1
447
+ tensorflow-io-gcs-filesystem==0.37.1
448
+ datascience==0.17.6
449
+ alabaster==1.0.0
450
+ pygit2==1.17.0
451
+ pyshp==2.3.1
452
+ folium==0.19.4
453
+ spacy-legacy==3.0.12
454
+ diffusers==0.32.2
455
+ etils==1.12.0
456
+ fastcore==1.7.29
457
+ requests-toolbelt==1.0.0
458
+ triton==3.1.0
459
+ thinc==8.2.5
460
+ holidays==0.66
461
+ PyDrive==1.3.1
462
+ pytest==8.3.4
463
+ imutils==0.5.4
464
+ sentence-transformers==3.4.1
465
+ opt_einsum==3.4.0
466
+ moviepy==1.0.3
467
+ nbclassic==1.2.0
468
+ importlib_resources==6.5.2
469
+ xarray-einstats==0.8.0
470
+ lazy_loader==0.4
471
+ ipyevents==2.0.2
472
+ immutabledict==4.2.1
473
+ google-cloud-functions==1.19.0
474
+ music21==9.3.0
475
+ tensorflow-metadata==1.16.1
476
+ nx-cugraph-cu12==24.12.0
477
+ linkify-it-py==2.0.3
478
+ accelerate==1.3.0
479
+ language_data==1.3.0
480
+ nvidia-cuda-nvcc-cu12==12.5.82
481
+ google-cloud-iam==2.18.0
482
+ torchsummary==1.5.1
483
+ webencodings==0.5.1
484
+ webcolors==24.11.1
485
+ pydot==3.0.4
486
+ jellyfish==1.1.0
487
+ gym==0.25.2
488
+ tcmlib==1.2.0
489
+ cramjam==2.9.1
490
+ opentelemetry-api==1.16.0
491
+ gdown==5.2.0
492
+ pymystem3==0.2.0
493
+ parso==0.8.4
494
+ py4j==0.10.9.7
495
+ entrypoints==0.4
496
+ proto-plus==1.26.0
497
+ fastprogress==1.0.3
498
+ pyogrio==0.10.0
499
+ oauthlib==3.2.2
500
+ fastjsonschema==2.21.1
501
+ psycopg2==2.9.10
502
+ missingno==0.5.2
503
+ pandas-datareader==0.10.0
504
+ google-spark-connect==0.5.2
505
+ Deprecated==1.2.18
506
+ pooch==1.8.2
507
+ cycler==0.12.1
508
+ cvxpy==1.6.0
509
+ tensorboard==2.18.0
510
+ typeguard==4.4.1
511
+ googleapis-common-protos==1.67.0
512
+ inflect==7.5.0
513
+ argon2-cffi-bindings==21.2.0
514
+ namex==0.0.8
515
+ rpds-py==0.22.3
516
+ scikit-image==0.25.1
517
+ nvidia-nccl-cu12==2.21.5
518
+ arviz==0.20.0
519
+ opentelemetry-sdk==1.16.0
520
+ google-cloud-resource-manager==1.14.0
521
+ pandas-gbq==0.26.1
522
+ argon2-cffi==23.1.0
523
+ opencv-contrib-python==4.11.0.86
524
+ sphinxcontrib-applehelp==2.0.0
525
+ jax-cuda12-pjrt==0.4.33
526
+ bleach==6.2.0
527
+ h5netcdf==1.5.0
528
+ defusedxml==0.7.1
529
+ sphinxcontrib-serializinghtml==2.0.0
530
+ google-cloud-dataproc==5.17.0
531
+ more-itertools==10.6.0
532
+ panel==1.6.0
533
+ python-utils==3.9.1
534
+ fonttools==4.56.0
535
+ websockets==14.2
536
+ Pyomo==6.8.2
537
+ pydotplus==2.0.2
538
+ ml-dtypes==0.4.1
539
+ peewee==3.17.9
540
+ google-pasta==0.2.0
541
+ pyzmq==24.0.1
542
+ cmdstanpy==1.2.5
543
+ ipyparallel==8.8.0
544
+ parsy==2.1
545
+ bqplot==0.12.44
546
+ spacy-loggers==1.0.5
547
+ google-ai-generativelanguage==0.6.15
548
+ prophet==1.1.6
549
+ pydata-google-auth==1.9.1
550
+ absl-py==1.4.0
551
+ openpyxl==3.1.5
552
+ vega-datasets==0.9.0
553
+ mpmath==1.3.0
554
+ frozendict==2.4.6
555
+ gcsfs==2024.10.0
556
+ google-cloud-bigquery==3.25.0
557
+ opencv-python==4.11.0.86
558
+ mdit-py-plugins==0.4.2
559
+ zstandard==0.23.0
560
+ torch==2.5.1+cu124
561
+ langcodes==3.5.0
562
+ blinker==1.9.0
563
+ xyzservices==2025.1.0
564
+ googledrivedownloader==1.1.0
565
+ termcolor==2.5.0
566
+ google-generativeai==0.8.4
567
+ et_xmlfile==2.0.0
568
+ jieba==0.42.1
569
+ pluggy==1.5.0
570
+ grpcio==1.70.0
571
+ hyperopt==0.2.7
572
+ python-louvain==0.16
573
+ bigframes==1.36.0
574
+ orbax-checkpoint==0.6.4
575
+ google-auth-oauthlib==1.2.1
576
+ soupsieve==2.6
577
+ PyDrive2==1.21.3
578
+ simsimd==6.2.1
579
+ pyproj==3.7.0
580
+ peft==0.14.0
581
+ imbalanced-learn==0.13.0
582
+ wandb==0.19.6
583
+ wcwidth==0.2.13
584
+ google-cloud-language==2.16.0
585
+ google-cloud-core==2.4.1
586
+ progressbar2==4.5.0
587
+ pexpect==4.9.0
588
+ ptyprocess==0.7.0
589
+ pygame==2.6.1
590
+ docker-pycreds==0.4.0
591
+ Cython==3.0.12
592
+ shellingham==1.5.4
593
+ setproctitle==1.3.4
594
+ CacheControl==0.14.2
595
+ prometheus_client==0.21.1
596
+ nbformat==5.10.4
597
+ python-snappy==0.7.3
598
+ narwhals==1.26.0
599
+ google-cloud-firestore==2.20.0
600
+ nest-asyncio==1.6.0
601
+ chex==0.1.88
602
+ sentry-sdk==2.21.0
603
+ nibabel==5.3.2
604
+ iniconfig==2.0.0
605
+ multipledispatch==1.0.0
606
+ astropy-iers-data==0.2025.2.10.0.33.26
607
+ tf_keras==2.18.0
608
+ networkx==3.4.2
609
+ safetensors==0.5.2
610
+ sentencepiece==0.2.0
611
+ einops==0.8.1
612
+ plotly==5.24.1
613
+ rpy2==3.4.2
614
+ bokeh==3.6.3
615
+ ipytree==0.2.2
616
+ python-box==7.3.2
617
+ scs==3.2.7.post2
618
+ pillow==11.1.0
619
+ textblob==0.19.0
620
+ PyOpenGL==3.1.9
621
+ google-cloud-spanner==3.51.0
622
+ decorator==4.4.2
623
+ google-cloud-datastore==2.20.2
624
+ docstring_parser==0.16
625
+ pickleshare==0.7.5
626
+ wrapt==1.17.2
627
+ pyspark==3.5.4
628
+ pytensor==2.27.1
629
+ GDAL==3.6.4
630
+ ibis-framework==9.2.0
631
+ holoviews==1.20.0
632
+ wasabi==1.1.3
633
+ anyio==3.7.1
634
+ tensorflow-text==2.18.1
635
+ optax==0.2.4
636
+ gast==0.6.0
637
+ Werkzeug==3.1.3
638
+ colorcet==3.1.0
639
+ tensorstore==0.1.71
640
+ atpublic==4.1.0
641
+ blis==0.7.11
642
+ humanize==4.11.0
643
+ prettytable==3.14.0
644
+ spanner-graph-notebook==1.1.1
645
+ python-slugify==8.0.4
646
+ earthengine-api==1.5.2
647
+ miniKanren==1.0.3
648
+ traitlets==5.7.1
649
+ yfinance==0.2.52
650
+ sqlparse==0.5.3
651
+ terminado==0.18.1
652
+ tensorflow-datasets==4.9.7
653
+ pymc==5.20.1
654
+ sphinxcontrib-htmlhelp==2.1.0
655
+ grpc-interceptor==0.15.4
656
+ geocoder==1.38.1
657
+ langchain==0.3.18
658
+ pyviz_comms==3.0.4
659
+ babel==2.17.0
660
+ proglog==0.1.10
661
+ ply==3.11
662
+ audioread==3.0.1
663
+ google-genai==0.8.0
664
+ docutils==0.21.2
665
+ distro==1.9.0
666
+ tf-slim==1.1.0
667
+ orjson==3.10.15
668
+ google-auth==2.27.0
669
+ cons==0.4.6
670
+ gspread==6.1.4
671
+ geographiclib==2.0
672
+ matplotlib-inline==0.1.7
673
+ editdistance==0.8.1
674
+ httpcore==1.0.7
675
+ spacy==3.7.5
676
+ community==1.0.0b1
677
+ tifffile==2025.1.10
678
+ gym-notices==0.0.8
679
+ notebook_shim==0.2.4
680
+ soundfile==0.13.1
681
+ itsdangerous==2.2.0
682
+ jsonpatch==1.33
683
+ plotnine==0.14.5
684
+ prompt_toolkit==3.0.50
685
+ traittypes==0.2.1
686
+ autograd==1.7.0
687
+ text-unidecode==1.3
688
+ pycocotools==2.0.8
689
+ weasel==0.4.1
690
+ srsly==2.5.1
691
+ wordcloud==1.9.4
692
+ langsmith==0.3.8
693
+ cymem==2.0.11
694
+ smart-open==7.1.0
695
+ dlib==19.24.2
696
+ grpc-google-iam-v1==0.14.0
697
+ tenacity==9.0.0
698
+ beautifulsoup4==4.13.3
699
+ umf==0.9.1
700
+ tables==3.10.2
701
+ cloudpathlib==0.20.0
702
+ torchvision==0.20.1+cu124
703
+ altair==5.5.0
704
+ cufflinks==0.17.3
705
+ cvxopt==1.3.2
706
+ tokenizers==0.21.0
707
+ PySocks==1.7.1
708
+ uc-micro-py==1.0.3
709
+ xlrd==2.0.1
710
+ numexpr==2.10.2
711
+ promise==2.3
712
+ Send2Trash==1.8.3
713
+ array_record==0.6.0
714
+ treescope==0.1.8
715
+ sniffio==1.3.1
716
+ httplib2==0.22.0
717
+ jupyterlab_widgets==3.0.13
718
+ httpimport==1.4.0
719
+ confection==0.1.5
720
+ uritemplate==4.1.1
721
+ stanio==0.5.1
722
+ easydict==1.13
723
+ Sphinx==8.1.3
724
+ future==1.0.0
725
+ tensorflow==2.18.0
726
+ websocket-client==1.8.0
727
+ flatbuffers==25.2.10
728
+ firebase-admin==6.6.0
729
+ imgaug==0.4.0
730
+ cmake==3.31.4
731
+ Bottleneck==1.4.2
732
+ kiwisolver==1.4.8
733
+ ale-py==0.10.1
734
+ fastai==2.7.18
735
+ snowballstemmer==2.2.0
736
+ typer==0.15.1
737
+ colour==0.1.5
738
+ google-crc32c==1.6.0
739
+ sphinxcontrib-jsmath==1.0.1
740
+ google-api-python-client==2.160.0
741
+ google-resumable-media==2.7.2
742
+ murmurhash==1.0.12
743
+ portpicker==1.5.2
744
+ Farama-Notifications==0.0.4
745
+ sympy==1.13.1
746
+ optree==0.14.0
747
+ timm==1.0.14
748
+ ipykernel==6.17.1
749
+ pathlib==1.0.1
750
+ jaxlib==0.4.33
751
+ pandas-stubs==2.2.2.240909
752
+ ratelim==0.1.6
753
+ greenlet==3.1.1
754
+ SQLAlchemy==2.0.38
755
+ multitasking==0.0.11
756
+ astropy==7.0.1
757
+ imageio-ffmpeg==0.6.0
758
+ bigquery-magics==0.5.0
759
+ pyperclip==1.9.0
760
+ jsonschema-specifications==2024.10.1
761
+ jax-cuda12-plugin==0.4.33
762
+ torchaudio==2.5.1+cu124
763
+ eerepr==0.1.0
764
+ tinycss2==1.4.0
765
+ jiter==0.8.2
766
+ jsonpickle==4.0.1
767
+ google-cloud-aiplatform==1.79.0
768
+ cyipopt==1.5.0
769
+ oauth2client==4.1.3
770
+ jax==0.4.33
771
+ lxml==5.3.1
772
+ sqlglot==25.6.1
773
+ flax==0.10.3
774
+ etuples==0.3.9
775
+ gspread-dataframe==4.0.0
776
+ geopy==2.4.1
777
+ logical-unification==0.4.6
778
+ natsort==8.4.0
779
+ GitPython==3.1.44
780
+ pyerfa==2.0.1.5
781
+ param==2.2.0
782
+ qdldl==0.1.7.post5
783
+ keras-hub==0.18.1
784
+ pylibcugraph-cu12==24.12.0
785
+ xarray==2025.1.2
786
+ db-dtypes==1.4.1
787
+ gitdb==4.0.12
788
+ mizani==0.13.1
789
+ google-cloud-bigtable==2.28.1
790
+ httpx==0.28.1
791
+ google-cloud-bigquery-connection==1.17.0
792
+ jsonschema==4.23.0
793
+ nvidia-nvtx-cu12==12.4.127
794
+ albucore==0.0.23
795
+ tweepy==4.15.0
796
+ fastdownload==0.0.7
797
+ highspy==1.9.0
798
+ matplotlib-venn==1.1.1
799
+ jupyter-console==6.1.0
800
+ duckdb==1.1.3
801
+ branca==0.8.1
802
+ pyasn1_modules==0.4.1
803
+ pandocfilters==1.5.1
804
+ yellowbrick==1.5
805
+ contourpy==1.3.1
806
+ tzlocal==5.3
807
+ tensorboard-data-server==0.7.2
808
+ google==2.0.3
809
+ jupyter-leaflet==0.19.2
810
+ mlxtend==0.23.4
811
+ blosc2==3.1.0
812
+ smmap==5.0.2
813
+ langchain-core==0.3.35
814
+ wheel==0.45.1
815
+ glob2==0.7
816
+ tensorflow-probability==0.25.0
817
+ colorlover==0.3.0
818
+ google-cloud-pubsub==2.25.0
819
+ ipyfilechooser==0.6.0
820
+ rsa==4.9
821
+ dm-tree==0.1.9
822
+ html5lib==1.1
823
+ python-apt==0.0.0
824
+ setuptools==75.1.0
825
+ types-setuptools==75.8.0.20250210
826
+ requirements-parser==0.9.0
827
+ pip==24.1.2
828
+ PyGObject==3.42.1
829
+ blinker==1.4
830
+ jeepney==0.7.1
831
+ six==1.16.0
832
+ oauthlib==3.2.0
833
+ wadllib==1.3.6
834
+ launchpadlib==1.10.16
835
+ dbus-python==1.2.18
836
+ PyJWT==2.3.0
837
+ importlib-metadata==4.6.4
838
+ httplib2==0.20.2
839
+ zipp==1.0.0
840
+ pyparsing==2.4.7
841
+ python-apt==2.4.0+ubuntu4
842
+ lazr.restfulclient==0.14.4
843
+ SecretStorage==3.3.1
844
+ distro==1.7.0
845
+ lazr.uri==1.0.6
846
+ more-itertools==8.10.0
847
+ cryptography==3.4.8
848
+ keyring==23.5.0
849
+ packaging==24.1
850
+ inflect==7.3.1
851
+ autocommand==2.2.2
852
+ typeguard==4.3.0
853
+ jaraco.text==3.12.1
854
+ importlib_resources==6.4.0
855
+ wheel==0.43.0
856
+ zipp==3.19.2
857
+ platformdirs==4.2.2
858
+ importlib_metadata==8.0.0
859
+ tomli==2.0.1
860
+ jaraco.collections==5.1.0
861
+ more-itertools==10.3.0
862
+ typing_extensions==4.12.2
863
+ backports.tarfile==1.2.0
864
+ jaraco.functools==4.0.1
865
+ jaraco.context==5.3.0
wandb/run-20250504_140958-2el6rl3c/files/wandb-metadata.json ADDED
@@ -0,0 +1,42 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-6.6.56+-x86_64-with-glibc2.35",
3
+ "python": "CPython 3.11.11",
4
+ "startedAt": "2025-05-04T14:09:59.156106Z",
5
+ "program": "kaggle.ipynb",
6
+ "email": "[email protected]",
7
+ "root": "/kaggle/working",
8
+ "host": "127dcca5b35b",
9
+ "executable": "/usr/bin/python3",
10
+ "cpu_count": 2,
11
+ "cpu_count_logical": 4,
12
+ "gpu": "Tesla T4",
13
+ "gpu_count": 2,
14
+ "disk": {
15
+ "/": {
16
+ "total": "8656922775552",
17
+ "used": "6740739457024"
18
+ }
19
+ },
20
+ "memory": {
21
+ "total": "33662353408"
22
+ },
23
+ "cpu": {
24
+ "count": 2,
25
+ "countLogical": 4
26
+ },
27
+ "gpu_nvidia": [
28
+ {
29
+ "name": "Tesla T4",
30
+ "memoryTotal": "16106127360",
31
+ "cudaCores": 2560,
32
+ "architecture": "Turing"
33
+ },
34
+ {
35
+ "name": "Tesla T4",
36
+ "memoryTotal": "16106127360",
37
+ "cudaCores": 2560,
38
+ "architecture": "Turing"
39
+ }
40
+ ],
41
+ "cudaVersion": "12.6"
42
+ }
wandb/run-20250504_140958-2el6rl3c/logs/debug-core.log ADDED
@@ -0,0 +1,6 @@
 
 
 
 
 
 
 
1
+ {"time":"2025-05-04T14:09:59.029890426Z","level":"INFO","msg":"main: starting server","port-filename":"/tmp/tmpom2tzvlk/port-31.txt","pid":31,"log-level":0,"disable-analytics":false,"shutdown-on-parent-exit":false}
2
+ {"time":"2025-05-04T14:09:59.037880664Z","level":"INFO","msg":"Will exit if parent process dies.","ppid":31}
3
+ {"time":"2025-05-04T14:09:59.038740219Z","level":"INFO","msg":"server is running","addr":{"IP":"127.0.0.1","Port":36631,"Zone":""}}
4
+ {"time":"2025-05-04T14:09:59.145344096Z","level":"INFO","msg":"connection: ManageConnectionData: new connection created","id":"127.0.0.1:45630"}
5
+ {"time":"2025-05-04T14:09:59.161751163Z","level":"INFO","msg":"handleInformInit: received","streamId":"2el6rl3c","id":"127.0.0.1:45630"}
6
+ {"time":"2025-05-04T14:09:59.267769599Z","level":"INFO","msg":"handleInformInit: stream started","streamId":"2el6rl3c","id":"127.0.0.1:45630"}
wandb/run-20250504_140958-2el6rl3c/logs/debug-internal.log ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {"time":"2025-05-04T14:09:59.1619037Z","level":"INFO","msg":"stream: starting","core version":"0.19.6","symlink path":"/kaggle/working/wandb/run-20250504_140958-2el6rl3c/logs/debug-core.log"}
2
+ {"time":"2025-05-04T14:09:59.267729002Z","level":"INFO","msg":"created new stream","id":"2el6rl3c"}
3
+ {"time":"2025-05-04T14:09:59.267763907Z","level":"INFO","msg":"stream: started","id":"2el6rl3c"}
4
+ {"time":"2025-05-04T14:09:59.267812114Z","level":"INFO","msg":"writer: Do: started","stream_id":"2el6rl3c"}
5
+ {"time":"2025-05-04T14:09:59.26782758Z","level":"INFO","msg":"handler: started","stream_id":"2el6rl3c"}
6
+ {"time":"2025-05-04T14:09:59.269021335Z","level":"INFO","msg":"sender: started","stream_id":"2el6rl3c"}
7
+ {"time":"2025-05-04T14:10:04.804035588Z","level":"INFO","msg":"Starting system monitor"}
8
+ {"time":"2025-05-04T14:10:05.379728502Z","level":"INFO","msg":"Pausing system monitor"}
9
+ {"time":"2025-05-04T14:10:05.380762914Z","level":"INFO","msg":"Resuming system monitor"}
10
+ {"time":"2025-05-04T14:10:10.627211101Z","level":"INFO","msg":"Pausing system monitor"}
11
+ {"time":"2025-05-04T14:10:17.293687414Z","level":"INFO","msg":"Resuming system monitor"}
12
+ {"time":"2025-05-04T14:10:17.335584685Z","level":"INFO","msg":"Pausing system monitor"}
13
+ {"time":"2025-05-04T14:10:18.435250646Z","level":"INFO","msg":"Resuming system monitor"}
14
+ {"time":"2025-05-04T14:10:22.242844158Z","level":"INFO","msg":"Pausing system monitor"}
15
+ {"time":"2025-05-04T14:10:22.246823222Z","level":"INFO","msg":"Resuming system monitor"}
wandb/run-20250504_140958-2el6rl3c/logs/debug.log ADDED
@@ -0,0 +1,39 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2025-05-04 14:09:58,715 INFO MainThread:31 [wandb_setup.py:_flush():68] Current SDK version is 0.19.6
2
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_setup.py:_flush():68] Configure stats pid to 31
3
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_setup.py:_flush():68] Loading settings from /root/.config/wandb/settings
4
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_setup.py:_flush():68] Loading settings from /kaggle/working/wandb/settings
5
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_setup.py:_flush():68] Loading settings from environment variables
6
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:setup_run_log_directory():637] Logging user logs to /kaggle/working/wandb/run-20250504_140958-2el6rl3c/logs/debug.log
7
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:setup_run_log_directory():638] Logging internal logs to /kaggle/working/wandb/run-20250504_140958-2el6rl3c/logs/debug-internal.log
8
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:monkeypatch_ipython():589] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7b67ad7db110>
9
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:init():756] calling init triggers
10
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:init():761] wandb.init called with sweep_config: {}
11
+ config: {'_wandb': {}}
12
+ 2025-05-04 14:09:58,716 INFO MainThread:31 [wandb_init.py:init():789] starting backend
13
+ 2025-05-04 14:09:59,144 INFO MainThread:31 [wandb_init.py:init():793] sending inform_init request
14
+ 2025-05-04 14:09:59,155 INFO MainThread:31 [backend.py:_multiprocessing_setup():97] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
15
+ 2025-05-04 14:09:59,155 INFO MainThread:31 [wandb_init.py:init():808] backend started and connected
16
+ 2025-05-04 14:09:59,163 INFO MainThread:31 [wandb_run.py:_label_probe_notebook():1196] probe notebook
17
+ 2025-05-04 14:10:04,651 INFO MainThread:31 [wandb_init.py:init():901] updated telemetry
18
+ 2025-05-04 14:10:04,652 INFO MainThread:31 [wandb_init.py:init():936] communicating run to backend with 90.0 second timeout
19
+ 2025-05-04 14:10:04,798 INFO MainThread:31 [wandb_init.py:init():994] starting run threads in backend
20
+ 2025-05-04 14:10:05,341 INFO MainThread:31 [wandb_run.py:_console_start():2385] atexit reg
21
+ 2025-05-04 14:10:05,341 INFO MainThread:31 [wandb_run.py:_redirect():2235] redirect: wrap_raw
22
+ 2025-05-04 14:10:05,342 INFO MainThread:31 [wandb_run.py:_redirect():2300] Wrapping output streams.
23
+ 2025-05-04 14:10:05,342 INFO MainThread:31 [wandb_run.py:_redirect():2325] Redirects installed.
24
+ 2025-05-04 14:10:05,350 INFO MainThread:31 [wandb_init.py:init():1036] run started, returning control to user process
25
+ 2025-05-04 14:10:05,350 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
26
+ 2025-05-04 14:10:05,350 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
27
+ 2025-05-04 14:10:05,355 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
28
+ 2025-05-04 14:10:10,626 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
29
+ 2025-05-04 14:10:10,626 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
30
+ 2025-05-04 14:10:17,292 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
31
+ 2025-05-04 14:10:17,329 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
32
+ 2025-05-04 14:10:17,329 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
33
+ 2025-05-04 14:10:18,434 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
34
+ 2025-05-04 14:10:22,242 INFO MainThread:31 [jupyter.py:save_ipynb():386] not saving jupyter notebook
35
+ 2025-05-04 14:10:22,242 INFO MainThread:31 [wandb_init.py:_pause_backend():554] pausing backend
36
+ 2025-05-04 14:10:22,246 INFO MainThread:31 [wandb_init.py:_resume_backend():559] resuming backend
37
+ 2025-05-04 14:10:22,684 INFO MainThread:31 [wandb_run.py:_config_callback():1253] config_cb None None {'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', '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': ['BertForMaskedLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1', 2: 'LABEL_2'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1, 'LABEL_2': 2}, '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': 'aubmindlab/bert-large-arabertv02', '_attn_implementation_autoset': True, 'transformers_version': '4.51.1', 'model_type': 'bert', 'vocab_size': 64000, 'hidden_size': 1024, 'num_hidden_layers': 24, 'num_attention_heads': 16, 'hidden_act': 'gelu', 'intermediate_size': 4096, 'hidden_dropout_prob': 0.1, 'attention_probs_dropout_prob': 0.1, 'max_position_embeddings': 512, 'type_vocab_size': 2, 'initializer_range': 0.02, 'layer_norm_eps': 1e-12, 'position_embedding_type': 'absolute', 'use_cache': True, 'classifier_dropout': None, 'output_dir': '/kaggle/working/', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 8, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 2, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 5e-05, 'weight_decay': 0.0, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 5, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.2, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/May04_14-10-17_127dcca5b35b', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 5, 'save_total_limit': 1, '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': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': 5, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'macro_f1', 'greater_is_better': True, '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}, 'tp_size': 0, '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': None, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'include_for_metrics': [], 'eval_do_concat_batches': True, 'fp16_backend': 'auto', '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, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': False, 'eval_on_start': False, 'use_liger_kernel': False, 'eval_use_gather_object': False, 'average_tokens_across_devices': False}
38
+ 2025-05-04 14:10:22,692 INFO MainThread:31 [wandb_config.py:__setitem__():154] config set model/num_parameters = 369426435 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x7b67a4e65090>>
39
+ 2025-05-04 14:10:22,692 INFO MainThread:31 [wandb_run.py:_config_callback():1253] config_cb model/num_parameters 369426435 None
wandb/run-20250504_140958-2el6rl3c/run-2el6rl3c.wandb ADDED
File without changes