Gnider commited on
Commit
1c85e63
1 Parent(s): 4a01251

Upload folder using huggingface_hub

Browse files
config.json ADDED
@@ -0,0 +1,76 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "ai-forever/ruBert-base",
3
+ "architectures": [
4
+ "BertForSequenceClassification"
5
+ ],
6
+ "attention_probs_dropout_prob": 0.1,
7
+ "classifier_dropout": null,
8
+ "directionality": "bidi",
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
+ "3": "LABEL_3",
17
+ "4": "LABEL_4",
18
+ "5": "LABEL_5",
19
+ "6": "LABEL_6",
20
+ "7": "LABEL_7",
21
+ "8": "LABEL_8",
22
+ "9": "LABEL_9",
23
+ "10": "LABEL_10",
24
+ "11": "LABEL_11",
25
+ "12": "LABEL_12",
26
+ "13": "LABEL_13",
27
+ "14": "LABEL_14",
28
+ "15": "LABEL_15",
29
+ "16": "LABEL_16",
30
+ "17": "LABEL_17",
31
+ "18": "LABEL_18",
32
+ "19": "LABEL_19"
33
+ },
34
+ "initializer_range": 0.02,
35
+ "intermediate_size": 3072,
36
+ "label2id": {
37
+ "LABEL_0": 0,
38
+ "LABEL_1": 1,
39
+ "LABEL_10": 10,
40
+ "LABEL_11": 11,
41
+ "LABEL_12": 12,
42
+ "LABEL_13": 13,
43
+ "LABEL_14": 14,
44
+ "LABEL_15": 15,
45
+ "LABEL_16": 16,
46
+ "LABEL_17": 17,
47
+ "LABEL_18": 18,
48
+ "LABEL_19": 19,
49
+ "LABEL_2": 2,
50
+ "LABEL_3": 3,
51
+ "LABEL_4": 4,
52
+ "LABEL_5": 5,
53
+ "LABEL_6": 6,
54
+ "LABEL_7": 7,
55
+ "LABEL_8": 8,
56
+ "LABEL_9": 9
57
+ },
58
+ "layer_norm_eps": 1e-12,
59
+ "max_position_embeddings": 512,
60
+ "model_type": "bert",
61
+ "num_attention_heads": 12,
62
+ "num_hidden_layers": 12,
63
+ "pad_token_id": 0,
64
+ "pooler_fc_size": 768,
65
+ "pooler_num_attention_heads": 12,
66
+ "pooler_num_fc_layers": 3,
67
+ "pooler_size_per_head": 128,
68
+ "pooler_type": "first_token_transform",
69
+ "position_embedding_type": "absolute",
70
+ "problem_type": "single_label_classification",
71
+ "torch_dtype": "float32",
72
+ "transformers_version": "4.41.2",
73
+ "type_vocab_size": 2,
74
+ "use_cache": true,
75
+ "vocab_size": 120138
76
+ }
label_encoder.joblib ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a409954c3cfbacdbd5a19099a851a93f386b0f467c894374e6e016095cbdd790
3
+ size 1159
logs/events.out.tfevents.1719847643.95a155af2c37.34.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:513bac5a5646b2143f8351859df3427e84861e9930e101c6c3b29369d072111d
3
+ size 10076
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:28a1e9841f984093b1a98bd2a32dc1de7e4ce3baba09b3e5108f26131fb08783
3
+ size 713314384
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,57 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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_basic_tokenize": true,
47
+ "do_lower_case": true,
48
+ "mask_token": "[MASK]",
49
+ "model_max_length": 1000000000000000019884624838656,
50
+ "never_split": null,
51
+ "pad_token": "[PAD]",
52
+ "sep_token": "[SEP]",
53
+ "strip_accents": null,
54
+ "tokenize_chinese_chars": true,
55
+ "tokenizer_class": "BertTokenizer",
56
+ "unk_token": "[UNK]"
57
+ }
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,35 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0
2
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Configure stats pid to 34
3
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying login settings: {}
9
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
10
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_init.py:_log_setup():520] Logging user logs to /kaggle/working/wandb/run-20240701_152738-arqg7ou1/logs/debug.log
11
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_init.py:_log_setup():521] Logging internal logs to /kaggle/working/wandb/run-20240701_152738-arqg7ou1/logs/debug-internal.log
12
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_init.py:_jupyter_setup():466] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7f22d3255b10>
13
+ 2024-07-01 15:27:38,104 INFO MainThread:34 [wandb_init.py:init():560] calling init triggers
14
+ 2024-07-01 15:27:38,104 INFO MainThread:34 [wandb_init.py:init():567] wandb.init called with sweep_config: {}
15
+ config: {}
16
+ 2024-07-01 15:27:38,104 INFO MainThread:34 [wandb_init.py:init():610] starting backend
17
+ 2024-07-01 15:27:38,104 INFO MainThread:34 [wandb_init.py:init():614] setting up manager
18
+ 2024-07-01 15:27:38,105 INFO MainThread:34 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
19
+ 2024-07-01 15:27:38,108 INFO MainThread:34 [wandb_init.py:init():622] backend started and connected
20
+ 2024-07-01 15:27:38,122 INFO MainThread:34 [wandb_run.py:_label_probe_notebook():1328] probe notebook
21
+ 2024-07-01 15:27:38,897 INFO MainThread:34 [wandb_init.py:init():711] updated telemetry
22
+ 2024-07-01 15:27:38,900 INFO MainThread:34 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout
23
+ 2024-07-01 15:27:39,122 INFO MainThread:34 [wandb_run.py:_on_init():2396] communicating current version
24
+ 2024-07-01 15:27:39,170 INFO MainThread:34 [wandb_run.py:_on_init():2405] got version response upgrade_message: "wandb version 0.17.3 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
25
+
26
+ 2024-07-01 15:27:39,170 INFO MainThread:34 [wandb_init.py:init():795] starting run threads in backend
27
+ 2024-07-01 15:27:55,179 INFO MainThread:34 [wandb_run.py:_console_start():2374] atexit reg
28
+ 2024-07-01 15:27:55,179 INFO MainThread:34 [wandb_run.py:_redirect():2229] redirect: wrap_raw
29
+ 2024-07-01 15:27:55,180 INFO MainThread:34 [wandb_run.py:_redirect():2294] Wrapping output streams.
30
+ 2024-07-01 15:27:55,180 INFO MainThread:34 [wandb_run.py:_redirect():2319] Redirects installed.
31
+ 2024-07-01 15:27:55,184 INFO MainThread:34 [wandb_init.py:init():838] run started, returning control to user process
32
+ 2024-07-01 15:27:55,189 INFO MainThread:34 [wandb_run.py:_config_callback():1376] config_cb None None {'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': ['BertForMaskedLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1', 2: 'LABEL_2', 3: 'LABEL_3', 4: 'LABEL_4', 5: 'LABEL_5', 6: 'LABEL_6', 7: 'LABEL_7', 8: 'LABEL_8', 9: 'LABEL_9', 10: 'LABEL_10', 11: 'LABEL_11', 12: 'LABEL_12', 13: 'LABEL_13', 14: 'LABEL_14', 15: 'LABEL_15', 16: 'LABEL_16', 17: 'LABEL_17', 18: 'LABEL_18', 19: 'LABEL_19'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1, 'LABEL_2': 2, 'LABEL_3': 3, 'LABEL_4': 4, 'LABEL_5': 5, 'LABEL_6': 6, 'LABEL_7': 7, 'LABEL_8': 8, 'LABEL_9': 9, 'LABEL_10': 10, 'LABEL_11': 11, 'LABEL_12': 12, 'LABEL_13': 13, 'LABEL_14': 14, 'LABEL_15': 15, 'LABEL_16': 16, 'LABEL_17': 17, 'LABEL_18': 18, 'LABEL_19': 19}, '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': 'ai-forever/ruBert-base', 'transformers_version': '4.41.2', 'directionality': 'bidi', 'pooler_fc_size': 768, 'pooler_num_attention_heads': 12, 'pooler_num_fc_layers': 3, 'pooler_size_per_head': 128, 'pooler_type': 'first_token_transform', 'model_type': 'bert', 'vocab_size': 120138, '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/results', '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, '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': 3, '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': '/kaggle/working/logs', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'no', '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': '/kaggle/working/results', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, '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': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': 'epoch', '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}
33
+ 2024-07-01 17:22:55,126 INFO MainThread:34 [jupyter.py:save_ipynb():373] not saving jupyter notebook
34
+ 2024-07-01 17:22:55,126 INFO MainThread:34 [wandb_init.py:_pause_backend():431] pausing backend
35
+ 2024-07-01 17:22:55,134 INFO MainThread:34 [wandb_init.py:_resume_backend():436] resuming backend
wandb/run-20240701_152738-arqg7ou1/files/conda-environment.yaml ADDED
File without changes
wandb/run-20240701_152738-arqg7ou1/files/config.yaml ADDED
@@ -0,0 +1,753 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.13
7
+ cli_version: 0.17.0
8
+ framework: huggingface
9
+ huggingface_version: 4.41.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1719847658
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 2
17
+ - 3
18
+ - 5
19
+ - 11
20
+ - 12
21
+ - 49
22
+ - 51
23
+ - 53
24
+ - 55
25
+ - 71
26
+ - 105
27
+ 2:
28
+ - 1
29
+ - 2
30
+ - 3
31
+ - 5
32
+ - 11
33
+ - 12
34
+ - 49
35
+ - 51
36
+ - 53
37
+ - 55
38
+ - 71
39
+ - 105
40
+ 3:
41
+ - 7
42
+ - 13
43
+ - 23
44
+ - 66
45
+ 4: 3.10.13
46
+ 5: 0.17.0
47
+ 6: 4.41.2
48
+ 8:
49
+ - 1
50
+ - 2
51
+ - 5
52
+ 9:
53
+ 1: transformers_trainer
54
+ 13: linux-x86_64
55
+ m:
56
+ - 1: train/global_step
57
+ 6:
58
+ - 3
59
+ - 1: train/loss
60
+ 5: 1
61
+ 6:
62
+ - 1
63
+ - 1: train/grad_norm
64
+ 5: 1
65
+ 6:
66
+ - 1
67
+ - 1: train/learning_rate
68
+ 5: 1
69
+ 6:
70
+ - 1
71
+ - 1: train/epoch
72
+ 5: 1
73
+ 6:
74
+ - 1
75
+ - 1: eval/loss
76
+ 5: 1
77
+ 6:
78
+ - 1
79
+ - 1: eval/accuracy
80
+ 5: 1
81
+ 6:
82
+ - 1
83
+ - 1: eval/runtime
84
+ 5: 1
85
+ 6:
86
+ - 1
87
+ - 1: eval/samples_per_second
88
+ 5: 1
89
+ 6:
90
+ - 1
91
+ - 1: eval/steps_per_second
92
+ 5: 1
93
+ 6:
94
+ - 1
95
+ return_dict:
96
+ desc: null
97
+ value: true
98
+ output_hidden_states:
99
+ desc: null
100
+ value: false
101
+ output_attentions:
102
+ desc: null
103
+ value: false
104
+ torchscript:
105
+ desc: null
106
+ value: false
107
+ torch_dtype:
108
+ desc: null
109
+ value: null
110
+ use_bfloat16:
111
+ desc: null
112
+ value: false
113
+ tf_legacy_loss:
114
+ desc: null
115
+ value: false
116
+ pruned_heads:
117
+ desc: null
118
+ value: {}
119
+ tie_word_embeddings:
120
+ desc: null
121
+ value: true
122
+ chunk_size_feed_forward:
123
+ desc: null
124
+ value: 0
125
+ is_encoder_decoder:
126
+ desc: null
127
+ value: false
128
+ is_decoder:
129
+ desc: null
130
+ value: false
131
+ cross_attention_hidden_size:
132
+ desc: null
133
+ value: null
134
+ add_cross_attention:
135
+ desc: null
136
+ value: false
137
+ tie_encoder_decoder:
138
+ desc: null
139
+ value: false
140
+ max_length:
141
+ desc: null
142
+ value: 20
143
+ min_length:
144
+ desc: null
145
+ value: 0
146
+ do_sample:
147
+ desc: null
148
+ value: false
149
+ early_stopping:
150
+ desc: null
151
+ value: false
152
+ num_beams:
153
+ desc: null
154
+ value: 1
155
+ num_beam_groups:
156
+ desc: null
157
+ value: 1
158
+ diversity_penalty:
159
+ desc: null
160
+ value: 0.0
161
+ temperature:
162
+ desc: null
163
+ value: 1.0
164
+ top_k:
165
+ desc: null
166
+ value: 50
167
+ top_p:
168
+ desc: null
169
+ value: 1.0
170
+ typical_p:
171
+ desc: null
172
+ value: 1.0
173
+ repetition_penalty:
174
+ desc: null
175
+ value: 1.0
176
+ length_penalty:
177
+ desc: null
178
+ value: 1.0
179
+ no_repeat_ngram_size:
180
+ desc: null
181
+ value: 0
182
+ encoder_no_repeat_ngram_size:
183
+ desc: null
184
+ value: 0
185
+ bad_words_ids:
186
+ desc: null
187
+ value: null
188
+ num_return_sequences:
189
+ desc: null
190
+ value: 1
191
+ output_scores:
192
+ desc: null
193
+ value: false
194
+ return_dict_in_generate:
195
+ desc: null
196
+ value: false
197
+ forced_bos_token_id:
198
+ desc: null
199
+ value: null
200
+ forced_eos_token_id:
201
+ desc: null
202
+ value: null
203
+ remove_invalid_values:
204
+ desc: null
205
+ value: false
206
+ exponential_decay_length_penalty:
207
+ desc: null
208
+ value: null
209
+ suppress_tokens:
210
+ desc: null
211
+ value: null
212
+ begin_suppress_tokens:
213
+ desc: null
214
+ value: null
215
+ architectures:
216
+ desc: null
217
+ value:
218
+ - BertForMaskedLM
219
+ finetuning_task:
220
+ desc: null
221
+ value: null
222
+ id2label:
223
+ desc: null
224
+ value:
225
+ '0': LABEL_0
226
+ '1': LABEL_1
227
+ '2': LABEL_2
228
+ '3': LABEL_3
229
+ '4': LABEL_4
230
+ '5': LABEL_5
231
+ '6': LABEL_6
232
+ '7': LABEL_7
233
+ '8': LABEL_8
234
+ '9': LABEL_9
235
+ '10': LABEL_10
236
+ '11': LABEL_11
237
+ '12': LABEL_12
238
+ '13': LABEL_13
239
+ '14': LABEL_14
240
+ '15': LABEL_15
241
+ '16': LABEL_16
242
+ '17': LABEL_17
243
+ '18': LABEL_18
244
+ '19': LABEL_19
245
+ label2id:
246
+ desc: null
247
+ value:
248
+ LABEL_0: 0
249
+ LABEL_1: 1
250
+ LABEL_2: 2
251
+ LABEL_3: 3
252
+ LABEL_4: 4
253
+ LABEL_5: 5
254
+ LABEL_6: 6
255
+ LABEL_7: 7
256
+ LABEL_8: 8
257
+ LABEL_9: 9
258
+ LABEL_10: 10
259
+ LABEL_11: 11
260
+ LABEL_12: 12
261
+ LABEL_13: 13
262
+ LABEL_14: 14
263
+ LABEL_15: 15
264
+ LABEL_16: 16
265
+ LABEL_17: 17
266
+ LABEL_18: 18
267
+ LABEL_19: 19
268
+ tokenizer_class:
269
+ desc: null
270
+ value: null
271
+ prefix:
272
+ desc: null
273
+ value: null
274
+ bos_token_id:
275
+ desc: null
276
+ value: null
277
+ pad_token_id:
278
+ desc: null
279
+ value: 0
280
+ eos_token_id:
281
+ desc: null
282
+ value: null
283
+ sep_token_id:
284
+ desc: null
285
+ value: null
286
+ decoder_start_token_id:
287
+ desc: null
288
+ value: null
289
+ task_specific_params:
290
+ desc: null
291
+ value: null
292
+ problem_type:
293
+ desc: null
294
+ value: null
295
+ _name_or_path:
296
+ desc: null
297
+ value: ai-forever/ruBert-base
298
+ transformers_version:
299
+ desc: null
300
+ value: 4.41.2
301
+ directionality:
302
+ desc: null
303
+ value: bidi
304
+ pooler_fc_size:
305
+ desc: null
306
+ value: 768
307
+ pooler_num_attention_heads:
308
+ desc: null
309
+ value: 12
310
+ pooler_num_fc_layers:
311
+ desc: null
312
+ value: 3
313
+ pooler_size_per_head:
314
+ desc: null
315
+ value: 128
316
+ pooler_type:
317
+ desc: null
318
+ value: first_token_transform
319
+ model_type:
320
+ desc: null
321
+ value: bert
322
+ vocab_size:
323
+ desc: null
324
+ value: 120138
325
+ hidden_size:
326
+ desc: null
327
+ value: 768
328
+ num_hidden_layers:
329
+ desc: null
330
+ value: 12
331
+ num_attention_heads:
332
+ desc: null
333
+ value: 12
334
+ hidden_act:
335
+ desc: null
336
+ value: gelu
337
+ intermediate_size:
338
+ desc: null
339
+ value: 3072
340
+ hidden_dropout_prob:
341
+ desc: null
342
+ value: 0.1
343
+ attention_probs_dropout_prob:
344
+ desc: null
345
+ value: 0.1
346
+ max_position_embeddings:
347
+ desc: null
348
+ value: 512
349
+ type_vocab_size:
350
+ desc: null
351
+ value: 2
352
+ initializer_range:
353
+ desc: null
354
+ value: 0.02
355
+ layer_norm_eps:
356
+ desc: null
357
+ value: 1.0e-12
358
+ position_embedding_type:
359
+ desc: null
360
+ value: absolute
361
+ use_cache:
362
+ desc: null
363
+ value: true
364
+ classifier_dropout:
365
+ desc: null
366
+ value: null
367
+ output_dir:
368
+ desc: null
369
+ value: /kaggle/working/results
370
+ overwrite_output_dir:
371
+ desc: null
372
+ value: false
373
+ do_train:
374
+ desc: null
375
+ value: false
376
+ do_eval:
377
+ desc: null
378
+ value: true
379
+ do_predict:
380
+ desc: null
381
+ value: false
382
+ eval_strategy:
383
+ desc: null
384
+ value: epoch
385
+ prediction_loss_only:
386
+ desc: null
387
+ value: false
388
+ per_device_train_batch_size:
389
+ desc: null
390
+ value: 16
391
+ per_device_eval_batch_size:
392
+ desc: null
393
+ value: 16
394
+ per_gpu_train_batch_size:
395
+ desc: null
396
+ value: null
397
+ per_gpu_eval_batch_size:
398
+ desc: null
399
+ value: null
400
+ gradient_accumulation_steps:
401
+ desc: null
402
+ value: 1
403
+ eval_accumulation_steps:
404
+ desc: null
405
+ value: null
406
+ eval_delay:
407
+ desc: null
408
+ value: 0
409
+ learning_rate:
410
+ desc: null
411
+ value: 2.0e-05
412
+ weight_decay:
413
+ desc: null
414
+ value: 0.01
415
+ adam_beta1:
416
+ desc: null
417
+ value: 0.9
418
+ adam_beta2:
419
+ desc: null
420
+ value: 0.999
421
+ adam_epsilon:
422
+ desc: null
423
+ value: 1.0e-08
424
+ max_grad_norm:
425
+ desc: null
426
+ value: 1.0
427
+ num_train_epochs:
428
+ desc: null
429
+ value: 3
430
+ max_steps:
431
+ desc: null
432
+ value: -1
433
+ lr_scheduler_type:
434
+ desc: null
435
+ value: linear
436
+ lr_scheduler_kwargs:
437
+ desc: null
438
+ value: {}
439
+ warmup_ratio:
440
+ desc: null
441
+ value: 0.0
442
+ warmup_steps:
443
+ desc: null
444
+ value: 0
445
+ log_level:
446
+ desc: null
447
+ value: passive
448
+ log_level_replica:
449
+ desc: null
450
+ value: warning
451
+ log_on_each_node:
452
+ desc: null
453
+ value: true
454
+ logging_dir:
455
+ desc: null
456
+ value: /kaggle/working/logs
457
+ logging_strategy:
458
+ desc: null
459
+ value: steps
460
+ logging_first_step:
461
+ desc: null
462
+ value: false
463
+ logging_steps:
464
+ desc: null
465
+ value: 500
466
+ logging_nan_inf_filter:
467
+ desc: null
468
+ value: true
469
+ save_strategy:
470
+ desc: null
471
+ value: 'no'
472
+ save_steps:
473
+ desc: null
474
+ value: 500
475
+ save_total_limit:
476
+ desc: null
477
+ value: null
478
+ save_safetensors:
479
+ desc: null
480
+ value: true
481
+ save_on_each_node:
482
+ desc: null
483
+ value: false
484
+ save_only_model:
485
+ desc: null
486
+ value: false
487
+ restore_callback_states_from_checkpoint:
488
+ desc: null
489
+ value: false
490
+ no_cuda:
491
+ desc: null
492
+ value: false
493
+ use_cpu:
494
+ desc: null
495
+ value: false
496
+ use_mps_device:
497
+ desc: null
498
+ value: false
499
+ seed:
500
+ desc: null
501
+ value: 42
502
+ data_seed:
503
+ desc: null
504
+ value: null
505
+ jit_mode_eval:
506
+ desc: null
507
+ value: false
508
+ use_ipex:
509
+ desc: null
510
+ value: false
511
+ bf16:
512
+ desc: null
513
+ value: false
514
+ fp16:
515
+ desc: null
516
+ value: false
517
+ fp16_opt_level:
518
+ desc: null
519
+ value: O1
520
+ half_precision_backend:
521
+ desc: null
522
+ value: auto
523
+ bf16_full_eval:
524
+ desc: null
525
+ value: false
526
+ fp16_full_eval:
527
+ desc: null
528
+ value: false
529
+ tf32:
530
+ desc: null
531
+ value: null
532
+ local_rank:
533
+ desc: null
534
+ value: 0
535
+ ddp_backend:
536
+ desc: null
537
+ value: null
538
+ tpu_num_cores:
539
+ desc: null
540
+ value: null
541
+ tpu_metrics_debug:
542
+ desc: null
543
+ value: false
544
+ debug:
545
+ desc: null
546
+ value: []
547
+ dataloader_drop_last:
548
+ desc: null
549
+ value: false
550
+ eval_steps:
551
+ desc: null
552
+ value: null
553
+ dataloader_num_workers:
554
+ desc: null
555
+ value: 0
556
+ dataloader_prefetch_factor:
557
+ desc: null
558
+ value: null
559
+ past_index:
560
+ desc: null
561
+ value: -1
562
+ run_name:
563
+ desc: null
564
+ value: /kaggle/working/results
565
+ disable_tqdm:
566
+ desc: null
567
+ value: false
568
+ remove_unused_columns:
569
+ desc: null
570
+ value: true
571
+ label_names:
572
+ desc: null
573
+ value: null
574
+ load_best_model_at_end:
575
+ desc: null
576
+ value: false
577
+ metric_for_best_model:
578
+ desc: null
579
+ value: null
580
+ greater_is_better:
581
+ desc: null
582
+ value: null
583
+ ignore_data_skip:
584
+ desc: null
585
+ value: false
586
+ fsdp:
587
+ desc: null
588
+ value: []
589
+ fsdp_min_num_params:
590
+ desc: null
591
+ value: 0
592
+ fsdp_config:
593
+ desc: null
594
+ value:
595
+ min_num_params: 0
596
+ xla: false
597
+ xla_fsdp_v2: false
598
+ xla_fsdp_grad_ckpt: false
599
+ fsdp_transformer_layer_cls_to_wrap:
600
+ desc: null
601
+ value: null
602
+ accelerator_config:
603
+ desc: null
604
+ value:
605
+ split_batches: false
606
+ dispatch_batches: null
607
+ even_batches: true
608
+ use_seedable_sampler: true
609
+ non_blocking: false
610
+ gradient_accumulation_kwargs: null
611
+ deepspeed:
612
+ desc: null
613
+ value: null
614
+ label_smoothing_factor:
615
+ desc: null
616
+ value: 0.0
617
+ optim:
618
+ desc: null
619
+ value: adamw_torch
620
+ optim_args:
621
+ desc: null
622
+ value: null
623
+ adafactor:
624
+ desc: null
625
+ value: false
626
+ group_by_length:
627
+ desc: null
628
+ value: false
629
+ length_column_name:
630
+ desc: null
631
+ value: length
632
+ report_to:
633
+ desc: null
634
+ value:
635
+ - tensorboard
636
+ - wandb
637
+ ddp_find_unused_parameters:
638
+ desc: null
639
+ value: null
640
+ ddp_bucket_cap_mb:
641
+ desc: null
642
+ value: null
643
+ ddp_broadcast_buffers:
644
+ desc: null
645
+ value: null
646
+ dataloader_pin_memory:
647
+ desc: null
648
+ value: true
649
+ dataloader_persistent_workers:
650
+ desc: null
651
+ value: false
652
+ skip_memory_metrics:
653
+ desc: null
654
+ value: true
655
+ use_legacy_prediction_loop:
656
+ desc: null
657
+ value: false
658
+ push_to_hub:
659
+ desc: null
660
+ value: false
661
+ resume_from_checkpoint:
662
+ desc: null
663
+ value: null
664
+ hub_model_id:
665
+ desc: null
666
+ value: null
667
+ hub_strategy:
668
+ desc: null
669
+ value: every_save
670
+ hub_token:
671
+ desc: null
672
+ value: <HUB_TOKEN>
673
+ hub_private_repo:
674
+ desc: null
675
+ value: false
676
+ hub_always_push:
677
+ desc: null
678
+ value: false
679
+ gradient_checkpointing:
680
+ desc: null
681
+ value: false
682
+ gradient_checkpointing_kwargs:
683
+ desc: null
684
+ value: null
685
+ include_inputs_for_metrics:
686
+ desc: null
687
+ value: false
688
+ eval_do_concat_batches:
689
+ desc: null
690
+ value: true
691
+ fp16_backend:
692
+ desc: null
693
+ value: auto
694
+ evaluation_strategy:
695
+ desc: null
696
+ value: epoch
697
+ push_to_hub_model_id:
698
+ desc: null
699
+ value: null
700
+ push_to_hub_organization:
701
+ desc: null
702
+ value: null
703
+ push_to_hub_token:
704
+ desc: null
705
+ value: <PUSH_TO_HUB_TOKEN>
706
+ mp_parameters:
707
+ desc: null
708
+ value: ''
709
+ auto_find_batch_size:
710
+ desc: null
711
+ value: false
712
+ full_determinism:
713
+ desc: null
714
+ value: false
715
+ torchdynamo:
716
+ desc: null
717
+ value: null
718
+ ray_scope:
719
+ desc: null
720
+ value: last
721
+ ddp_timeout:
722
+ desc: null
723
+ value: 1800
724
+ torch_compile:
725
+ desc: null
726
+ value: false
727
+ torch_compile_backend:
728
+ desc: null
729
+ value: null
730
+ torch_compile_mode:
731
+ desc: null
732
+ value: null
733
+ dispatch_batches:
734
+ desc: null
735
+ value: null
736
+ split_batches:
737
+ desc: null
738
+ value: null
739
+ include_tokens_per_second:
740
+ desc: null
741
+ value: false
742
+ include_num_input_tokens_seen:
743
+ desc: null
744
+ value: false
745
+ neftune_noise_alpha:
746
+ desc: null
747
+ value: null
748
+ optim_target_modules:
749
+ desc: null
750
+ value: null
751
+ batch_eval_metrics:
752
+ desc: null
753
+ value: false
wandb/run-20240701_152738-arqg7ou1/files/output.log ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+
2
+ Successfully unpacked eval_pred: logits shape (9498, 20), labels shape (9498,)
3
+ Successfully unpacked eval_pred: logits shape (9498, 20), labels shape (9498,)
4
+ Successfully unpacked eval_pred: logits shape (9498, 20), labels shape (9498,)
wandb/run-20240701_152738-arqg7ou1/files/requirements.txt ADDED
@@ -0,0 +1,868 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Babel==2.14.0
2
+ Boruta==0.3
3
+ Brotli==1.1.0
4
+ CVXcanon==0.1.2
5
+ Cartopy==0.23.0
6
+ Cython==3.0.8
7
+ Deprecated==1.2.14
8
+ Farama-Notifications==0.0.4
9
+ Flask==3.0.3
10
+ Geohash==1.0
11
+ GitPython==3.1.41
12
+ ImageHash==4.3.1
13
+ Janome==0.5.0
14
+ Jinja2==3.1.2
15
+ LunarCalendar==0.0.9
16
+ Mako==1.3.5
17
+ Markdown==3.5.2
18
+ MarkupSafe==2.1.3
19
+ MarkupSafe==2.1.5
20
+ Pillow==9.5.0
21
+ PuLP==2.8.0
22
+ PyArabic==0.6.15
23
+ PyJWT==2.8.0
24
+ PyMeeus==0.5.12
25
+ PySocks==1.7.1
26
+ PyUpSet==0.1.1.post7
27
+ PyWavelets==1.5.0
28
+ PyYAML==6.0.1
29
+ Pygments==2.17.2
30
+ Pympler==1.0.1
31
+ QtPy==2.4.1
32
+ Rtree==1.2.0
33
+ SQLAlchemy==2.0.25
34
+ SecretStorage==3.3.3
35
+ Send2Trash==1.8.2
36
+ Shapely==1.8.5.post1
37
+ Shimmy==1.3.0
38
+ SimpleITK==2.3.1
39
+ TPOT==0.12.1
40
+ Theano-PyMC==1.1.2
41
+ Theano==1.0.5
42
+ Wand==0.6.13
43
+ Werkzeug==3.0.3
44
+ absl-py==1.4.0
45
+ accelerate==0.30.1
46
+ access==1.1.9
47
+ affine==2.4.0
48
+ aiobotocore==2.13.0
49
+ aiofiles==22.1.0
50
+ aiohttp==3.9.1
51
+ aioitertools==0.11.0
52
+ aiorwlock==1.3.0
53
+ aiosignal==1.3.1
54
+ aiosqlite==0.19.0
55
+ albumentations==1.4.0
56
+ alembic==1.13.1
57
+ altair==5.3.0
58
+ annotated-types==0.6.0
59
+ annotated-types==0.7.0
60
+ annoy==1.17.3
61
+ anyio==4.2.0
62
+ apache-beam==2.46.0
63
+ aplus==0.11.0
64
+ appdirs==1.4.4
65
+ archspec==0.2.3
66
+ argon2-cffi-bindings==21.2.0
67
+ argon2-cffi==23.1.0
68
+ array-record==0.5.0
69
+ arrow==1.3.0
70
+ arviz==0.18.0
71
+ astroid==3.2.2
72
+ astropy-iers-data==0.2024.6.3.0.31.14
73
+ astropy==6.1.0
74
+ asttokens==2.4.1
75
+ astunparse==1.6.3
76
+ async-lru==2.0.4
77
+ async-timeout==4.0.3
78
+ attrs==23.2.0
79
+ audioread==3.0.1
80
+ autopep8==2.0.4
81
+ backoff==2.2.1
82
+ bayesian-optimization==1.4.3
83
+ beatrix_jupyterlab==2023.128.151533
84
+ beautifulsoup4==4.12.2
85
+ blake3==0.2.1
86
+ bleach==6.1.0
87
+ blessed==1.20.0
88
+ blinker==1.8.2
89
+ blis==0.7.10
90
+ blosc2==2.6.2
91
+ bokeh==3.4.1
92
+ boltons==23.1.1
93
+ boto3==1.26.100
94
+ botocore==1.34.106
95
+ bq_helper==0.4.1
96
+ bqplot==0.12.43
97
+ branca==0.7.2
98
+ brewer2mpl==1.4.1
99
+ brotlipy==0.7.0
100
+ cached-property==1.5.2
101
+ cachetools==4.2.4
102
+ cachetools==5.3.2
103
+ catalogue==2.0.10
104
+ catalyst==22.4
105
+ catboost==1.2.5
106
+ category-encoders==2.6.3
107
+ certifi==2024.2.2
108
+ cesium==0.12.1
109
+ cffi==1.16.0
110
+ charset-normalizer==3.3.2
111
+ chex==0.1.86
112
+ cleverhans==4.0.0
113
+ click-plugins==1.1.1
114
+ click==8.1.7
115
+ cligj==0.7.2
116
+ cloud-tpu-client==0.10
117
+ cloud-tpu-profiler==2.4.0
118
+ cloudpathlib==0.16.0
119
+ cloudpickle==2.2.1
120
+ cloudpickle==3.0.0
121
+ cmdstanpy==1.2.3
122
+ colorama==0.4.6
123
+ colorcet==3.1.0
124
+ colorful==0.5.6
125
+ colorlog==6.8.2
126
+ colorlover==0.3.0
127
+ comm==0.2.1
128
+ conda-libmamba-solver==23.12.0
129
+ conda-package-handling==2.2.0
130
+ conda==24.5.0
131
+ conda_package_streaming==0.9.0
132
+ confection==0.1.4
133
+ contextily==1.6.0
134
+ contourpy==1.2.0
135
+ contourpy==1.2.1
136
+ convertdate==2.4.0
137
+ crcmod==1.7
138
+ cryptography==41.0.7
139
+ cuda-python==12.5.0
140
+ cudf==24.4.1
141
+ cufflinks==0.17.3
142
+ cuml==24.4.0
143
+ cupy==13.1.0
144
+ cycler==0.12.1
145
+ cymem==2.0.8
146
+ cytoolz==0.12.3
147
+ daal4py==2024.4.0
148
+ daal==2024.4.0
149
+ dacite==1.8.1
150
+ dask-cuda==24.4.0
151
+ dask-cudf==24.4.1
152
+ dask-expr==1.1.2
153
+ dask==2024.5.2
154
+ dataclasses-json==0.6.6
155
+ dataproc_jupyter_plugin==0.1.66
156
+ datasets==2.19.2
157
+ datashader==0.16.2
158
+ datatile==1.0.3
159
+ db-dtypes==1.2.0
160
+ deap==1.4.1
161
+ debugpy==1.8.0
162
+ decorator==5.1.1
163
+ deepdiff==7.0.1
164
+ defusedxml==0.7.1
165
+ deprecation==2.1.0
166
+ descartes==1.1.0
167
+ dill==0.3.8
168
+ dipy==1.9.0
169
+ distlib==0.3.8
170
+ distributed==2024.1.1
171
+ distro==1.9.0
172
+ dm-tree==0.1.8
173
+ docker-pycreds==0.4.0
174
+ docker==7.0.0
175
+ docopt==0.6.2
176
+ docstring-parser==0.15
177
+ docstring-to-markdown==0.15
178
+ docutils==0.21.2
179
+ earthengine-api==0.1.405
180
+ easydict==1.13
181
+ easyocr==1.7.1
182
+ ecos==2.0.13
183
+ eli5==0.13.0
184
+ emoji==2.12.1
185
+ en-core-web-lg==3.7.1
186
+ en-core-web-sm==3.7.1
187
+ entrypoints==0.4
188
+ ephem==4.1.5
189
+ esda==2.5.1
190
+ essentia==2.1b6.dev1110
191
+ et-xmlfile==1.1.0
192
+ etils==1.6.0
193
+ exceptiongroup==1.2.0
194
+ executing==2.0.1
195
+ explainable-ai-sdk==1.3.3
196
+ fastai==2.7.15
197
+ fastapi==0.108.0
198
+ fastavro==1.9.3
199
+ fastcore==1.5.43
200
+ fastdownload==0.0.7
201
+ fasteners==0.19
202
+ fastjsonschema==2.19.1
203
+ fastprogress==1.0.3
204
+ fastrlock==0.8.2
205
+ fasttext==0.9.2
206
+ feather-format==0.4.1
207
+ featuretools==1.31.0
208
+ filelock==3.13.1
209
+ fiona==1.9.6
210
+ fitter==1.7.0
211
+ flake8==7.0.0
212
+ flashtext==2.7
213
+ flatbuffers==23.5.26
214
+ flax==0.8.4
215
+ folium==0.16.0
216
+ fonttools==4.47.0
217
+ fonttools==4.53.0
218
+ fqdn==1.5.1
219
+ frozendict==2.4.4
220
+ frozenlist==1.4.1
221
+ fsspec==2024.3.1
222
+ fsspec==2024.5.0
223
+ funcy==2.0
224
+ fury==0.10.0
225
+ future==1.0.0
226
+ fuzzywuzzy==0.18.0
227
+ gast==0.5.4
228
+ gatspy==0.3
229
+ gcsfs==2024.3.1
230
+ gensim==4.3.2
231
+ geographiclib==2.0
232
+ geojson==3.1.0
233
+ geopandas==0.14.4
234
+ geoplot==0.5.1
235
+ geopy==2.4.1
236
+ geoviews==1.12.0
237
+ ggplot==0.11.5
238
+ giddy==2.3.5
239
+ gitdb==4.0.11
240
+ google-ai-generativelanguage==0.6.4
241
+ google-api-core==2.11.1
242
+ google-api-core==2.19.0
243
+ google-api-python-client==2.131.0
244
+ google-apitools==0.5.31
245
+ google-auth-httplib2==0.2.0
246
+ google-auth-oauthlib==1.2.0
247
+ google-auth==2.26.1
248
+ google-cloud-aiplatform==0.6.0a1
249
+ google-cloud-artifact-registry==1.10.0
250
+ google-cloud-automl==1.0.1
251
+ google-cloud-bigquery==2.34.4
252
+ google-cloud-bigtable==1.7.3
253
+ google-cloud-core==2.4.1
254
+ google-cloud-datastore==2.19.0
255
+ google-cloud-dlp==3.14.0
256
+ google-cloud-jupyter-config==0.0.5
257
+ google-cloud-language==2.13.3
258
+ google-cloud-monitoring==2.18.0
259
+ google-cloud-pubsub==2.19.0
260
+ google-cloud-pubsublite==1.9.0
261
+ google-cloud-recommendations-ai==0.7.1
262
+ google-cloud-resource-manager==1.11.0
263
+ google-cloud-spanner==3.40.1
264
+ google-cloud-storage==1.44.0
265
+ google-cloud-translate==3.12.1
266
+ google-cloud-videointelligence==2.13.3
267
+ google-cloud-vision==2.8.0
268
+ google-crc32c==1.5.0
269
+ google-generativeai==0.6.0
270
+ google-pasta==0.2.0
271
+ google-resumable-media==2.7.0
272
+ googleapis-common-protos==1.62.0
273
+ gplearn==0.4.2
274
+ gpustat==1.0.0
275
+ gpxpy==1.6.2
276
+ graphviz==0.20.3
277
+ greenlet==3.0.3
278
+ grpc-google-iam-v1==0.12.7
279
+ grpcio-status==1.48.1
280
+ grpcio-status==1.48.2
281
+ grpcio==1.59.3
282
+ grpcio==1.60.0
283
+ gviz-api==1.10.0
284
+ gym-notices==0.0.8
285
+ gym==0.26.2
286
+ gymnasium==0.29.0
287
+ h11==0.14.0
288
+ h2o==3.46.0.2
289
+ h5netcdf==1.3.0
290
+ h5py==3.10.0
291
+ haversine==2.8.1
292
+ hdfs==2.7.3
293
+ hep-ml==0.7.2
294
+ hijri-converter==2.3.1
295
+ hmmlearn==0.3.2
296
+ holidays==0.24
297
+ holoviews==1.18.3
298
+ hpsklearn==0.1.0
299
+ html5lib==1.1
300
+ htmlmin==0.1.12
301
+ httpcore==1.0.5
302
+ httplib2==0.21.0
303
+ httptools==0.6.1
304
+ httpx==0.27.0
305
+ huggingface-hub==0.23.2
306
+ hunspell==0.5.5
307
+ hydra-slayer==0.5.0
308
+ hyperopt==0.2.7
309
+ hypertools==0.8.0
310
+ idna==3.6
311
+ igraph==0.11.5
312
+ imagecodecs==2024.6.1
313
+ imageio==2.33.1
314
+ imbalanced-learn==0.12.3
315
+ imgaug==0.4.0
316
+ importlib-metadata==6.11.0
317
+ importlib-metadata==7.0.1
318
+ importlib-resources==6.1.1
319
+ inequality==1.0.1
320
+ iniconfig==2.0.0
321
+ ipydatawidgets==4.3.5
322
+ ipykernel==6.28.0
323
+ ipyleaflet==0.19.1
324
+ ipympl==0.7.0
325
+ ipython-genutils==0.2.0
326
+ ipython-genutils==0.2.0
327
+ ipython-sql==0.5.0
328
+ ipython==8.20.0
329
+ ipyvolume==0.6.3
330
+ ipyvue==1.11.1
331
+ ipyvuetify==1.9.4
332
+ ipywebrtc==0.6.0
333
+ ipywidgets==7.7.1
334
+ isoduration==20.11.0
335
+ isort==5.13.2
336
+ isoweek==1.3.3
337
+ itsdangerous==2.2.0
338
+ jaraco.classes==3.3.0
339
+ jax-jumpy==1.0.0
340
+ jax==0.4.26
341
+ jaxlib==0.4.26.dev20240504
342
+ jedi==0.19.1
343
+ jeepney==0.8.0
344
+ jieba==0.42.1
345
+ jmespath==1.0.1
346
+ joblib==1.4.2
347
+ json5==0.9.14
348
+ jsonpatch==1.33
349
+ jsonpointer==2.4
350
+ jsonschema-specifications==2023.12.1
351
+ jsonschema==4.20.0
352
+ jupyter-console==6.6.3
353
+ jupyter-events==0.9.0
354
+ jupyter-http-over-ws==0.0.8
355
+ jupyter-leaflet==0.19.1
356
+ jupyter-lsp==1.5.1
357
+ jupyter-server-mathjax==0.2.6
358
+ jupyter-ydoc==0.2.5
359
+ jupyter_client==7.4.9
360
+ jupyter_client==8.6.0
361
+ jupyter_core==5.7.1
362
+ jupyter_server==2.12.5
363
+ jupyter_server_fileid==0.9.1
364
+ jupyter_server_proxy==4.1.0
365
+ jupyter_server_terminals==0.5.1
366
+ jupyter_server_ydoc==0.8.0
367
+ jupyterlab-lsp==5.1.0
368
+ jupyterlab-widgets==3.0.9
369
+ jupyterlab==4.2.1
370
+ jupyterlab_git==0.44.0
371
+ jupyterlab_pygments==0.3.0
372
+ jupyterlab_server==2.27.2
373
+ jupytext==1.16.0
374
+ kaggle-environments==1.14.11
375
+ kaggle==1.6.14
376
+ kagglehub==0.2.5
377
+ keras-cv==0.9.0
378
+ keras-nlp==0.12.1
379
+ keras-tuner==1.4.6
380
+ keras==3.3.3
381
+ kernels-mixer==0.0.7
382
+ keyring==24.3.0
383
+ keyrings.google-artifactregistry-auth==1.1.2
384
+ kfp-pipeline-spec==0.2.2
385
+ kfp-server-api==2.0.5
386
+ kfp==2.5.0
387
+ kiwisolver==1.4.5
388
+ kmapper==2.0.1
389
+ kmodes==0.12.2
390
+ korean-lunar-calendar==0.3.1
391
+ kornia==0.7.2
392
+ kornia_rs==0.1.3
393
+ kt-legacy==1.0.5
394
+ kubernetes==26.1.0
395
+ langcodes==3.4.0
396
+ langid==1.1.6
397
+ language_data==1.2.0
398
+ lazy_loader==0.3
399
+ learntools==0.3.4
400
+ leven==1.0.4
401
+ libclang==16.0.6
402
+ libmambapy==1.5.8
403
+ libpysal==4.9.2
404
+ librosa==0.10.2.post1
405
+ lightgbm==4.2.0
406
+ lightning-utilities==0.11.2
407
+ lime==0.2.0.1
408
+ line_profiler==4.1.3
409
+ linkify-it-py==2.0.3
410
+ llvmlite==0.41.1
411
+ llvmlite==0.42.0
412
+ lml==0.1.0
413
+ locket==1.0.0
414
+ loguru==0.7.2
415
+ lxml==5.2.2
416
+ lz4==4.3.3
417
+ mamba==1.5.8
418
+ mapclassify==2.6.1
419
+ marisa-trie==1.1.0
420
+ markdown-it-py==3.0.0
421
+ marshmallow==3.21.2
422
+ matplotlib-inline==0.1.6
423
+ matplotlib-venn==0.11.10
424
+ matplotlib==3.7.5
425
+ matplotlib==3.8.4
426
+ mccabe==0.7.0
427
+ mdit-py-plugins==0.4.0
428
+ mdurl==0.1.2
429
+ memory-profiler==0.61.0
430
+ menuinst==2.0.1
431
+ mercantile==1.2.1
432
+ mgwr==2.2.1
433
+ missingno==0.5.2
434
+ mistune==0.8.4
435
+ mizani==0.11.4
436
+ ml-dtypes==0.2.0
437
+ mlcrate==0.2.0
438
+ mlens==0.2.3
439
+ mlxtend==0.23.1
440
+ mne==1.7.0
441
+ mnist==0.2.2
442
+ momepy==0.7.0
443
+ more-itertools==10.2.0
444
+ mpld3==0.5.10
445
+ mpmath==1.3.0
446
+ msgpack==1.0.7
447
+ msgpack==1.0.8
448
+ multidict==6.0.4
449
+ multimethod==1.10
450
+ multipledispatch==1.0.0
451
+ multiprocess==0.70.16
452
+ munkres==1.1.4
453
+ murmurhash==1.0.10
454
+ mypy-extensions==1.0.0
455
+ namex==0.0.8
456
+ nb-conda-kernels==2.3.1
457
+ nb_conda==2.2.1
458
+ nbclassic==1.0.0
459
+ nbclient==0.5.13
460
+ nbclient==0.9.0
461
+ nbconvert==6.4.5
462
+ nbdime==3.2.0
463
+ nbformat==5.9.2
464
+ ndindex==1.8
465
+ nest-asyncio==1.5.8
466
+ networkx==3.2.1
467
+ nibabel==5.2.1
468
+ nilearn==0.10.4
469
+ ninja==1.11.1.1
470
+ nltk==3.2.4
471
+ nose==1.3.7
472
+ notebook==6.5.4
473
+ notebook==6.5.6
474
+ notebook_executor==0.2
475
+ notebook_shim==0.2.3
476
+ numba==0.58.1
477
+ numba==0.59.1
478
+ numexpr==2.10.0
479
+ numpy==1.26.4
480
+ nvidia-ml-py==11.495.46
481
+ nvtx==0.2.10
482
+ oauth2client==4.1.3
483
+ oauthlib==3.2.2
484
+ objsize==0.6.1
485
+ odfpy==1.4.1
486
+ olefile==0.47
487
+ onnx==1.16.1
488
+ opencensus-context==0.1.3
489
+ opencensus==0.11.4
490
+ opencv-contrib-python==4.10.0.82
491
+ opencv-python-headless==4.10.0.82
492
+ opencv-python==4.10.0.82
493
+ openpyxl==3.1.3
494
+ openslide-python==1.3.1
495
+ opentelemetry-api==1.22.0
496
+ opentelemetry-exporter-otlp-proto-common==1.22.0
497
+ opentelemetry-exporter-otlp-proto-grpc==1.22.0
498
+ opentelemetry-exporter-otlp-proto-http==1.22.0
499
+ opentelemetry-exporter-otlp==1.22.0
500
+ opentelemetry-proto==1.22.0
501
+ opentelemetry-sdk==1.22.0
502
+ opentelemetry-semantic-conventions==0.43b0
503
+ opt-einsum==3.3.0
504
+ optax==0.2.2
505
+ optree==0.11.0
506
+ optuna==3.6.1
507
+ orbax-checkpoint==0.5.15
508
+ ordered-set==4.1.0
509
+ orjson==3.9.10
510
+ ortools==9.4.1874
511
+ osmnx==1.9.3
512
+ overrides==7.4.0
513
+ packaging==21.3
514
+ pandas-datareader==0.10.0
515
+ pandas-profiling==3.6.6
516
+ pandas-summary==0.2.0
517
+ pandas==2.2.1
518
+ pandas==2.2.2
519
+ pandasql==0.7.3
520
+ pandocfilters==1.5.0
521
+ panel==1.4.4
522
+ papermill==2.5.0
523
+ param==2.1.0
524
+ parso==0.8.3
525
+ partd==1.4.2
526
+ path.py==12.5.0
527
+ path==16.14.0
528
+ pathos==0.3.2
529
+ pathy==0.10.3
530
+ patsy==0.5.6
531
+ pdf2image==1.17.0
532
+ pettingzoo==1.24.0
533
+ pexpect==4.8.0
534
+ pexpect==4.9.0
535
+ phik==0.12.4
536
+ pickleshare==0.7.5
537
+ pillow==10.3.0
538
+ pip==23.3.2
539
+ pkgutil_resolve_name==1.3.10
540
+ platformdirs==3.11.0
541
+ platformdirs==4.1.0
542
+ plotly-express==0.4.1
543
+ plotly==5.18.0
544
+ plotnine==0.13.6
545
+ pluggy==1.5.0
546
+ pointpats==2.4.0
547
+ polars==0.20.31
548
+ polyglot==16.7.4
549
+ pooch==1.8.1
550
+ pox==0.3.4
551
+ ppca==0.0.4
552
+ ppft==1.7.6.8
553
+ preprocessing==0.1.13
554
+ preshed==3.0.9
555
+ prettytable==3.9.0
556
+ progressbar2==4.4.2
557
+ prometheus-client==0.19.0
558
+ promise==2.3
559
+ prompt-toolkit==3.0.42
560
+ prompt-toolkit==3.0.43
561
+ prophet==1.1.1
562
+ proto-plus==1.23.0
563
+ protobuf==3.20.3
564
+ protobuf==4.24.4
565
+ psutil==5.9.3
566
+ psutil==5.9.7
567
+ ptyprocess==0.7.0
568
+ pudb==2024.1
569
+ pure-eval==0.2.2
570
+ py-cpuinfo==9.0.0
571
+ py-spy==0.3.14
572
+ py4j==0.10.9.7
573
+ pyLDAvis==3.4.1
574
+ pyOpenSSL==23.3.0
575
+ pyaml==24.4.0
576
+ pyarrow-hotfix==0.6
577
+ pyarrow==14.0.2
578
+ pyasn1-modules==0.3.0
579
+ pyasn1==0.5.1
580
+ pybind11==2.12.0
581
+ pyclipper==1.3.0.post5
582
+ pycodestyle==2.11.1
583
+ pycosat==0.6.6
584
+ pycparser==2.21
585
+ pycryptodome==3.20.0
586
+ pyct==0.5.0
587
+ pycuda==2024.1
588
+ pydantic==2.5.3
589
+ pydantic==2.7.2
590
+ pydantic_core==2.14.6
591
+ pydantic_core==2.18.3
592
+ pydegensac==0.1.2
593
+ pydicom==2.4.4
594
+ pydocstyle==6.3.0
595
+ pydot==1.4.2
596
+ pydub==0.25.1
597
+ pyemd==1.0.0
598
+ pyerfa==2.0.1.4
599
+ pyexcel-io==0.6.6
600
+ pyexcel-ods==0.6.0
601
+ pyflakes==3.2.0
602
+ pygltflib==1.16.2
603
+ pykalman==0.9.7
604
+ pylibraft==24.4.0
605
+ pylint==3.2.2
606
+ pymc3==3.11.4
607
+ pymongo==3.13.0
608
+ pynndescent==0.5.12
609
+ pynvjitlink==0.2.3
610
+ pynvml==11.4.1
611
+ pynvrtc==9.2
612
+ pyparsing==3.1.1
613
+ pyparsing==3.1.2
614
+ pypdf==4.2.0
615
+ pyproj==3.6.1
616
+ pysal==24.1
617
+ pyshp==2.3.1
618
+ pytesseract==0.3.10
619
+ pytest==8.2.1
620
+ python-bidi==0.4.2
621
+ python-dateutil==2.9.0.post0
622
+ python-dotenv==1.0.0
623
+ python-json-logger==2.0.7
624
+ python-louvain==0.16
625
+ python-lsp-jsonrpc==1.1.2
626
+ python-lsp-server==1.11.0
627
+ python-slugify==8.0.4
628
+ python-utils==3.8.2
629
+ pythreejs==2.4.2
630
+ pytoolconfig==1.3.1
631
+ pytools==2024.1.3
632
+ pytorch-ignite==0.5.0.post2
633
+ pytorch-lightning==2.2.5
634
+ pytz==2023.3.post1
635
+ pytz==2024.1
636
+ pyu2f==0.1.5
637
+ pyviz_comms==3.0.2
638
+ pyzmq==24.0.1
639
+ pyzmq==25.1.2
640
+ qgrid==1.3.1
641
+ qtconsole==5.5.2
642
+ quantecon==0.7.2
643
+ qudida==0.0.4
644
+ raft-dask==24.4.0
645
+ rapids-dask-dependency==24.4.1a0
646
+ rasterio==1.3.10
647
+ rasterstats==0.19.0
648
+ ray-cpp==2.9.0
649
+ ray==2.9.0
650
+ referencing==0.32.1
651
+ regex==2023.12.25
652
+ requests-oauthlib==1.3.1
653
+ requests-toolbelt==0.10.1
654
+ requests==2.32.3
655
+ retrying==1.3.3
656
+ retrying==1.3.4
657
+ rfc3339-validator==0.1.4
658
+ rfc3986-validator==0.1.1
659
+ rgf-python==3.12.0
660
+ rich-click==1.8.2
661
+ rich==13.7.0
662
+ rich==13.7.1
663
+ rmm==24.4.0
664
+ rope==1.13.0
665
+ rpds-py==0.16.2
666
+ rsa==4.9
667
+ ruamel-yaml-conda==0.15.100
668
+ ruamel.yaml.clib==0.2.7
669
+ ruamel.yaml==0.18.5
670
+ s2sphere==0.2.5
671
+ s3fs==2024.3.1
672
+ s3transfer==0.6.2
673
+ safetensors==0.4.3
674
+ scattertext==0.1.19
675
+ scikit-image==0.22.0
676
+ scikit-learn-intelex==2024.4.0
677
+ scikit-learn==1.2.2
678
+ scikit-multilearn==0.2.0
679
+ scikit-optimize==0.10.1
680
+ scikit-plot==0.3.7
681
+ scikit-surprise==1.1.4
682
+ scipy==1.11.4
683
+ scipy==1.13.1
684
+ seaborn==0.12.2
685
+ segment_anything==1.0
686
+ segregation==2.5
687
+ semver==3.0.2
688
+ sentencepiece==0.2.0
689
+ sentry-sdk==2.3.1
690
+ setproctitle==1.3.3
691
+ setuptools-git==1.2
692
+ setuptools-scm==8.1.0
693
+ setuptools==69.0.3
694
+ shap==0.44.1
695
+ shapely==2.0.4
696
+ shellingham==1.5.4
697
+ simpervisor==1.0.0
698
+ simplejson==3.19.2
699
+ six==1.16.0
700
+ sklearn-pandas==2.2.0
701
+ slicer==0.0.7
702
+ smart-open==6.4.0
703
+ smmap==5.0.1
704
+ sniffio==1.3.0
705
+ snowballstemmer==2.2.0
706
+ snuggs==1.4.7
707
+ sortedcontainers==2.4.0
708
+ soundfile==0.12.1
709
+ soupsieve==2.5
710
+ soxr==0.3.7
711
+ spacy-legacy==3.0.12
712
+ spacy-loggers==1.0.5
713
+ spacy==3.7.3
714
+ spaghetti==1.7.5.post1
715
+ spectral==0.23.1
716
+ spglm==1.1.0
717
+ sphinx-rtd-theme==0.2.4
718
+ spint==1.0.7
719
+ splot==1.1.5.post1
720
+ spopt==0.6.0
721
+ spreg==1.4.2
722
+ spvcm==0.3.0
723
+ sqlparse==0.4.4
724
+ squarify==0.4.3
725
+ srsly==2.4.8
726
+ stable-baselines3==2.1.0
727
+ stack-data==0.6.2
728
+ stack-data==0.6.3
729
+ stanio==0.5.0
730
+ starlette==0.32.0.post1
731
+ statsmodels==0.14.1
732
+ stemming==1.0.1
733
+ stop-words==2018.7.23
734
+ stopit==1.1.2
735
+ stumpy==1.12.0
736
+ sympy==1.12.1
737
+ tables==3.9.2
738
+ tabulate==0.9.0
739
+ tangled-up-in-unicode==0.2.0
740
+ tbb==2021.12.0
741
+ tblib==3.0.0
742
+ tenacity==8.2.3
743
+ tensorboard-data-server==0.7.2
744
+ tensorboard-plugin-profile==2.15.0
745
+ tensorboard==2.15.1
746
+ tensorboardX==2.6.2.2
747
+ tensorflow-cloud==0.1.16
748
+ tensorflow-datasets==4.9.4
749
+ tensorflow-decision-forests==1.8.1
750
+ tensorflow-estimator==2.15.0
751
+ tensorflow-hub==0.16.1
752
+ tensorflow-io-gcs-filesystem==0.35.0
753
+ tensorflow-io==0.35.0
754
+ tensorflow-metadata==0.14.0
755
+ tensorflow-probability==0.23.0
756
+ tensorflow-serving-api==2.14.1
757
+ tensorflow-text==2.15.0
758
+ tensorflow-transform==0.14.0
759
+ tensorflow==2.15.0
760
+ tensorstore==0.1.60
761
+ termcolor==2.4.0
762
+ terminado==0.18.0
763
+ testpath==0.6.0
764
+ text-unidecode==1.3
765
+ textblob==0.18.0.post0
766
+ texttable==1.7.0
767
+ tf_keras==2.15.1
768
+ tfp-nightly==0.24.0.dev0
769
+ thinc==8.2.3
770
+ threadpoolctl==3.2.0
771
+ tifffile==2023.12.9
772
+ timm==1.0.3
773
+ tinycss2==1.2.1
774
+ tobler==0.11.2
775
+ tokenizers==0.19.1
776
+ toml==0.10.2
777
+ tomli==2.0.1
778
+ tomlkit==0.12.5
779
+ toolz==0.12.1
780
+ torch==2.1.2
781
+ torchaudio==2.1.2
782
+ torchdata==0.7.1
783
+ torchinfo==1.8.0
784
+ torchmetrics==1.4.0.post0
785
+ torchtext==0.16.2
786
+ torchvision==0.16.2
787
+ tornado==6.3.3
788
+ tqdm==4.66.4
789
+ traceml==1.0.8
790
+ traitlets==5.9.0
791
+ traittypes==0.2.1
792
+ transformers==4.41.2
793
+ treelite==4.1.2
794
+ truststore==0.8.0
795
+ trx-python==0.2.9
796
+ tsfresh==0.20.2
797
+ typeguard==4.1.5
798
+ typer==0.9.0
799
+ typer==0.9.4
800
+ types-python-dateutil==2.8.19.20240106
801
+ typing-inspect==0.9.0
802
+ typing-utils==0.1.0
803
+ typing_extensions==4.9.0
804
+ tzdata==2023.4
805
+ tzdata==2024.1
806
+ uc-micro-py==1.0.3
807
+ ucx-py==0.37.0
808
+ ujson==5.10.0
809
+ umap-learn==0.5.6
810
+ unicodedata2==15.1.0
811
+ update-checker==0.18.0
812
+ uri-template==1.3.0
813
+ uritemplate==3.0.1
814
+ urllib3==1.26.18
815
+ urllib3==2.1.0
816
+ urwid==2.6.12
817
+ urwid_readline==0.14
818
+ uvicorn==0.25.0
819
+ uvloop==0.19.0
820
+ vaex-astro==0.9.3
821
+ vaex-core==4.17.1
822
+ vaex-hdf5==0.14.1
823
+ vaex-jupyter==0.8.2
824
+ vaex-ml==0.18.3
825
+ vaex-server==0.9.0
826
+ vaex-viz==0.5.4
827
+ vaex==4.17.0
828
+ vec_noise==1.1.4
829
+ vecstack==0.4.0
830
+ virtualenv==20.21.0
831
+ visions==0.7.5
832
+ vowpalwabbit==9.9.0
833
+ vtk==9.3.0
834
+ wandb==0.17.0
835
+ wasabi==1.1.2
836
+ watchfiles==0.21.0
837
+ wavio==0.0.9
838
+ wcwidth==0.2.13
839
+ weasel==0.3.4
840
+ webcolors==1.13
841
+ webencodings==0.5.1
842
+ websocket-client==1.7.0
843
+ websockets==12.0
844
+ wfdb==4.1.2
845
+ whatthepatch==1.0.5
846
+ wheel==0.42.0
847
+ widgetsnbextension==3.6.6
848
+ witwidget==1.8.1
849
+ woodwork==0.31.0
850
+ wordcloud==1.9.3
851
+ wordsegment==1.3.1
852
+ wrapt==1.14.1
853
+ xarray-einstats==0.7.0
854
+ xarray==2024.5.0
855
+ xgboost==2.0.3
856
+ xvfbwrapper==0.2.9
857
+ xxhash==3.4.1
858
+ xyzservices==2024.4.0
859
+ y-py==0.6.2
860
+ yapf==0.40.2
861
+ yarl==1.9.3
862
+ yarl==1.9.4
863
+ ydata-profiling==4.6.4
864
+ yellowbrick==1.5
865
+ ypy-websocket==0.8.4
866
+ zict==3.0.0
867
+ zipp==3.17.0
868
+ zstandard==0.19.0
wandb/run-20240701_152738-arqg7ou1/files/wandb-metadata.json ADDED
@@ -0,0 +1,62 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.133+-x86_64-with-glibc2.31",
3
+ "python": "3.10.13",
4
+ "heartbeatAt": "2024-07-01T15:27:39.204935",
5
+ "startedAt": "2024-07-01T15:27:38.101519",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "kaggle.ipynb",
11
+ "codePathLocal": null,
12
+ "root": "/kaggle/working",
13
+ "host": "95a155af2c37",
14
+ "username": "root",
15
+ "executable": "/opt/conda/bin/python3.10",
16
+ "cpu_count": 2,
17
+ "cpu_count_logical": 4,
18
+ "cpu_freq": {
19
+ "current": 2000.152,
20
+ "min": 0.0,
21
+ "max": 0.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2000.152,
26
+ "min": 0.0,
27
+ "max": 0.0
28
+ },
29
+ {
30
+ "current": 2000.152,
31
+ "min": 0.0,
32
+ "max": 0.0
33
+ },
34
+ {
35
+ "current": 2000.152,
36
+ "min": 0.0,
37
+ "max": 0.0
38
+ },
39
+ {
40
+ "current": 2000.152,
41
+ "min": 0.0,
42
+ "max": 0.0
43
+ }
44
+ ],
45
+ "disk": {
46
+ "/": {
47
+ "total": 8062.387607574463,
48
+ "used": 5690.0600662231445
49
+ }
50
+ },
51
+ "gpu": "Tesla P100-PCIE-16GB",
52
+ "gpu_count": 1,
53
+ "gpu_devices": [
54
+ {
55
+ "name": "Tesla P100-PCIE-16GB",
56
+ "memory_total": 17179869184
57
+ }
58
+ ],
59
+ "memory": {
60
+ "total": 31.357563018798828
61
+ }
62
+ }
wandb/run-20240701_152738-arqg7ou1/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"train/loss": 0.2846, "train/grad_norm": 37.48632049560547, "train/learning_rate": 4.905239687848384e-07, "train/epoch": 3.0, "train/global_step": 7176, "_timestamp": 1719854575.12353, "_runtime": 6917.014837026596, "_step": 17, "eval/loss": 1.758689284324646, "eval/accuracy": 0.5889660981259213, "eval/runtime": 162.9754, "eval/samples_per_second": 58.279, "eval/steps_per_second": 3.645, "train_runtime": 6931.4948, "train_samples_per_second": 16.559, "train_steps_per_second": 1.035, "total_flos": 3.020476768100352e+16, "train_loss": 0.7345970705600088}
wandb/run-20240701_152738-arqg7ou1/logs/debug-internal.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20240701_152738-arqg7ou1/logs/debug.log ADDED
@@ -0,0 +1,35 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0
2
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Configure stats pid to 34
3
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying login settings: {}
9
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
10
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_init.py:_log_setup():520] Logging user logs to /kaggle/working/wandb/run-20240701_152738-arqg7ou1/logs/debug.log
11
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_init.py:_log_setup():521] Logging internal logs to /kaggle/working/wandb/run-20240701_152738-arqg7ou1/logs/debug-internal.log
12
+ 2024-07-01 15:27:38,103 INFO MainThread:34 [wandb_init.py:_jupyter_setup():466] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7f22d3255b10>
13
+ 2024-07-01 15:27:38,104 INFO MainThread:34 [wandb_init.py:init():560] calling init triggers
14
+ 2024-07-01 15:27:38,104 INFO MainThread:34 [wandb_init.py:init():567] wandb.init called with sweep_config: {}
15
+ config: {}
16
+ 2024-07-01 15:27:38,104 INFO MainThread:34 [wandb_init.py:init():610] starting backend
17
+ 2024-07-01 15:27:38,104 INFO MainThread:34 [wandb_init.py:init():614] setting up manager
18
+ 2024-07-01 15:27:38,105 INFO MainThread:34 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
19
+ 2024-07-01 15:27:38,108 INFO MainThread:34 [wandb_init.py:init():622] backend started and connected
20
+ 2024-07-01 15:27:38,122 INFO MainThread:34 [wandb_run.py:_label_probe_notebook():1328] probe notebook
21
+ 2024-07-01 15:27:38,897 INFO MainThread:34 [wandb_init.py:init():711] updated telemetry
22
+ 2024-07-01 15:27:38,900 INFO MainThread:34 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout
23
+ 2024-07-01 15:27:39,122 INFO MainThread:34 [wandb_run.py:_on_init():2396] communicating current version
24
+ 2024-07-01 15:27:39,170 INFO MainThread:34 [wandb_run.py:_on_init():2405] got version response upgrade_message: "wandb version 0.17.3 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
25
+
26
+ 2024-07-01 15:27:39,170 INFO MainThread:34 [wandb_init.py:init():795] starting run threads in backend
27
+ 2024-07-01 15:27:55,179 INFO MainThread:34 [wandb_run.py:_console_start():2374] atexit reg
28
+ 2024-07-01 15:27:55,179 INFO MainThread:34 [wandb_run.py:_redirect():2229] redirect: wrap_raw
29
+ 2024-07-01 15:27:55,180 INFO MainThread:34 [wandb_run.py:_redirect():2294] Wrapping output streams.
30
+ 2024-07-01 15:27:55,180 INFO MainThread:34 [wandb_run.py:_redirect():2319] Redirects installed.
31
+ 2024-07-01 15:27:55,184 INFO MainThread:34 [wandb_init.py:init():838] run started, returning control to user process
32
+ 2024-07-01 15:27:55,189 INFO MainThread:34 [wandb_run.py:_config_callback():1376] config_cb None None {'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': ['BertForMaskedLM'], 'finetuning_task': None, 'id2label': {0: 'LABEL_0', 1: 'LABEL_1', 2: 'LABEL_2', 3: 'LABEL_3', 4: 'LABEL_4', 5: 'LABEL_5', 6: 'LABEL_6', 7: 'LABEL_7', 8: 'LABEL_8', 9: 'LABEL_9', 10: 'LABEL_10', 11: 'LABEL_11', 12: 'LABEL_12', 13: 'LABEL_13', 14: 'LABEL_14', 15: 'LABEL_15', 16: 'LABEL_16', 17: 'LABEL_17', 18: 'LABEL_18', 19: 'LABEL_19'}, 'label2id': {'LABEL_0': 0, 'LABEL_1': 1, 'LABEL_2': 2, 'LABEL_3': 3, 'LABEL_4': 4, 'LABEL_5': 5, 'LABEL_6': 6, 'LABEL_7': 7, 'LABEL_8': 8, 'LABEL_9': 9, 'LABEL_10': 10, 'LABEL_11': 11, 'LABEL_12': 12, 'LABEL_13': 13, 'LABEL_14': 14, 'LABEL_15': 15, 'LABEL_16': 16, 'LABEL_17': 17, 'LABEL_18': 18, 'LABEL_19': 19}, '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': 'ai-forever/ruBert-base', 'transformers_version': '4.41.2', 'directionality': 'bidi', 'pooler_fc_size': 768, 'pooler_num_attention_heads': 12, 'pooler_num_fc_layers': 3, 'pooler_size_per_head': 128, 'pooler_type': 'first_token_transform', 'model_type': 'bert', 'vocab_size': 120138, '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/results', '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, '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': 3, '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': '/kaggle/working/logs', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'no', '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': '/kaggle/working/results', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, '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': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': 'epoch', '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}
33
+ 2024-07-01 17:22:55,126 INFO MainThread:34 [jupyter.py:save_ipynb():373] not saving jupyter notebook
34
+ 2024-07-01 17:22:55,126 INFO MainThread:34 [wandb_init.py:_pause_backend():431] pausing backend
35
+ 2024-07-01 17:22:55,134 INFO MainThread:34 [wandb_init.py:_resume_backend():436] resuming backend
wandb/run-20240701_152738-arqg7ou1/run-arqg7ou1.wandb ADDED
Binary file (164 kB). View file