ubermenchh commited on
Commit
9651c9d
1 Parent(s): daf42aa

End of training

Browse files
README.md ADDED
@@ -0,0 +1,67 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ base_model: allenai/led-base-16384
4
+ tags:
5
+ - generated_from_trainer
6
+ datasets:
7
+ - scientific_papers
8
+ model-index:
9
+ - name: allenai/led-base-16384
10
+ results: []
11
+ ---
12
+
13
+ <!-- This model card has been generated automatically according to the information the Trainer had access to. You
14
+ should probably proofread and complete it, then remove this comment. -->
15
+
16
+ # allenai/led-base-16384
17
+
18
+ This model is a fine-tuned version of [allenai/led-base-16384](https://huggingface.co/allenai/led-base-16384) on the scientific_papers dataset.
19
+ It achieves the following results on the evaluation set:
20
+ - Loss: 2.7667
21
+ - Rouge2 Precision: 0.15
22
+ - Rouge2 Recall: 0.0913
23
+ - Rouge2 Fmeasure: 0.1075
24
+
25
+ ## Model description
26
+
27
+ More information needed
28
+
29
+ ## Intended uses & limitations
30
+
31
+ More information needed
32
+
33
+ ## Training and evaluation data
34
+
35
+ More information needed
36
+
37
+ ## Training procedure
38
+
39
+ ### Training hyperparameters
40
+
41
+ The following hyperparameters were used during training:
42
+ - learning_rate: 5e-05
43
+ - train_batch_size: 2
44
+ - eval_batch_size: 2
45
+ - seed: 42
46
+ - gradient_accumulation_steps: 4
47
+ - total_train_batch_size: 8
48
+ - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
49
+ - lr_scheduler_type: linear
50
+ - num_epochs: 1
51
+ - mixed_precision_training: Native AMP
52
+
53
+ ### Training results
54
+
55
+ | Training Loss | Epoch | Step | Validation Loss | Rouge2 Precision | Rouge2 Recall | Rouge2 Fmeasure |
56
+ |:-------------:|:-----:|:----:|:---------------:|:----------------:|:-------------:|:---------------:|
57
+ | 2.8931 | 0.32 | 10 | 2.9211 | 0.1243 | 0.1206 | 0.1119 |
58
+ | 3.0026 | 0.64 | 20 | 2.8150 | 0.1589 | 0.1102 | 0.1241 |
59
+ | 2.7651 | 0.96 | 30 | 2.7667 | 0.15 | 0.0913 | 0.1075 |
60
+
61
+
62
+ ### Framework versions
63
+
64
+ - Transformers 4.36.0
65
+ - Pytorch 2.0.0
66
+ - Datasets 2.1.0
67
+ - Tokenizers 0.15.0
config.json ADDED
@@ -0,0 +1,59 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "allenai/led-base-16384",
3
+ "activation_dropout": 0.0,
4
+ "activation_function": "gelu",
5
+ "architectures": [
6
+ "LEDForConditionalGeneration"
7
+ ],
8
+ "attention_dropout": 0.0,
9
+ "attention_window": [
10
+ 1024,
11
+ 1024,
12
+ 1024,
13
+ 1024,
14
+ 1024,
15
+ 1024
16
+ ],
17
+ "bos_token_id": 0,
18
+ "classif_dropout": 0.0,
19
+ "classifier_dropout": 0.0,
20
+ "d_model": 768,
21
+ "decoder_attention_heads": 12,
22
+ "decoder_ffn_dim": 3072,
23
+ "decoder_layerdrop": 0.0,
24
+ "decoder_layers": 6,
25
+ "decoder_start_token_id": 2,
26
+ "dropout": 0.1,
27
+ "early_stopping": true,
28
+ "encoder_attention_heads": 12,
29
+ "encoder_ffn_dim": 3072,
30
+ "encoder_layerdrop": 0.0,
31
+ "encoder_layers": 6,
32
+ "eos_token_id": 2,
33
+ "id2label": {
34
+ "0": "LABEL_0",
35
+ "1": "LABEL_1",
36
+ "2": "LABEL_2"
37
+ },
38
+ "init_std": 0.02,
39
+ "is_encoder_decoder": true,
40
+ "label2id": {
41
+ "LABEL_0": 0,
42
+ "LABEL_1": 1,
43
+ "LABEL_2": 2
44
+ },
45
+ "length_penalty": 2.0,
46
+ "max_decoder_position_embeddings": 1024,
47
+ "max_encoder_position_embeddings": 16384,
48
+ "max_length": 512,
49
+ "min_length": 100,
50
+ "model_type": "led",
51
+ "no_repeat_ngram_size": 3,
52
+ "num_beams": 2,
53
+ "num_hidden_layers": 6,
54
+ "pad_token_id": 1,
55
+ "torch_dtype": "float32",
56
+ "transformers_version": "4.36.0",
57
+ "use_cache": false,
58
+ "vocab_size": 50265
59
+ }
generation_config.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token_id": 0,
3
+ "decoder_start_token_id": 2,
4
+ "early_stopping": true,
5
+ "eos_token_id": 2,
6
+ "length_penalty": 2.0,
7
+ "max_length": 512,
8
+ "min_length": 100,
9
+ "no_repeat_ngram_size": 3,
10
+ "num_beams": 2,
11
+ "pad_token_id": 1,
12
+ "transformers_version": "4.36.0",
13
+ "use_cache": false
14
+ }
merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:978f714b3326fbac498c33a12ec115bb29d11415bbfa7bbdf7cb5d0330060790
3
+ size 647614116
runs/Jan03_10-55-16_416a3b7a3d3d/events.out.tfevents.1704279323.416a3b7a3d3d.99.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7f31c738e5789918a849fd88445c34dfc3022bed19f25ade8845eeaca402d702
3
+ size 5384
runs/Jan03_11-05-09_416a3b7a3d3d/events.out.tfevents.1704279912.416a3b7a3d3d.99.1 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8a4b594ec94e061283c1279b8eff5f16fd6ffb592bef52e20e1060b45f4ac1a5
3
+ size 7665
special_tokens_map.json ADDED
@@ -0,0 +1,51 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<s>",
4
+ "lstrip": false,
5
+ "normalized": true,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "cls_token": {
10
+ "content": "<s>",
11
+ "lstrip": false,
12
+ "normalized": true,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "eos_token": {
17
+ "content": "</s>",
18
+ "lstrip": false,
19
+ "normalized": true,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "mask_token": {
24
+ "content": "<mask>",
25
+ "lstrip": true,
26
+ "normalized": true,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ },
30
+ "pad_token": {
31
+ "content": "<pad>",
32
+ "lstrip": false,
33
+ "normalized": true,
34
+ "rstrip": false,
35
+ "single_word": false
36
+ },
37
+ "sep_token": {
38
+ "content": "</s>",
39
+ "lstrip": false,
40
+ "normalized": true,
41
+ "rstrip": false,
42
+ "single_word": false
43
+ },
44
+ "unk_token": {
45
+ "content": "<unk>",
46
+ "lstrip": false,
47
+ "normalized": true,
48
+ "rstrip": false,
49
+ "single_word": false
50
+ }
51
+ }
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
+ "add_prefix_space": false,
3
+ "added_tokens_decoder": {
4
+ "0": {
5
+ "content": "<s>",
6
+ "lstrip": false,
7
+ "normalized": true,
8
+ "rstrip": false,
9
+ "single_word": false,
10
+ "special": true
11
+ },
12
+ "1": {
13
+ "content": "<pad>",
14
+ "lstrip": false,
15
+ "normalized": true,
16
+ "rstrip": false,
17
+ "single_word": false,
18
+ "special": true
19
+ },
20
+ "2": {
21
+ "content": "</s>",
22
+ "lstrip": false,
23
+ "normalized": true,
24
+ "rstrip": false,
25
+ "single_word": false,
26
+ "special": true
27
+ },
28
+ "3": {
29
+ "content": "<unk>",
30
+ "lstrip": false,
31
+ "normalized": true,
32
+ "rstrip": false,
33
+ "single_word": false,
34
+ "special": true
35
+ },
36
+ "50264": {
37
+ "content": "<mask>",
38
+ "lstrip": true,
39
+ "normalized": true,
40
+ "rstrip": false,
41
+ "single_word": false,
42
+ "special": true
43
+ }
44
+ },
45
+ "bos_token": "<s>",
46
+ "clean_up_tokenization_spaces": true,
47
+ "cls_token": "<s>",
48
+ "eos_token": "</s>",
49
+ "errors": "replace",
50
+ "mask_token": "<mask>",
51
+ "model_max_length": 16384,
52
+ "pad_token": "<pad>",
53
+ "sep_token": "</s>",
54
+ "tokenizer_class": "LEDTokenizer",
55
+ "trim_offsets": true,
56
+ "unk_token": "<unk>"
57
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bc8bbd6b5a6dc612ef1cf9874c87292958457840d40ca01939f9dae1c60bf486
3
+ size 4347
vocab.json 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,55 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Current SDK version is 0.16.1
2
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Configure stats pid to 99
3
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_init.py:_log_setup():524] Logging user logs to /kaggle/working/wandb/run-20240103_105541-kk0m5fl8/logs/debug.log
10
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_init.py:_log_setup():525] Logging internal logs to /kaggle/working/wandb/run-20240103_105541-kk0m5fl8/logs/debug-internal.log
11
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:_jupyter_setup():470] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x78c0792cf100>
12
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:init():564] calling init triggers
13
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:init():571] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:init():614] starting backend
16
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:init():618] setting up manager
17
+ 2024-01-03 10:55:41,498 INFO MainThread:99 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-01-03 10:55:41,501 INFO MainThread:99 [wandb_init.py:init():624] backend started and connected
19
+ 2024-01-03 10:55:41,513 INFO MainThread:99 [wandb_run.py:_label_probe_notebook():1294] probe notebook
20
+ 2024-01-03 10:55:42,150 INFO MainThread:99 [wandb_init.py:init():716] updated telemetry
21
+ 2024-01-03 10:55:42,164 INFO MainThread:99 [wandb_init.py:init():749] communicating run to backend with 90.0 second timeout
22
+ 2024-01-03 10:55:42,671 INFO MainThread:99 [wandb_run.py:_on_init():2254] communicating current version
23
+ 2024-01-03 10:55:42,725 INFO MainThread:99 [wandb_run.py:_on_init():2263] got version response
24
+ 2024-01-03 10:55:42,725 INFO MainThread:99 [wandb_init.py:init():800] starting run threads in backend
25
+ 2024-01-03 10:56:12,751 INFO MainThread:99 [wandb_run.py:_console_start():2233] atexit reg
26
+ 2024-01-03 10:56:12,751 INFO MainThread:99 [wandb_run.py:_redirect():2088] redirect: wrap_raw
27
+ 2024-01-03 10:56:12,752 INFO MainThread:99 [wandb_run.py:_redirect():2153] Wrapping output streams.
28
+ 2024-01-03 10:56:12,752 INFO MainThread:99 [wandb_run.py:_redirect():2178] Redirects installed.
29
+ 2024-01-03 10:56:12,753 INFO MainThread:99 [wandb_init.py:init():841] run started, returning control to user process
30
+ 2024-01-03 10:56:12,760 INFO MainThread:99 [wandb_run.py:_config_callback():1342] config_cb None None {'vocab_size': 50265, 'max_encoder_position_embeddings': 16384, 'max_decoder_position_embeddings': 1024, 'd_model': 768, 'encoder_ffn_dim': 3072, 'encoder_layers': 6, 'encoder_attention_heads': 12, 'decoder_ffn_dim': 3072, 'decoder_layers': 6, 'decoder_attention_heads': 12, 'dropout': 0.1, 'attention_dropout': 0.0, 'activation_dropout': 0.0, 'activation_function': 'gelu', 'init_std': 0.02, 'encoder_layerdrop': 0.0, 'decoder_layerdrop': 0.0, 'classifier_dropout': 0.0, 'use_cache': False, 'num_hidden_layers': 6, 'attention_window': [1024, 1024, 1024, 1024, 1024, 1024], '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, 'is_encoder_decoder': True, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 512, 'min_length': 100, 'do_sample': False, 'early_stopping': True, 'num_beams': 2, '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': 2.0, 'no_repeat_ngram_size': 3, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'chunk_size_feed_forward': 0, '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': ['LEDForConditionalGeneration'], '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': 0, 'pad_token_id': 1, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': 2, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'allenai/led-base-16384', 'transformers_version': '4.36.0', 'classif_dropout': 0.0, 'model_type': 'led', 'output_dir': './', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 2, 'per_device_eval_batch_size': 2, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 4, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 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': 1, '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': './runs/Jan03_10-55-16_416a3b7a3d3d', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 5, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': 10, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': '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, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': False, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'sortish_sampler': False, 'predict_with_generate': True, 'generation_max_length': None, 'generation_num_beams': None, 'generation_config': None}
31
+ 2024-01-03 11:04:25,631 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
32
+ 2024-01-03 11:04:25,631 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
33
+ 2024-01-03 11:05:08,175 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
34
+ 2024-01-03 11:05:08,177 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
35
+ 2024-01-03 11:05:08,177 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
36
+ 2024-01-03 11:05:09,557 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
37
+ 2024-01-03 11:05:09,559 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
38
+ 2024-01-03 11:05:09,559 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
39
+ 2024-01-03 11:05:09,778 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
40
+ 2024-01-03 11:05:09,785 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
41
+ 2024-01-03 11:05:09,785 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
42
+ 2024-01-03 11:05:11,278 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
43
+ 2024-01-03 11:05:11,290 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
44
+ 2024-01-03 11:05:11,290 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
45
+ 2024-01-03 11:05:12,067 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
46
+ 2024-01-03 11:05:12,538 INFO MainThread:99 [wandb_run.py:_config_callback():1342] config_cb None None {'vocab_size': 50265, 'max_encoder_position_embeddings': 16384, 'max_decoder_position_embeddings': 1024, 'd_model': 768, 'encoder_ffn_dim': 3072, 'encoder_layers': 6, 'encoder_attention_heads': 12, 'decoder_ffn_dim': 3072, 'decoder_layers': 6, 'decoder_attention_heads': 12, 'dropout': 0.1, 'attention_dropout': 0.0, 'activation_dropout': 0.0, 'activation_function': 'gelu', 'init_std': 0.02, 'encoder_layerdrop': 0.0, 'decoder_layerdrop': 0.0, 'classifier_dropout': 0.0, 'use_cache': False, 'num_hidden_layers': 6, 'attention_window': [1024, 1024, 1024, 1024, 1024, 1024], '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, 'is_encoder_decoder': True, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 512, 'min_length': 100, 'do_sample': False, 'early_stopping': True, 'num_beams': 2, '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': 2.0, 'no_repeat_ngram_size': 3, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'chunk_size_feed_forward': 0, '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': ['LEDForConditionalGeneration'], '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': 0, 'pad_token_id': 1, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': 2, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'allenai/led-base-16384', 'transformers_version': '4.36.0', 'classif_dropout': 0.0, 'model_type': 'led', 'output_dir': './', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 2, 'per_device_eval_batch_size': 2, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 4, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 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': 1, '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': './runs/Jan03_11-05-09_416a3b7a3d3d', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 5, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': 10, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': '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, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': False, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'sortish_sampler': False, 'predict_with_generate': True, 'generation_max_length': None, 'generation_num_beams': None, 'generation_config': None}
47
+ 2024-01-03 11:27:53,766 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
48
+ 2024-01-03 11:27:53,766 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
49
+ 2024-01-03 11:28:23,468 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
50
+ 2024-01-03 11:28:24,109 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
51
+ 2024-01-03 11:28:24,109 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
52
+ 2024-01-03 11:29:06,752 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
53
+ 2024-01-03 11:29:06,779 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
54
+ 2024-01-03 11:29:06,780 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
55
+ 2024-01-03 11:29:56,569 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
wandb/run-20240103_105541-kk0m5fl8/files/conda-environment.yaml ADDED
@@ -0,0 +1,1060 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ name: base
2
+ channels:
3
+ - pytorch
4
+ - file:///tmp/conda
5
+ - rapidsai
6
+ - nvidia
7
+ - conda-forge
8
+ - defaults
9
+ dependencies:
10
+ - _libgcc_mutex=0.1=conda_forge
11
+ - _openmp_mutex=4.5=2_gnu
12
+ - aiohttp=3.8.5=py310h2372a71_0
13
+ - aiosignal=1.3.1=pyhd8ed1ab_0
14
+ - annotated-types=0.6.0=pyhd8ed1ab_0
15
+ - anyio=3.7.1=pyhd8ed1ab_0
16
+ - archspec=0.2.2=pyhd8ed1ab_0
17
+ - argon2-cffi-bindings=21.2.0=py310h5764c6d_3
18
+ - arrow=1.2.3=pyhd8ed1ab_0
19
+ - arrow-cpp=11.0.0=ha770c72_9_cpu
20
+ - asttokens=2.2.1=pyhd8ed1ab_0
21
+ - async-lru=2.0.4=pyhd8ed1ab_0
22
+ - async-timeout=4.0.3=pyhd8ed1ab_0
23
+ - atk-1.0=2.38.0=hd4edc92_1
24
+ - attrs=23.1.0=pyh71513ae_1
25
+ - aws-c-auth=0.6.26=h987a71b_2
26
+ - aws-c-cal=0.5.21=h48707d8_2
27
+ - aws-c-common=0.8.14=h0b41bf4_0
28
+ - aws-c-compression=0.2.16=h03acc5a_5
29
+ - aws-c-event-stream=0.2.20=h00877a2_4
30
+ - aws-c-http=0.7.6=hf342b9f_0
31
+ - aws-c-io=0.13.19=h5b20300_3
32
+ - aws-c-mqtt=0.8.6=hc4349f7_12
33
+ - aws-c-s3=0.2.7=h909e904_1
34
+ - aws-c-sdkutils=0.1.9=h03acc5a_0
35
+ - aws-checksums=0.1.14=h03acc5a_5
36
+ - aws-crt-cpp=0.19.8=hf7fbfca_12
37
+ - aws-sdk-cpp=1.10.57=h17c43bd_8
38
+ - babel=2.12.1=pyhd8ed1ab_1
39
+ - backcall=0.2.0=pyh9f0ad1d_0
40
+ - backports=1.0=pyhd8ed1ab_3
41
+ - backports.functools_lru_cache=1.6.5=pyhd8ed1ab_0
42
+ - beautifulsoup4=4.12.2=pyha770c72_0
43
+ - bleach=6.0.0=pyhd8ed1ab_0
44
+ - bokeh=3.3.2=pyhd8ed1ab_0
45
+ - boltons=23.0.0=pyhd8ed1ab_0
46
+ - brotli=1.0.9=h166bdaf_9
47
+ - brotli-bin=1.0.9=h166bdaf_9
48
+ - brotlipy=0.7.0=py310h7f8727e_1002
49
+ - bzip2=1.0.8=h7b6447c_0
50
+ - c-ares=1.23.0=hd590300_0
51
+ - ca-certificates=2023.11.17=hbcca054_0
52
+ - cached-property=1.5.2=hd8ed1ab_1
53
+ - cached_property=1.5.2=pyha770c72_1
54
+ - cairo=1.18.0=h3faef2a_0
55
+ - cartopy=0.22.0=py310hcc13569_1
56
+ - catalogue=2.0.10=py310hff52083_0
57
+ - certifi=2023.11.17=pyhd8ed1ab_0
58
+ - cffi=1.15.1=py310h255011f_3
59
+ - charset-normalizer=3.2.0=pyhd8ed1ab_0
60
+ - click=8.1.7=unix_pyh707e725_0
61
+ - cloudpathlib=0.16.0=pyhd8ed1ab_0
62
+ - colorama=0.4.6=pyhd8ed1ab_0
63
+ - comm=0.1.4=pyhd8ed1ab_0
64
+ - conda=23.7.4=py310hff52083_0
65
+ - conda-libmamba-solver=23.7.0=pyhd8ed1ab_0
66
+ - conda-package-handling=2.2.0=pyh38be061_0
67
+ - conda-package-streaming=0.9.0=pyhd8ed1ab_0
68
+ - confection=0.1.4=py310h17c5347_0
69
+ - cryptography=41.0.3=py310h75e40e8_0
70
+ - cubinlinker=0.3.0=py310hfdf336d_0
71
+ - cuda-cudart=11.8.89=0
72
+ - cuda-nvrtc=11.8.89=0
73
+ - cuda-profiler-api=11.8.86=0
74
+ - cuda-python=11.8.3=py310hf9913ef_0
75
+ - cuda-version=11.8=h70ddcb2_2
76
+ - cudatoolkit=11.8.0=h4ba93d1_12
77
+ - cudf=23.08.00=cuda11_py310_230809_g8150d38e08_0
78
+ - cuml=23.08.00=cuda11_py310_230809_gd7162cdea_0
79
+ - cupy=12.3.0=py310hf4db66c_0
80
+ - curl=8.5.0=hca28451_0
81
+ - cymem=2.0.8=py310hc6cd4ac_1
82
+ - cython-blis=0.7.10=py310h1f7b6fc_2
83
+ - cytoolz=0.12.2=py310h2372a71_1
84
+ - dask-cuda=23.08.00=py310_230809_gefbd6ca_0
85
+ - dask-cudf=23.08.00=cuda11_py310_230809_g8150d38e08_0
86
+ - decorator=5.1.1=pyhd8ed1ab_0
87
+ - defusedxml=0.7.1=pyhd8ed1ab_0
88
+ - distro=1.8.0=pyhd8ed1ab_0
89
+ - dlenv-tf-2-13-gpu=1.0.20230823=py310had803b4_0
90
+ - dlpack=0.5=h9c3ff4c_0
91
+ - entrypoints=0.4=pyhd8ed1ab_0
92
+ - exceptiongroup=1.1.3=pyhd8ed1ab_0
93
+ - executing=1.2.0=pyhd8ed1ab_0
94
+ - expat=2.5.0=hcb278e6_1
95
+ - fastrlock=0.8.2=py310hc6cd4ac_1
96
+ - fftw=3.3.10=nompi_hc118613_108
97
+ - flit-core=3.9.0=pyhd8ed1ab_0
98
+ - fmt=9.1.0=h924138e_0
99
+ - font-ttf-dejavu-sans-mono=2.37=hab24e00_0
100
+ - font-ttf-inconsolata=3.000=h77eed37_0
101
+ - font-ttf-source-code-pro=2.038=h77eed37_0
102
+ - font-ttf-ubuntu=0.83=h77eed37_1
103
+ - fontconfig=2.14.2=h14ed4e7_0
104
+ - fonts-conda-ecosystem=1=0
105
+ - fonts-conda-forge=1=0
106
+ - fqdn=1.5.1=pyhd8ed1ab_0
107
+ - freetype=2.12.1=h267a509_2
108
+ - fribidi=1.0.10=h36c2ea0_0
109
+ - frozenlist=1.4.0=py310h2372a71_0
110
+ - gdk-pixbuf=2.42.10=h829c605_4
111
+ - geos=3.11.1=h27087fc_0
112
+ - gettext=0.21.1=h27087fc_0
113
+ - gflags=2.2.2=he1b5a44_1004
114
+ - ghostscript=10.02.1=h59595ed_0
115
+ - giflib=5.2.1=h0b41bf4_3
116
+ - glog=0.6.0=h6f12383_0
117
+ - gmock=1.14.0=ha770c72_1
118
+ - google-api-core-grpc=2.11.1=hd8ed1ab_0
119
+ - google-auth=2.22.0=pyh1a96a4e_0
120
+ - google-cloud-core=2.3.3=pyhd8ed1ab_0
121
+ - google-cloud-datastore=2.18.0=pyhd8ed1ab_0
122
+ - googleapis-common-protos=1.60.0=pyhd8ed1ab_0
123
+ - graphite2=1.3.13=h58526e2_1001
124
+ - graphviz=9.0.0=h78e8752_1
125
+ - grpc-cpp=1.51.1=h27aab58_3
126
+ - gtest=1.14.0=h00ab1b0_1
127
+ - gtk2=2.24.33=h7f000aa_3
128
+ - gts=0.7.6=h977cf35_4
129
+ - harfbuzz=8.3.0=h3d44ed6_0
130
+ - icu=73.2=h59595ed_0
131
+ - idna=3.4=pyhd8ed1ab_0
132
+ - imagemagick=7.1.1_21=pl5321hdc43972_1
133
+ - importlib-metadata=6.8.0=pyha770c72_0
134
+ - importlib_metadata=6.8.0=hd8ed1ab_0
135
+ - importlib_resources=6.0.1=pyhd8ed1ab_0
136
+ - intel-openmp=2023.1.0=hdb19cb5_46306
137
+ - ipykernel=6.25.1=pyh71e2992_0
138
+ - ipython=8.14.0=pyh41d4057_0
139
+ - isoduration=20.11.0=pyhd8ed1ab_0
140
+ - jbig=2.1=h7f98852_2003
141
+ - jedi=0.19.0=pyhd8ed1ab_0
142
+ - jinja2=3.1.2=pyhd8ed1ab_1
143
+ - joblib=1.3.2=pyhd8ed1ab_0
144
+ - json5=0.9.14=pyhd8ed1ab_0
145
+ - jsonpatch=1.32=pyhd8ed1ab_0
146
+ - jsonpointer=2.0=py_0
147
+ - jsonschema=4.19.0=pyhd8ed1ab_1
148
+ - jsonschema-specifications=2023.7.1=pyhd8ed1ab_0
149
+ - jsonschema-with-format-nongpl=4.19.0=pyhd8ed1ab_1
150
+ - jupyter_client=8.3.0=pyhd8ed1ab_0
151
+ - jupyter_core=5.3.1=py310hff52083_0
152
+ - jupyter_server=2.7.1=pyhd8ed1ab_0
153
+ - jupyter_server_terminals=0.4.4=pyhd8ed1ab_1
154
+ - jupyterlab_pygments=0.2.2=pyhd8ed1ab_0
155
+ - jupyterlab_server=2.24.0=pyhd8ed1ab_0
156
+ - keyutils=1.6.1=h166bdaf_0
157
+ - krb5=1.21.2=h659d440_0
158
+ - langcodes=3.3.0=pyhd8ed1ab_0
159
+ - lcms2=2.16=hb7c19ff_0
160
+ - ld_impl_linux-64=2.40=h41732ed_0
161
+ - lerc=4.0.0=h27087fc_0
162
+ - libabseil=20230125.0=cxx17_hcb278e6_1
163
+ - libarchive=3.6.2=h039dbb9_1
164
+ - libarrow=11.0.0=h33598ff_9_cpu
165
+ - libblas=3.9.0=20_linux64_openblas
166
+ - libbrotlicommon=1.0.9=h166bdaf_9
167
+ - libbrotlidec=1.0.9=h166bdaf_9
168
+ - libbrotlienc=1.0.9=h166bdaf_9
169
+ - libcblas=3.9.0=20_linux64_openblas
170
+ - libcrc32c=1.1.2=h9c3ff4c_0
171
+ - libcublas=11.11.3.6=0
172
+ - libcublas-dev=11.11.3.6=0
173
+ - libcudf=23.08.00=cuda11_230809_g8150d38e08_0
174
+ - libcufft=10.9.0.58=0
175
+ - libcufile=1.4.0.31=0
176
+ - libcufile-dev=1.4.0.31=0
177
+ - libcuml=23.08.00=cuda11_230809_gd7162cdea_0
178
+ - libcumlprims=23.08.00=cuda11_230809_g71c0a86_0
179
+ - libcurand=10.3.0.86=0
180
+ - libcurand-dev=10.3.0.86=0
181
+ - libcurl=8.5.0=hca28451_0
182
+ - libcusolver=11.4.1.48=0
183
+ - libcusolver-dev=11.4.1.48=0
184
+ - libcusparse=11.7.5.86=0
185
+ - libcusparse-dev=11.7.5.86=0
186
+ - libdeflate=1.19=hd590300_0
187
+ - libedit=3.1.20191231=he28a2e2_2
188
+ - libev=4.33=hd590300_2
189
+ - libevent=2.1.10=h28343ad_4
190
+ - libexpat=2.5.0=hcb278e6_1
191
+ - libffi=3.4.2=h7f98852_5
192
+ - libgcc=7.2.0=h69d50b8_2
193
+ - libgcc-ng=13.1.0=he5830b7_0
194
+ - libgd=2.3.3=h119a65a_9
195
+ - libgfortran-ng=13.2.0=h69a702a_0
196
+ - libgfortran5=13.2.0=ha4646dd_0
197
+ - libglib=2.78.3=h783c2da_0
198
+ - libgomp=13.1.0=he5830b7_0
199
+ - libgoogle-cloud=2.8.0=h3c06191_0
200
+ - libgrpc=1.51.1=hcf146ea_3
201
+ - libiconv=1.17=hd590300_1
202
+ - libjpeg-turbo=3.0.0=hd590300_1
203
+ - libkvikio=23.08.00=cuda11_230809_g51a9036_0
204
+ - liblapack=3.9.0=20_linux64_openblas
205
+ - libllvm14=14.0.6=hcd5def8_4
206
+ - libmamba=1.5.0=h658169a_0
207
+ - libmambapy=1.5.0=py310h8aae740_0
208
+ - libnghttp2=1.58.0=h47da74e_1
209
+ - libnsl=2.0.0=h7f98852_0
210
+ - libnuma=2.0.16=h0b41bf4_1
211
+ - libopenblas=0.3.25=pthreads_h413a1c8_0
212
+ - libpng=1.6.39=h753d276_0
213
+ - libprotobuf=3.21.12=hfc55251_2
214
+ - libraft=23.08.00=cuda11_230809_ge588d7b5_0
215
+ - libraft-headers=23.08.00=cuda11_230809_ge588d7b5_0
216
+ - libraft-headers-only=23.08.00=cuda11_230809_ge588d7b5_0
217
+ - librmm=23.08.00=cuda11_230809_gf3af0e8d_0
218
+ - librsvg=2.56.3=h98fae49_0
219
+ - libsodium=1.0.18=h36c2ea0_1
220
+ - libsolv=0.7.27=hfc55251_0
221
+ - libsqlite=3.44.2=h2797004_0
222
+ - libssh2=1.11.0=h0841786_0
223
+ - libstdcxx-ng=13.1.0=hfd8a6a1_0
224
+ - libthrift=0.18.0=h5e4af38_0
225
+ - libtiff=4.6.0=ha9c0a0a_2
226
+ - libutf8proc=2.8.0=h166bdaf_0
227
+ - libuuid=2.38.1=h0b41bf4_0
228
+ - libuv=1.44.2=hd590300_1
229
+ - libwebp=1.3.2=h658648e_1
230
+ - libwebp-base=1.3.2=hd590300_0
231
+ - libxcb=1.15=h0b41bf4_0
232
+ - libxml2=2.11.6=h232c23b_0
233
+ - libzlib=1.2.13=hd590300_5
234
+ - llvm-openmp=8.0.1=hc9558a2_0
235
+ - locket=1.0.0=pyhd8ed1ab_0
236
+ - lz4=4.3.2=py310h350c4a5_1
237
+ - lz4-c=1.9.4=hcb278e6_0
238
+ - lzo=2.10=h516909a_1000
239
+ - magma-cuda118=2.6.1=1
240
+ - mamba=1.5.0=py310h51d5547_0
241
+ - markdown-it-py=3.0.0=pyhd8ed1ab_0
242
+ - markupsafe=2.1.3=py310h2372a71_0
243
+ - matplotlib-base=3.8.2=py310h62c0568_0
244
+ - matplotlib-inline=0.1.6=pyhd8ed1ab_0
245
+ - menuinst=2.0.1=py310hff52083_0
246
+ - mkl=2023.1.0=h213fc3f_46344
247
+ - msgpack-python=1.0.7=py310hd41b1e2_0
248
+ - multidict=6.0.4=py310h1fa729e_0
249
+ - munkres=1.1.4=pyh9f0ad1d_0
250
+ - murmurhash=1.0.10=py310hc6cd4ac_1
251
+ - nb_conda=2.2.1=unix_6
252
+ - nb_conda_kernels=2.3.1=py310hff52083_2
253
+ - nbformat=5.9.2=pyhd8ed1ab_0
254
+ - nccl=2.19.4.1=h6103f9b_0
255
+ - ncurses=6.4=hcb278e6_0
256
+ - nodejs=6.13.1=0
257
+ - notebook-shim=0.2.3=pyhd8ed1ab_0
258
+ - nvcomp=2.6.1=h838ba91_3
259
+ - nvtx=0.2.8=py310h2372a71_1
260
+ - openjpeg=2.5.0=h488ebb8_3
261
+ - openmp=8.0.1=0
262
+ - openssl=3.2.0=hd590300_1
263
+ - orc=1.8.2=hfdbbad2_2
264
+ - pandocfilters=1.5.0=pyhd8ed1ab_0
265
+ - pango=1.50.14=ha41ecd1_2
266
+ - parquet-cpp=1.5.1=2
267
+ - parso=0.8.3=pyhd8ed1ab_0
268
+ - partd=1.4.1=pyhd8ed1ab_0
269
+ - pathy=0.10.1=py310h06a4308_0
270
+ - pcre2=10.42=hcad00b1_0
271
+ - perl=5.32.1=4_hd590300_perl5
272
+ - pexpect=4.8.0=pyh1a96a4e_2
273
+ - pickleshare=0.7.5=py_1003
274
+ - pip=23.2.1=pyhd8ed1ab_0
275
+ - pixman=0.42.2=h59595ed_0
276
+ - pkg-config=0.29.2=h36c2ea0_1008
277
+ - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_0
278
+ - pluggy=1.2.0=pyhd8ed1ab_0
279
+ - preshed=3.0.9=py310hc6cd4ac_1
280
+ - proj=9.3.1=h1d62c97_0
281
+ - prometheus_client=0.17.1=pyhd8ed1ab_0
282
+ - prompt-toolkit=3.0.39=pyha770c72_0
283
+ - prompt_toolkit=3.0.39=hd8ed1ab_0
284
+ - pthread-stubs=0.4=h36c2ea0_1001
285
+ - ptxcompiler=0.8.1=py310h70a93da_2
286
+ - ptyprocess=0.7.0=pyhd3deb0d_0
287
+ - pure_eval=0.2.2=pyhd8ed1ab_0
288
+ - pyarrow=11.0.0=py310h633f555_9_cpu
289
+ - pybind11-abi=4=hd8ed1ab_3
290
+ - pycosat=0.6.4=py310h5764c6d_1
291
+ - pydantic-core=2.14.5=py310hcb5633a_0
292
+ - pygments=2.16.1=pyhd8ed1ab_0
293
+ - pylibraft=23.08.00=cuda11_py310_230809_ge588d7b5_0
294
+ - pynvml=11.4.1=pyhd8ed1ab_0
295
+ - pyopenssl=23.2.0=pyhd8ed1ab_1
296
+ - pyproj=3.6.1=py310hd5c30f3_5
297
+ - pyshp=2.3.1=pyhd8ed1ab_0
298
+ - pysocks=1.7.1=py310h06a4308_0
299
+ - python=3.10.12=hd12c33a_0_cpython
300
+ - python-dateutil=2.8.2=pyhd8ed1ab_0
301
+ - python-fastjsonschema=2.18.0=pyhd8ed1ab_0
302
+ - python-json-logger=2.0.7=pyhd8ed1ab_0
303
+ - python_abi=3.10=3_cp310
304
+ - pytz=2023.3=pyhd8ed1ab_0
305
+ - pyu2f=0.1.5=pyhd8ed1ab_0
306
+ - pyyaml=6.0.1=py310h2372a71_0
307
+ - raft-dask=23.08.00=cuda11_py310_230809_ge588d7b5_0
308
+ - rdma-core=28.9=h59595ed_1
309
+ - re2=2023.02.02=hcb278e6_0
310
+ - readline=8.2=h8228510_1
311
+ - referencing=0.30.2=pyhd8ed1ab_0
312
+ - reproc=14.2.4.post0=hd590300_1
313
+ - reproc-cpp=14.2.4.post0=h59595ed_1
314
+ - requests=2.31.0=pyhd8ed1ab_0
315
+ - rfc3339-validator=0.1.4=pyhd8ed1ab_0
316
+ - rfc3986-validator=0.1.1=pyh9f0ad1d_0
317
+ - rmm=23.08.00=cuda11_py310_230809_gf3af0e8d_0
318
+ - rpds-py=0.9.2=py310hcb5633a_0
319
+ - rsa=4.9=pyhd8ed1ab_0
320
+ - ruamel.yaml=0.17.32=py310h2372a71_0
321
+ - ruamel.yaml.clib=0.2.7=py310h1fa729e_1
322
+ - ruamel_yaml=0.15.100=py310h7f8727e_0
323
+ - s2n=1.3.41=h3358134_0
324
+ - send2trash=1.8.2=pyh41d4057_0
325
+ - setuptools=68.1.2=pyhd8ed1ab_0
326
+ - shapely=1.8.5=py310h5b266fc_2
327
+ - shellingham=1.5.4=pyhd8ed1ab_0
328
+ - smart_open=6.4.0=pyhd8ed1ab_0
329
+ - snappy=1.1.10=h9fff704_0
330
+ - sniffio=1.3.0=pyhd8ed1ab_0
331
+ - sortedcontainers=2.4.0=pyhd8ed1ab_0
332
+ - spacy=3.7.2=py310hcb52e73_0
333
+ - spacy-legacy=3.0.12=pyhd8ed1ab_0
334
+ - spacy-loggers=1.0.5=pyhd8ed1ab_0
335
+ - spdlog=1.11.0=h9b3ece8_1
336
+ - sqlite=3.38.2=hc218d9a_0
337
+ - srsly=2.4.8=py310hc6cd4ac_1
338
+ - stack_data=0.6.2=pyhd8ed1ab_0
339
+ - tblib=3.0.0=pyhd8ed1ab_0
340
+ - terminado=0.17.1=pyh41d4057_0
341
+ - thinc=8.2.1=py310hcb52e73_0
342
+ - tinycss2=1.2.1=pyhd8ed1ab_0
343
+ - tk=8.6.13=noxft_h4845f30_101
344
+ - tomli=2.0.1=pyhd8ed1ab_0
345
+ - toolz=0.12.0=pyhd8ed1ab_0
346
+ - tornado=6.3.3=py310h2372a71_0
347
+ - tqdm=4.66.1=pyhd8ed1ab_0
348
+ - traitlets=5.9.0=pyhd8ed1ab_0
349
+ - treelite=3.2.0=py310h1be96d9_0
350
+ - truststore=0.8.0=pyhd8ed1ab_0
351
+ - typer=0.9.0=pyhd8ed1ab_0
352
+ - typing_extensions=4.7.1=pyha770c72_0
353
+ - typing_utils=0.1.0=pyhd8ed1ab_0
354
+ - ucx=1.14.1=h64cca9d_5
355
+ - ucx-proc=1.0.0=gpu
356
+ - ucx-py=0.33.00=py310_230809_gea1eb8f_0
357
+ - unicodedata2=15.1.0=py310h2372a71_0
358
+ - uri-template=1.3.0=pyhd8ed1ab_0
359
+ - wasabi=1.1.2=py310hff52083_0
360
+ - wcwidth=0.2.6=pyhd8ed1ab_0
361
+ - weasel=0.3.4=pyhd8ed1ab_0
362
+ - webcolors=1.13=pyhd8ed1ab_0
363
+ - websocket-client=1.6.2=pyhd8ed1ab_0
364
+ - wheel=0.41.2=pyhd8ed1ab_0
365
+ - xorg-kbproto=1.0.7=h7f98852_1002
366
+ - xorg-libice=1.1.1=hd590300_0
367
+ - xorg-libsm=1.2.4=h7391055_0
368
+ - xorg-libx11=1.8.7=h8ee46fc_0
369
+ - xorg-libxau=1.0.11=hd590300_0
370
+ - xorg-libxdmcp=1.1.3=h7f98852_0
371
+ - xorg-libxext=1.3.4=h0b41bf4_2
372
+ - xorg-libxrender=0.9.11=hd590300_0
373
+ - xorg-libxt=1.3.0=hd590300_1
374
+ - xorg-renderproto=0.11.1=h7f98852_1002
375
+ - xorg-xextproto=7.3.0=h0b41bf4_1003
376
+ - xorg-xproto=7.0.31=h7f98852_1007
377
+ - xyzservices=2023.10.1=pyhd8ed1ab_0
378
+ - xz=5.2.6=h166bdaf_0
379
+ - yaml=0.2.5=h7b6447c_0
380
+ - yaml-cpp=0.7.0=h59595ed_3
381
+ - yarl=1.9.2=py310h2372a71_0
382
+ - zeromq=4.3.4=h9c3ff4c_1
383
+ - zict=3.0.0=pyhd8ed1ab_0
384
+ - zipp=3.16.2=pyhd8ed1ab_0
385
+ - zlib=1.2.13=hd590300_5
386
+ - zstandard=0.22.0=py310h1275a96_0
387
+ - zstd=1.5.5=hfc55251_0
388
+ - pip:
389
+ - absl-py==1.4.0
390
+ - accelerate==0.25.0
391
+ - access==1.1.9
392
+ - affine==2.4.0
393
+ - aiobotocore==2.8.0
394
+ - aiohttp-cors==0.7.0
395
+ - aioitertools==0.11.0
396
+ - aiorwlock==1.3.0
397
+ - albumentations==1.3.1
398
+ - alembic==1.13.0
399
+ - altair==5.2.0
400
+ - annoy==1.17.3
401
+ - ansiwrap==0.8.4
402
+ - apache-beam==2.46.0
403
+ - aplus==0.11.0
404
+ - appdirs==1.4.4
405
+ - argon2-cffi==23.1.0
406
+ - array-record==0.4.1
407
+ - arviz==0.12.1
408
+ - astroid==3.0.2
409
+ - astropy==6.0.0
410
+ - astropy-iers-data==0.2023.12.11.0.31.11
411
+ - astunparse==1.6.3
412
+ - audioread==3.0.1
413
+ - autopep8==2.0.4
414
+ - backoff==2.2.1
415
+ - bayesian-optimization==1.4.3
416
+ - bayespy==0.5.26
417
+ - beatrix-jupyterlab==2023.814.150030
418
+ - bidict==0.22.1
419
+ - biopython==1.81
420
+ - blake3==0.2.1
421
+ - blessed==1.20.0
422
+ - blinker==1.7.0
423
+ - blosc2==2.3.2
424
+ - boruta==0.3
425
+ - boto3==1.26.100
426
+ - botocore==1.33.1
427
+ - bqplot==0.12.42
428
+ - branca==0.7.0
429
+ - brewer2mpl==1.4.1
430
+ - cachetools==4.2.4
431
+ - catalyst==22.4
432
+ - catboost==1.2.2
433
+ - category-encoders==2.6.3
434
+ - cesium==0.12.1
435
+ - cftime==1.6.3
436
+ - chex==0.1.85
437
+ - cleverhans==4.0.0
438
+ - click-plugins==1.1.1
439
+ - cligj==0.7.2
440
+ - cloud-tpu-client==0.10
441
+ - cloud-tpu-profiler==2.4.0
442
+ - cloudpickle==2.2.1
443
+ - cmdstanpy==1.2.0
444
+ - cmudict==1.0.15
445
+ - colorcet==3.0.1
446
+ - colorful==0.5.5
447
+ - colorlog==6.8.0
448
+ - colorlover==0.3.0
449
+ - contextily==1.4.0
450
+ - contourpy==1.1.0
451
+ - convertdate==2.4.0
452
+ - crcmod==1.7
453
+ - cubinlinker-cu11==0.3.0.post1
454
+ - cufflinks==0.17.3
455
+ - cvxcanon==0.1.2
456
+ - cycler==0.11.0
457
+ - cysignals==1.11.4
458
+ - cython==3.0.0
459
+ - daal==2024.0.1
460
+ - daal4py==2024.0.1
461
+ - dacite==1.8.1
462
+ - dask==2023.12.0
463
+ - dataclasses-json==0.6.3
464
+ - datasets==2.1.0
465
+ - datashader==0.16.0
466
+ - datatile==1.0.3
467
+ - db-dtypes==1.1.1
468
+ - deap==1.4.1
469
+ - debugpy==1.6.7.post1
470
+ - delorean==1.0.0
471
+ - deprecat==2.1.1
472
+ - deprecated==1.2.14
473
+ - deprecation==2.1.0
474
+ - descartes==1.1.0
475
+ - dill==0.3.7
476
+ - dipy==1.7.0
477
+ - distlib==0.3.7
478
+ - distributed==2023.12.0
479
+ - dm-tree==0.1.8
480
+ - docker==6.1.3
481
+ - docker-pycreds==0.4.0
482
+ - docopt==0.6.2
483
+ - docstring-parser==0.15
484
+ - docstring-to-markdown==0.13
485
+ - docutils==0.20.1
486
+ - earthengine-api==0.1.383
487
+ - easydict==1.11
488
+ - easyocr==1.7.1
489
+ - ecos==2.0.12
490
+ - eli5==0.13.0
491
+ - emoji==2.9.0
492
+ - en-core-web-lg==3.7.1
493
+ - en-core-web-sm==3.7.1
494
+ - ephem==4.1.5
495
+ - esda==2.5.1
496
+ - essentia==2.1b6.dev1110
497
+ - et-xmlfile==1.1.0
498
+ - etils==1.4.1
499
+ - explainable-ai-sdk==1.3.3
500
+ - farama-notifications==0.0.4
501
+ - fastai==2.7.13
502
+ - fastapi==0.101.1
503
+ - fastavro==1.8.2
504
+ - fastcore==1.5.29
505
+ - fastdownload==0.0.7
506
+ - fasteners==0.18
507
+ - fastprogress==1.0.3
508
+ - fasttext==0.9.2
509
+ - fbpca==1.0
510
+ - feather-format==0.4.1
511
+ - featuretools==1.28.0
512
+ - filelock==3.12.2
513
+ - fiona==1.9.5
514
+ - fitter==1.6.0
515
+ - flake8==6.1.0
516
+ - flashtext==2.7
517
+ - flask==3.0.0
518
+ - flatbuffers==23.5.26
519
+ - flax==0.7.5
520
+ - folium==0.15.1
521
+ - fonttools==4.42.1
522
+ - frozendict==2.3.10
523
+ - fsspec==2023.6.0
524
+ - funcy==2.0
525
+ - fury==0.9.0
526
+ - future==0.18.3
527
+ - fuzzywuzzy==0.18.0
528
+ - gast==0.4.0
529
+ - gatspy==0.3
530
+ - gcsfs==2023.6.0
531
+ - gensim==4.3.2
532
+ - geographiclib==2.0
533
+ - geohash==1.0
534
+ - geojson==3.1.0
535
+ - geopandas==0.14.1
536
+ - geoplot==0.5.1
537
+ - geopy==2.4.1
538
+ - geoviews==1.11.0
539
+ - ggplot==0.11.5
540
+ - giddy==2.3.4
541
+ - gitdb==4.0.10
542
+ - gitpython==3.1.32
543
+ - google-ai-generativelanguage==0.4.0
544
+ - google-api-core==2.15.0
545
+ - google-api-python-client==2.111.0
546
+ - google-apitools==0.5.31
547
+ - google-auth-httplib2==0.1.0
548
+ - google-auth-oauthlib==1.0.0
549
+ - google-cloud-aiplatform==0.6.0a1
550
+ - google-cloud-artifact-registry==1.8.3
551
+ - google-cloud-automl==1.0.1
552
+ - google-cloud-bigquery==2.34.4
553
+ - google-cloud-bigtable==1.7.3
554
+ - google-cloud-dlp==3.12.2
555
+ - google-cloud-language==2.12.0
556
+ - google-cloud-monitoring==2.15.1
557
+ - google-cloud-pubsub==2.18.3
558
+ - google-cloud-pubsublite==1.8.3
559
+ - google-cloud-recommendations-ai==0.7.1
560
+ - google-cloud-resource-manager==1.10.3
561
+ - google-cloud-spanner==3.40.1
562
+ - google-cloud-storage==1.44.0
563
+ - google-cloud-translate==3.12.1
564
+ - google-cloud-videointelligence==2.12.0
565
+ - google-cloud-vision==2.8.0
566
+ - google-crc32c==1.5.0
567
+ - google-generativeai==0.3.0
568
+ - google-pasta==0.2.0
569
+ - google-resumable-media==2.5.0
570
+ - gplearn==0.4.2
571
+ - gpustat==1.0.0
572
+ - gpxpy==1.6.2
573
+ - greenlet==2.0.2
574
+ - grpc-google-iam-v1==0.12.6
575
+ - grpcio==1.57.0
576
+ - grpcio-status==1.48.2
577
+ - gviz-api==1.10.0
578
+ - gym==0.26.2
579
+ - gym-notices==0.0.8
580
+ - gymnasium==0.29.0
581
+ - gymnasium-notices==0.0.1
582
+ - h11==0.14.0
583
+ - h2o==3.44.0.2
584
+ - h5py==3.9.0
585
+ - haversine==2.8.0
586
+ - hdfs==2.7.2
587
+ - hep-ml==0.7.2
588
+ - hijri-converter==2.3.1
589
+ - hmmlearn==0.3.0
590
+ - holidays==0.24
591
+ - holoviews==1.18.1
592
+ - hpsklearn==0.1.0
593
+ - html5lib==1.1
594
+ - htmlmin==0.1.12
595
+ - httplib2==0.21.0
596
+ - httptools==0.6.1
597
+ - huggingface-hub==0.19.4
598
+ - humanize==4.9.0
599
+ - hunspell==0.5.5
600
+ - husl==4.0.3
601
+ - hydra-slayer==0.4.1
602
+ - hyperopt==0.2.7
603
+ - hypertools==0.8.0
604
+ - igraph==0.11.3
605
+ - imagecodecs==2023.9.18
606
+ - imagehash==4.3.1
607
+ - imageio==2.31.1
608
+ - imbalanced-learn==0.11.0
609
+ - imgaug==0.4.0
610
+ - importlib-resources==5.13.0
611
+ - inequality==1.0.1
612
+ - iniconfig==2.0.0
613
+ - ipydatawidgets==4.3.5
614
+ - ipyleaflet==0.18.0
615
+ - ipympl==0.7.0
616
+ - ipython-genutils==0.2.0
617
+ - ipython-sql==0.5.0
618
+ - ipyvolume==0.6.3
619
+ - ipyvue==1.10.1
620
+ - ipyvuetify==1.8.10
621
+ - ipywebrtc==0.6.0
622
+ - ipywidgets==7.7.1
623
+ - isort==5.13.1
624
+ - isoweek==1.3.3
625
+ - itsdangerous==2.1.2
626
+ - janome==0.5.0
627
+ - jaraco-classes==3.3.0
628
+ - jax==0.4.21
629
+ - jaxlib==0.4.21+cuda11.cudnn86
630
+ - jeepney==0.8.0
631
+ - jieba==0.42.1
632
+ - jmespath==1.0.1
633
+ - jupyter-client==7.4.9
634
+ - jupyter-console==6.6.3
635
+ - jupyter-events==0.9.0
636
+ - jupyter-http-over-ws==0.0.8
637
+ - jupyter-lsp==1.5.1
638
+ - jupyter-server==2.12.1
639
+ - jupyter-server-mathjax==0.2.6
640
+ - jupyter-server-proxy==4.0.0
641
+ - jupyterlab==4.0.9
642
+ - jupyterlab-git==0.42.0
643
+ - jupyterlab-lsp==5.0.1
644
+ - jupyterlab-widgets==3.0.8
645
+ - jupytext==1.15.0
646
+ - kaggle==1.5.16
647
+ - kaggle-environments==1.14.3
648
+ - kagglehub==0.1.4
649
+ - keras==2.13.1
650
+ - keras-core==0.1.7
651
+ - keras-cv==0.8.0.dev0
652
+ - keras-nlp==0.7.0.dev3
653
+ - keras-tuner==1.3.5
654
+ - keyring==24.2.0
655
+ - keyrings-google-artifactregistry-auth==1.1.2
656
+ - kfp==2.0.1
657
+ - kfp-pipeline-spec==0.2.2
658
+ - kfp-server-api==2.0.1
659
+ - kiwisolver==1.4.4
660
+ - kmapper==2.0.1
661
+ - kmodes==0.12.2
662
+ - korean-lunar-calendar==0.3.1
663
+ - kornia==0.7.0
664
+ - kt-legacy==1.0.5
665
+ - kubernetes==26.1.0
666
+ - langid==1.1.6
667
+ - lazy-loader==0.3
668
+ - learntools==0.3.4
669
+ - leven==1.0.4
670
+ - levenshtein==0.23.0
671
+ - libclang==16.0.6
672
+ - libpysal==4.9.2
673
+ - librosa==0.10.1
674
+ - lightgbm==3.3.2
675
+ - lightning-utilities==0.10.0
676
+ - lime==0.2.0.1
677
+ - line-profiler==4.1.2
678
+ - linkify-it-py==2.0.2
679
+ - llvmlite==0.40.1
680
+ - lml==0.1.0
681
+ - lunarcalendar==0.0.9
682
+ - lxml==4.9.3
683
+ - mako==1.3.0
684
+ - mapclassify==2.6.0
685
+ - marisa-trie==1.1.0
686
+ - markdown==3.4.4
687
+ - markovify==0.9.4
688
+ - marshmallow==3.20.1
689
+ - matplotlib==3.7.4
690
+ - matplotlib-venn==0.11.9
691
+ - mccabe==0.7.0
692
+ - mdit-py-plugins==0.4.0
693
+ - mdurl==0.1.2
694
+ - memory-profiler==0.61.0
695
+ - mercantile==1.2.1
696
+ - mgwr==2.2.0
697
+ - missingno==0.5.2
698
+ - mistune==0.8.4
699
+ - mizani==0.10.0
700
+ - ml-dtypes==0.3.1
701
+ - mlcrate==0.2.0
702
+ - mlens==0.2.3
703
+ - mlxtend==0.23.0
704
+ - mmh3==4.0.1
705
+ - mne==1.6.0
706
+ - mnist==0.2.2
707
+ - mock==5.1.0
708
+ - momepy==0.7.0
709
+ - more-itertools==10.1.0
710
+ - mpld3==0.5.9
711
+ - mpmath==1.3.0
712
+ - msgpack==1.0.5
713
+ - msgpack-numpy==0.4.8
714
+ - multimethod==1.9.1
715
+ - multipledispatch==1.0.0
716
+ - multiprocess==0.70.15
717
+ - mypy-extensions==1.0.0
718
+ - namex==0.0.7
719
+ - nbclassic==1.0.0
720
+ - nbclient==0.5.13
721
+ - nbconvert==6.4.5
722
+ - nbdime==3.2.0
723
+ - ndindex==1.7
724
+ - nest-asyncio==1.5.7
725
+ - netcdf4==1.6.5
726
+ - networkx==3.1
727
+ - nibabel==5.2.0
728
+ - nilearn==0.10.2
729
+ - ninja==1.11.1.1
730
+ - nltk==3.2.4
731
+ - nose==1.3.7
732
+ - notebook==6.5.5
733
+ - notebook-executor==0.2
734
+ - numba==0.57.1
735
+ - numexpr==2.8.8
736
+ - numpy==1.23.5
737
+ - nvidia-ml-py==11.495.46
738
+ - oauth2client==4.1.3
739
+ - oauthlib==3.2.2
740
+ - objsize==0.6.1
741
+ - odfpy==1.4.1
742
+ - olefile==0.47
743
+ - onnx==1.15.0
744
+ - opencensus==0.11.2
745
+ - opencensus-context==0.1.3
746
+ - opencv-contrib-python==4.8.1.78
747
+ - opencv-python==4.8.1.78
748
+ - opencv-python-headless==4.8.1.78
749
+ - openpyxl==3.1.2
750
+ - openslide-python==1.3.1
751
+ - opentelemetry-api==1.19.0
752
+ - opentelemetry-exporter-otlp==1.19.0
753
+ - opentelemetry-exporter-otlp-proto-common==1.19.0
754
+ - opentelemetry-exporter-otlp-proto-grpc==1.19.0
755
+ - opentelemetry-exporter-otlp-proto-http==1.19.0
756
+ - opentelemetry-proto==1.19.0
757
+ - opentelemetry-sdk==1.19.0
758
+ - opentelemetry-semantic-conventions==0.40b0
759
+ - opt-einsum==3.3.0
760
+ - optax==0.1.7
761
+ - optuna==3.5.0
762
+ - orbax-checkpoint==0.4.7
763
+ - orderedmultidict==1.0.1
764
+ - orjson==3.9.5
765
+ - ortools==9.4.1874
766
+ - osmnx==1.1.1
767
+ - overrides==6.5.0
768
+ - packaging==21.3
769
+ - pandas==2.1.4
770
+ - pandas-datareader==0.10.0
771
+ - pandas-profiling==3.6.6
772
+ - pandas-summary==0.2.0
773
+ - pandasql==0.7.3
774
+ - panel==1.3.4
775
+ - papermill==2.4.0
776
+ - param==2.0.1
777
+ - path==16.9.0
778
+ - path-py==12.5.0
779
+ - pathos==0.3.1
780
+ - patsy==0.5.3
781
+ - pdf2image==1.16.3
782
+ - pettingzoo==1.24.0
783
+ - phik==0.12.3
784
+ - pillow==9.5.0
785
+ - platformdirs==4.1.0
786
+ - plotly==5.16.1
787
+ - plotly-express==0.4.1
788
+ - plotnine==0.10.1
789
+ - pointpats==2.4.0
790
+ - polars==0.19.19
791
+ - polyglot==16.7.4
792
+ - pooch==1.8.0
793
+ - pox==0.3.3
794
+ - ppca==0.0.4
795
+ - ppft==1.7.6.7
796
+ - preprocessing==0.1.13
797
+ - prettytable==3.8.0
798
+ - progressbar2==4.2.0
799
+ - promise==2.3
800
+ - pronouncing==0.2.0
801
+ - prophet==1.1.1
802
+ - proto-plus==1.22.3
803
+ - protobuf==3.20.3
804
+ - psutil==5.9.3
805
+ - ptxcompiler-cu11==0.7.0.post1
806
+ - pudb==2023.1
807
+ - pulp==2.7.0
808
+ - py-cpuinfo==9.0.0
809
+ - py-spy==0.3.14
810
+ - py4j==0.10.9.7
811
+ - pyaml==23.9.7
812
+ - pyarabic==0.6.15
813
+ - pyasn1==0.5.0
814
+ - pyasn1-modules==0.3.0
815
+ - pyastronomy==0.20.0
816
+ - pybind11==2.11.1
817
+ - pyclipper==1.3.0.post5
818
+ - pycodestyle==2.11.1
819
+ - pycparser==2.21
820
+ - pycryptodome==3.19.0
821
+ - pyct==0.5.0
822
+ - pycuda==2023.1
823
+ - pydantic==1.10.12
824
+ - pydegensac==0.1.2
825
+ - pydicom==2.4.3
826
+ - pydocstyle==6.3.0
827
+ - pydot==1.4.2
828
+ - pydub==0.25.1
829
+ - pyemd==1.0.0
830
+ - pyerfa==2.0.1.1
831
+ - pyexcel-io==0.6.6
832
+ - pyexcel-ods==0.6.0
833
+ - pyfasttext==0.4.6
834
+ - pyflakes==3.1.0
835
+ - pygltflib==1.16.1
836
+ - pyjwt==2.8.0
837
+ - pykalman==0.9.5
838
+ - pyldavis==3.2.2
839
+ - pylint==3.0.3
840
+ - pymc3==3.11.5
841
+ - pymeeus==0.5.12
842
+ - pymongo==3.13.0
843
+ - pympler==1.0.1
844
+ - pynndescent==0.5.11
845
+ - pynvrtc==9.2
846
+ - pyocr==0.8.5
847
+ - pyparsing==3.0.9
848
+ - pypdf==3.17.2
849
+ - pysal==23.7
850
+ - pytesseract==0.3.10
851
+ - pytest==7.4.3
852
+ - python-bidi==0.4.2
853
+ - python-dotenv==1.0.0
854
+ - python-graphviz==0.20.1
855
+ - python-levenshtein==0.23.0
856
+ - python-louvain==0.16
857
+ - python-lsp-jsonrpc==1.1.2
858
+ - python-lsp-server==1.9.0
859
+ - python-slugify==8.0.1
860
+ - python-utils==3.8.1
861
+ - pythreejs==2.4.2
862
+ - pytoolconfig==1.2.6
863
+ - pytools==2023.1.1
864
+ - pytorch-ignite==0.4.13
865
+ - pytorch-lightning==2.1.2
866
+ - pyupset==0.1.1.post7
867
+ - pyviz-comms==3.0.0
868
+ - pywavelets==1.4.1
869
+ - pyzmq==24.0.1
870
+ - qgrid==1.3.1
871
+ - qtconsole==5.5.1
872
+ - qtpy==2.4.1
873
+ - quantecon==0.7.1
874
+ - quantities==0.15.0
875
+ - qudida==0.0.4
876
+ - rapidfuzz==3.5.2
877
+ - rasterio==1.3.9
878
+ - rasterstats==0.19.0
879
+ - ray==2.6.3
880
+ - ray-cpp==2.6.3
881
+ - regex==2023.8.8
882
+ - requests-oauthlib==1.3.1
883
+ - requests-toolbelt==0.10.1
884
+ - responses==0.18.0
885
+ - retrying==1.3.4
886
+ - rgf-python==3.12.0
887
+ - rich==13.5.2
888
+ - rope==1.11.0
889
+ - rouge-score==0.1.2
890
+ - rtree==1.1.0
891
+ - s2sphere==0.2.5
892
+ - s3fs==2023.12.2
893
+ - s3transfer==0.6.2
894
+ - safetensors==0.4.1
895
+ - scattertext==0.1.19
896
+ - scikit-image==0.21.0
897
+ - scikit-learn==1.2.2
898
+ - scikit-learn-intelex==2024.0.1
899
+ - scikit-multilearn==0.2.0
900
+ - scikit-optimize==0.9.0
901
+ - scikit-plot==0.3.7
902
+ - scikit-surprise==1.1.3
903
+ - scipy==1.7.3
904
+ - seaborn==0.12.2
905
+ - secretstorage==3.3.3
906
+ - segment-anything==1.0
907
+ - segregation==2.5
908
+ - semver==3.0.2
909
+ - sentencepiece==0.1.99
910
+ - sentry-sdk==1.39.0
911
+ - setproctitle==1.3.3
912
+ - setuptools-git==1.2
913
+ - setuptools-scm==8.0.4
914
+ - shap==0.44.0
915
+ - shimmy==1.3.0
916
+ - simpervisor==1.0.0
917
+ - simpleitk==2.3.1
918
+ - simplejson==3.19.2
919
+ - six==1.16.0
920
+ - sklearn-pandas==2.2.0
921
+ - slicer==0.0.7
922
+ - smart-open==6.3.0
923
+ - smhasher==0.150.1
924
+ - smmap==5.0.0
925
+ - snowballstemmer==2.2.0
926
+ - snuggs==1.4.7
927
+ - soundfile==0.12.1
928
+ - soupsieve==2.4.1
929
+ - soxr==0.3.7
930
+ - spaghetti==1.7.4
931
+ - spectral==0.23.1
932
+ - spglm==1.1.0
933
+ - sphinx-rtd-theme==0.2.4
934
+ - spint==1.0.7
935
+ - splot==1.1.5.post1
936
+ - spopt==0.6.0
937
+ - spreg==1.4.2
938
+ - spvcm==0.3.0
939
+ - sqlalchemy==2.0.20
940
+ - sqlparse==0.4.4
941
+ - squarify==0.4.3
942
+ - stable-baselines3==2.1.0
943
+ - stanio==0.3.0
944
+ - starlette==0.27.0
945
+ - statsmodels==0.14.0
946
+ - stemming==1.0.1
947
+ - stop-words==2018.7.23
948
+ - stopit==1.1.2
949
+ - stumpy==1.12.0
950
+ - sympy==1.12
951
+ - tables==3.9.2
952
+ - tabulate==0.9.0
953
+ - tangled-up-in-unicode==0.2.0
954
+ - tbb==2021.11.0
955
+ - tenacity==8.2.3
956
+ - tensorboard==2.13.0
957
+ - tensorboard-data-server==0.7.1
958
+ - tensorboard-plugin-profile==2.13.1
959
+ - tensorboardx==2.6.2.2
960
+ - tensorflow==2.13.0
961
+ - tensorflow-addons==0.23.0
962
+ - tensorflow-cloud==0.1.16
963
+ - tensorflow-datasets==4.9.2
964
+ - tensorflow-decision-forests==1.5.0
965
+ - tensorflow-estimator==2.13.0
966
+ - tensorflow-hub==0.14.0
967
+ - tensorflow-io==0.34.0
968
+ - tensorflow-io-gcs-filesystem==0.34.0
969
+ - tensorflow-metadata==0.14.0
970
+ - tensorflow-probability==0.21.0
971
+ - tensorflow-serving-api==2.13.0
972
+ - tensorflow-text==2.13.0
973
+ - tensorflow-transform==0.14.0
974
+ - tensorflowjs==4.14.0
975
+ - tensorpack==0.11
976
+ - tensorstore==0.1.51
977
+ - termcolor==2.3.0
978
+ - testpath==0.6.0
979
+ - text-unidecode==1.3
980
+ - textblob==0.17.1
981
+ - texttable==1.7.0
982
+ - textwrap3==0.9.2
983
+ - theano==1.0.5
984
+ - theano-pymc==1.1.2
985
+ - threadpoolctl==3.2.0
986
+ - tifffile==2023.8.12
987
+ - timm==0.9.12
988
+ - tobler==0.11.2
989
+ - tokenizers==0.15.0
990
+ - toml==0.10.2
991
+ - tomlkit==0.12.3
992
+ - torch==2.0.0
993
+ - torchaudio==2.0.1
994
+ - torchdata==0.7.1
995
+ - torchinfo==1.8.0
996
+ - torchmetrics==1.2.1
997
+ - torchtext==0.15.1
998
+ - torchvision==0.15.1
999
+ - tpot==0.12.1
1000
+ - traceml==1.0.8
1001
+ - traittypes==0.2.1
1002
+ - transformers==4.36.0
1003
+ - treelite-runtime==3.2.0
1004
+ - trueskill==0.4.5
1005
+ - tsfresh==0.20.1
1006
+ - typeguard==2.13.3
1007
+ - typing-extensions==4.5.0
1008
+ - typing-inspect==0.9.0
1009
+ - tzdata==2023.3
1010
+ - tzlocal==5.2
1011
+ - uc-micro-py==1.0.2
1012
+ - ujson==5.9.0
1013
+ - umap-learn==0.5.5
1014
+ - unidecode==1.3.7
1015
+ - update-checker==0.18.0
1016
+ - uritemplate==3.0.1
1017
+ - urllib3==1.26.16
1018
+ - urwid==2.3.4
1019
+ - urwid-readline==0.13
1020
+ - uvicorn==0.23.2
1021
+ - uvloop==0.19.0
1022
+ - vaex==4.17.0
1023
+ - vaex-astro==0.9.3
1024
+ - vaex-core==4.17.1
1025
+ - vaex-hdf5==0.14.1
1026
+ - vaex-jupyter==0.8.2
1027
+ - vaex-ml==0.18.3
1028
+ - vaex-server==0.9.0
1029
+ - vaex-viz==0.5.4
1030
+ - vec-noise==1.1.4
1031
+ - vecstack==0.4.0
1032
+ - virtualenv==20.21.0
1033
+ - visions==0.7.5
1034
+ - vowpalwabbit==9.9.0
1035
+ - vtk==9.3.0
1036
+ - wand==0.6.13
1037
+ - wandb==0.16.1
1038
+ - watchfiles==0.21.0
1039
+ - wavio==0.0.8
1040
+ - webencodings==0.5.1
1041
+ - websockets==12.0
1042
+ - werkzeug==3.0.1
1043
+ - wfdb==4.1.2
1044
+ - whatthepatch==1.0.5
1045
+ - widgetsnbextension==3.6.6
1046
+ - witwidget==1.8.1
1047
+ - woodwork==0.27.0
1048
+ - wordcloud==1.9.2
1049
+ - wordsegment==1.3.1
1050
+ - wrapt==1.15.0
1051
+ - wurlitzer==3.0.3
1052
+ - xarray==2023.12.0
1053
+ - xarray-einstats==0.6.0
1054
+ - xgboost==2.0.2
1055
+ - xvfbwrapper==0.2.9
1056
+ - xxhash==3.4.1
1057
+ - yapf==0.40.2
1058
+ - ydata-profiling==4.5.1
1059
+ - yellowbrick==1.5
1060
+ prefix: /opt/conda
wandb/run-20240103_105541-kk0m5fl8/files/config.yaml ADDED
@@ -0,0 +1,737 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.12
7
+ cli_version: 0.16.1
8
+ framework: huggingface
9
+ huggingface_version: 4.36.0
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1704279341.501455
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
+ - 23
43
+ 4: 3.10.12
44
+ 5: 0.16.1
45
+ 6: 4.36.0
46
+ 8:
47
+ - 1
48
+ - 2
49
+ - 5
50
+ 9:
51
+ 1: transformers_trainer
52
+ 13: linux-x86_64
53
+ m:
54
+ - 1: train/global_step
55
+ 6:
56
+ - 3
57
+ - 1: train/loss
58
+ 5: 1
59
+ 6:
60
+ - 1
61
+ - 1: train/learning_rate
62
+ 5: 1
63
+ 6:
64
+ - 1
65
+ - 1: train/epoch
66
+ 5: 1
67
+ 6:
68
+ - 1
69
+ - 1: eval/loss
70
+ 5: 1
71
+ 6:
72
+ - 1
73
+ - 1: eval/rouge2_precision
74
+ 5: 1
75
+ 6:
76
+ - 1
77
+ - 1: eval/rouge2_recall
78
+ 5: 1
79
+ 6:
80
+ - 1
81
+ - 1: eval/rouge2_fmeasure
82
+ 5: 1
83
+ 6:
84
+ - 1
85
+ - 1: eval/runtime
86
+ 5: 1
87
+ 6:
88
+ - 1
89
+ - 1: eval/samples_per_second
90
+ 5: 1
91
+ 6:
92
+ - 1
93
+ - 1: eval/steps_per_second
94
+ 5: 1
95
+ 6:
96
+ - 1
97
+ - 1: train/train_runtime
98
+ 5: 1
99
+ 6:
100
+ - 1
101
+ - 1: train/train_samples_per_second
102
+ 5: 1
103
+ 6:
104
+ - 1
105
+ - 1: train/train_steps_per_second
106
+ 5: 1
107
+ 6:
108
+ - 1
109
+ - 1: train/total_flos
110
+ 5: 1
111
+ 6:
112
+ - 1
113
+ - 1: train/train_loss
114
+ 5: 1
115
+ 6:
116
+ - 1
117
+ vocab_size:
118
+ desc: null
119
+ value: 50265
120
+ max_encoder_position_embeddings:
121
+ desc: null
122
+ value: 16384
123
+ max_decoder_position_embeddings:
124
+ desc: null
125
+ value: 1024
126
+ d_model:
127
+ desc: null
128
+ value: 768
129
+ encoder_ffn_dim:
130
+ desc: null
131
+ value: 3072
132
+ encoder_layers:
133
+ desc: null
134
+ value: 6
135
+ encoder_attention_heads:
136
+ desc: null
137
+ value: 12
138
+ decoder_ffn_dim:
139
+ desc: null
140
+ value: 3072
141
+ decoder_layers:
142
+ desc: null
143
+ value: 6
144
+ decoder_attention_heads:
145
+ desc: null
146
+ value: 12
147
+ dropout:
148
+ desc: null
149
+ value: 0.1
150
+ attention_dropout:
151
+ desc: null
152
+ value: 0.0
153
+ activation_dropout:
154
+ desc: null
155
+ value: 0.0
156
+ activation_function:
157
+ desc: null
158
+ value: gelu
159
+ init_std:
160
+ desc: null
161
+ value: 0.02
162
+ encoder_layerdrop:
163
+ desc: null
164
+ value: 0.0
165
+ decoder_layerdrop:
166
+ desc: null
167
+ value: 0.0
168
+ classifier_dropout:
169
+ desc: null
170
+ value: 0.0
171
+ use_cache:
172
+ desc: null
173
+ value: false
174
+ num_hidden_layers:
175
+ desc: null
176
+ value: 6
177
+ attention_window:
178
+ desc: null
179
+ value:
180
+ - 1024
181
+ - 1024
182
+ - 1024
183
+ - 1024
184
+ - 1024
185
+ - 1024
186
+ return_dict:
187
+ desc: null
188
+ value: true
189
+ output_hidden_states:
190
+ desc: null
191
+ value: false
192
+ output_attentions:
193
+ desc: null
194
+ value: false
195
+ torchscript:
196
+ desc: null
197
+ value: false
198
+ torch_dtype:
199
+ desc: null
200
+ value: null
201
+ use_bfloat16:
202
+ desc: null
203
+ value: false
204
+ tf_legacy_loss:
205
+ desc: null
206
+ value: false
207
+ pruned_heads:
208
+ desc: null
209
+ value: {}
210
+ tie_word_embeddings:
211
+ desc: null
212
+ value: true
213
+ is_encoder_decoder:
214
+ desc: null
215
+ value: true
216
+ is_decoder:
217
+ desc: null
218
+ value: false
219
+ cross_attention_hidden_size:
220
+ desc: null
221
+ value: null
222
+ add_cross_attention:
223
+ desc: null
224
+ value: false
225
+ tie_encoder_decoder:
226
+ desc: null
227
+ value: false
228
+ max_length:
229
+ desc: null
230
+ value: 512
231
+ min_length:
232
+ desc: null
233
+ value: 100
234
+ do_sample:
235
+ desc: null
236
+ value: false
237
+ early_stopping:
238
+ desc: null
239
+ value: true
240
+ num_beams:
241
+ desc: null
242
+ value: 2
243
+ num_beam_groups:
244
+ desc: null
245
+ value: 1
246
+ diversity_penalty:
247
+ desc: null
248
+ value: 0.0
249
+ temperature:
250
+ desc: null
251
+ value: 1.0
252
+ top_k:
253
+ desc: null
254
+ value: 50
255
+ top_p:
256
+ desc: null
257
+ value: 1.0
258
+ typical_p:
259
+ desc: null
260
+ value: 1.0
261
+ repetition_penalty:
262
+ desc: null
263
+ value: 1.0
264
+ length_penalty:
265
+ desc: null
266
+ value: 2.0
267
+ no_repeat_ngram_size:
268
+ desc: null
269
+ value: 3
270
+ encoder_no_repeat_ngram_size:
271
+ desc: null
272
+ value: 0
273
+ bad_words_ids:
274
+ desc: null
275
+ value: null
276
+ num_return_sequences:
277
+ desc: null
278
+ value: 1
279
+ chunk_size_feed_forward:
280
+ desc: null
281
+ value: 0
282
+ output_scores:
283
+ desc: null
284
+ value: false
285
+ return_dict_in_generate:
286
+ desc: null
287
+ value: false
288
+ forced_bos_token_id:
289
+ desc: null
290
+ value: null
291
+ forced_eos_token_id:
292
+ desc: null
293
+ value: null
294
+ remove_invalid_values:
295
+ desc: null
296
+ value: false
297
+ exponential_decay_length_penalty:
298
+ desc: null
299
+ value: null
300
+ suppress_tokens:
301
+ desc: null
302
+ value: null
303
+ begin_suppress_tokens:
304
+ desc: null
305
+ value: null
306
+ architectures:
307
+ desc: null
308
+ value:
309
+ - LEDForConditionalGeneration
310
+ finetuning_task:
311
+ desc: null
312
+ value: null
313
+ id2label:
314
+ desc: null
315
+ value:
316
+ '0': LABEL_0
317
+ '1': LABEL_1
318
+ '2': LABEL_2
319
+ label2id:
320
+ desc: null
321
+ value:
322
+ LABEL_0: 0
323
+ LABEL_1: 1
324
+ LABEL_2: 2
325
+ tokenizer_class:
326
+ desc: null
327
+ value: null
328
+ prefix:
329
+ desc: null
330
+ value: null
331
+ bos_token_id:
332
+ desc: null
333
+ value: 0
334
+ pad_token_id:
335
+ desc: null
336
+ value: 1
337
+ eos_token_id:
338
+ desc: null
339
+ value: 2
340
+ sep_token_id:
341
+ desc: null
342
+ value: null
343
+ decoder_start_token_id:
344
+ desc: null
345
+ value: 2
346
+ task_specific_params:
347
+ desc: null
348
+ value: null
349
+ problem_type:
350
+ desc: null
351
+ value: null
352
+ _name_or_path:
353
+ desc: null
354
+ value: allenai/led-base-16384
355
+ transformers_version:
356
+ desc: null
357
+ value: 4.36.0
358
+ classif_dropout:
359
+ desc: null
360
+ value: 0.0
361
+ model_type:
362
+ desc: null
363
+ value: led
364
+ output_dir:
365
+ desc: null
366
+ value: ./
367
+ overwrite_output_dir:
368
+ desc: null
369
+ value: false
370
+ do_train:
371
+ desc: null
372
+ value: false
373
+ do_eval:
374
+ desc: null
375
+ value: true
376
+ do_predict:
377
+ desc: null
378
+ value: false
379
+ evaluation_strategy:
380
+ desc: null
381
+ value: steps
382
+ prediction_loss_only:
383
+ desc: null
384
+ value: false
385
+ per_device_train_batch_size:
386
+ desc: null
387
+ value: 2
388
+ per_device_eval_batch_size:
389
+ desc: null
390
+ value: 2
391
+ per_gpu_train_batch_size:
392
+ desc: null
393
+ value: null
394
+ per_gpu_eval_batch_size:
395
+ desc: null
396
+ value: null
397
+ gradient_accumulation_steps:
398
+ desc: null
399
+ value: 4
400
+ eval_accumulation_steps:
401
+ desc: null
402
+ value: null
403
+ eval_delay:
404
+ desc: null
405
+ value: 0
406
+ learning_rate:
407
+ desc: null
408
+ value: 5.0e-05
409
+ weight_decay:
410
+ desc: null
411
+ value: 0.0
412
+ adam_beta1:
413
+ desc: null
414
+ value: 0.9
415
+ adam_beta2:
416
+ desc: null
417
+ value: 0.999
418
+ adam_epsilon:
419
+ desc: null
420
+ value: 1.0e-08
421
+ max_grad_norm:
422
+ desc: null
423
+ value: 1.0
424
+ num_train_epochs:
425
+ desc: null
426
+ value: 1
427
+ max_steps:
428
+ desc: null
429
+ value: -1
430
+ lr_scheduler_type:
431
+ desc: null
432
+ value: linear
433
+ lr_scheduler_kwargs:
434
+ desc: null
435
+ value: {}
436
+ warmup_ratio:
437
+ desc: null
438
+ value: 0.0
439
+ warmup_steps:
440
+ desc: null
441
+ value: 0
442
+ log_level:
443
+ desc: null
444
+ value: passive
445
+ log_level_replica:
446
+ desc: null
447
+ value: warning
448
+ log_on_each_node:
449
+ desc: null
450
+ value: true
451
+ logging_dir:
452
+ desc: null
453
+ value: ./runs/Jan03_11-05-09_416a3b7a3d3d
454
+ logging_strategy:
455
+ desc: null
456
+ value: steps
457
+ logging_first_step:
458
+ desc: null
459
+ value: false
460
+ logging_steps:
461
+ desc: null
462
+ value: 5
463
+ logging_nan_inf_filter:
464
+ desc: null
465
+ value: true
466
+ save_strategy:
467
+ desc: null
468
+ value: steps
469
+ save_steps:
470
+ desc: null
471
+ value: 10
472
+ save_total_limit:
473
+ desc: null
474
+ value: 2
475
+ save_safetensors:
476
+ desc: null
477
+ value: true
478
+ save_on_each_node:
479
+ desc: null
480
+ value: false
481
+ save_only_model:
482
+ desc: null
483
+ value: false
484
+ no_cuda:
485
+ desc: null
486
+ value: false
487
+ use_cpu:
488
+ desc: null
489
+ value: false
490
+ use_mps_device:
491
+ desc: null
492
+ value: false
493
+ seed:
494
+ desc: null
495
+ value: 42
496
+ data_seed:
497
+ desc: null
498
+ value: null
499
+ jit_mode_eval:
500
+ desc: null
501
+ value: false
502
+ use_ipex:
503
+ desc: null
504
+ value: false
505
+ bf16:
506
+ desc: null
507
+ value: false
508
+ fp16:
509
+ desc: null
510
+ value: true
511
+ fp16_opt_level:
512
+ desc: null
513
+ value: O1
514
+ half_precision_backend:
515
+ desc: null
516
+ value: auto
517
+ bf16_full_eval:
518
+ desc: null
519
+ value: false
520
+ fp16_full_eval:
521
+ desc: null
522
+ value: false
523
+ tf32:
524
+ desc: null
525
+ value: null
526
+ local_rank:
527
+ desc: null
528
+ value: 0
529
+ ddp_backend:
530
+ desc: null
531
+ value: null
532
+ tpu_num_cores:
533
+ desc: null
534
+ value: null
535
+ tpu_metrics_debug:
536
+ desc: null
537
+ value: false
538
+ debug:
539
+ desc: null
540
+ value: []
541
+ dataloader_drop_last:
542
+ desc: null
543
+ value: false
544
+ eval_steps:
545
+ desc: null
546
+ value: 10
547
+ dataloader_num_workers:
548
+ desc: null
549
+ value: 0
550
+ past_index:
551
+ desc: null
552
+ value: -1
553
+ run_name:
554
+ desc: null
555
+ value: ./
556
+ disable_tqdm:
557
+ desc: null
558
+ value: false
559
+ remove_unused_columns:
560
+ desc: null
561
+ value: true
562
+ label_names:
563
+ desc: null
564
+ value: null
565
+ load_best_model_at_end:
566
+ desc: null
567
+ value: false
568
+ metric_for_best_model:
569
+ desc: null
570
+ value: null
571
+ greater_is_better:
572
+ desc: null
573
+ value: null
574
+ ignore_data_skip:
575
+ desc: null
576
+ value: false
577
+ fsdp:
578
+ desc: null
579
+ value: []
580
+ fsdp_min_num_params:
581
+ desc: null
582
+ value: 0
583
+ fsdp_config:
584
+ desc: null
585
+ value:
586
+ min_num_params: 0
587
+ xla: false
588
+ xla_fsdp_grad_ckpt: false
589
+ fsdp_transformer_layer_cls_to_wrap:
590
+ desc: null
591
+ value: null
592
+ deepspeed:
593
+ desc: null
594
+ value: null
595
+ label_smoothing_factor:
596
+ desc: null
597
+ value: 0.0
598
+ optim:
599
+ desc: null
600
+ value: adamw_torch
601
+ optim_args:
602
+ desc: null
603
+ value: null
604
+ adafactor:
605
+ desc: null
606
+ value: false
607
+ group_by_length:
608
+ desc: null
609
+ value: false
610
+ length_column_name:
611
+ desc: null
612
+ value: length
613
+ report_to:
614
+ desc: null
615
+ value:
616
+ - tensorboard
617
+ - wandb
618
+ ddp_find_unused_parameters:
619
+ desc: null
620
+ value: null
621
+ ddp_bucket_cap_mb:
622
+ desc: null
623
+ value: null
624
+ ddp_broadcast_buffers:
625
+ desc: null
626
+ value: null
627
+ dataloader_pin_memory:
628
+ desc: null
629
+ value: true
630
+ dataloader_persistent_workers:
631
+ desc: null
632
+ value: false
633
+ skip_memory_metrics:
634
+ desc: null
635
+ value: true
636
+ use_legacy_prediction_loop:
637
+ desc: null
638
+ value: false
639
+ push_to_hub:
640
+ desc: null
641
+ value: false
642
+ resume_from_checkpoint:
643
+ desc: null
644
+ value: null
645
+ hub_model_id:
646
+ desc: null
647
+ value: null
648
+ hub_strategy:
649
+ desc: null
650
+ value: every_save
651
+ hub_token:
652
+ desc: null
653
+ value: <HUB_TOKEN>
654
+ hub_private_repo:
655
+ desc: null
656
+ value: false
657
+ hub_always_push:
658
+ desc: null
659
+ value: false
660
+ gradient_checkpointing:
661
+ desc: null
662
+ value: false
663
+ gradient_checkpointing_kwargs:
664
+ desc: null
665
+ value: null
666
+ include_inputs_for_metrics:
667
+ desc: null
668
+ value: false
669
+ fp16_backend:
670
+ desc: null
671
+ value: auto
672
+ push_to_hub_model_id:
673
+ desc: null
674
+ value: null
675
+ push_to_hub_organization:
676
+ desc: null
677
+ value: null
678
+ push_to_hub_token:
679
+ desc: null
680
+ value: <PUSH_TO_HUB_TOKEN>
681
+ mp_parameters:
682
+ desc: null
683
+ value: ''
684
+ auto_find_batch_size:
685
+ desc: null
686
+ value: false
687
+ full_determinism:
688
+ desc: null
689
+ value: false
690
+ torchdynamo:
691
+ desc: null
692
+ value: null
693
+ ray_scope:
694
+ desc: null
695
+ value: last
696
+ ddp_timeout:
697
+ desc: null
698
+ value: 1800
699
+ torch_compile:
700
+ desc: null
701
+ value: false
702
+ torch_compile_backend:
703
+ desc: null
704
+ value: null
705
+ torch_compile_mode:
706
+ desc: null
707
+ value: null
708
+ dispatch_batches:
709
+ desc: null
710
+ value: null
711
+ split_batches:
712
+ desc: null
713
+ value: false
714
+ include_tokens_per_second:
715
+ desc: null
716
+ value: false
717
+ include_num_input_tokens_seen:
718
+ desc: null
719
+ value: false
720
+ neftune_noise_alpha:
721
+ desc: null
722
+ value: null
723
+ sortish_sampler:
724
+ desc: null
725
+ value: false
726
+ predict_with_generate:
727
+ desc: null
728
+ value: true
729
+ generation_max_length:
730
+ desc: null
731
+ value: null
732
+ generation_num_beams:
733
+ desc: null
734
+ value: null
735
+ generation_config:
736
+ desc: null
737
+ value: null
wandb/run-20240103_105541-kk0m5fl8/files/output.log ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+
2
+ You're using a LEDTokenizerFast tokenizer. Please note that with a fast tokenizer, using the `__call__` method is faster than using a method to encode the text followed by a call to the `pad` method to get a padded encoding.
3
+ /opt/conda/lib/python3.10/site-packages/transformers/generation/utils.py:1518: UserWarning: You have modified the pretrained model configuration to control generation. This is a deprecated strategy to control generation and will be removed soon, in a future version. Please use and modify the model generation configuration (see https://huggingface.co/docs/transformers/generation_strategies#default-text-generation-configuration )
wandb/run-20240103_105541-kk0m5fl8/files/requirements.txt ADDED
@@ -0,0 +1,845 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ absl-py==1.4.0
2
+ accelerate==0.25.0
3
+ access==1.1.9
4
+ affine==2.4.0
5
+ aiobotocore==2.8.0
6
+ aiohttp-cors==0.7.0
7
+ aiohttp==3.8.5
8
+ aioitertools==0.11.0
9
+ aiorwlock==1.3.0
10
+ aiosignal==1.3.1
11
+ albumentations==1.3.1
12
+ alembic==1.13.0
13
+ altair==5.2.0
14
+ annotated-types==0.6.0
15
+ annoy==1.17.3
16
+ ansiwrap==0.8.4
17
+ anyio==3.7.1
18
+ apache-beam==2.46.0
19
+ aplus==0.11.0
20
+ appdirs==1.4.4
21
+ archspec==0.2.2
22
+ argon2-cffi-bindings==21.2.0
23
+ argon2-cffi==21.3.0
24
+ array-record==0.4.1
25
+ arrow==1.2.3
26
+ arviz==0.12.1
27
+ astroid==3.0.2
28
+ astropy-iers-data==0.2023.12.11.0.31.11
29
+ astropy==6.0.0
30
+ asttokens==2.2.1
31
+ astunparse==1.6.3
32
+ async-lru==2.0.4
33
+ async-timeout==4.0.3
34
+ attrs==23.1.0
35
+ audioread==3.0.1
36
+ autopep8==2.0.4
37
+ babel==2.12.1
38
+ backcall==0.2.0
39
+ backoff==2.2.1
40
+ backports.functools-lru-cache==1.6.5
41
+ bayesian-optimization==1.4.3
42
+ bayespy==0.5.26
43
+ beatrix-jupyterlab==2023.814.150030
44
+ beautifulsoup4==4.12.2
45
+ bidict==0.22.1
46
+ biopython==1.81
47
+ blake3==0.2.1
48
+ bleach==6.0.0
49
+ blessed==1.20.0
50
+ blinker==1.7.0
51
+ blis==0.7.10
52
+ blosc2==2.3.2
53
+ bokeh==3.3.2
54
+ boltons==23.0.0
55
+ boruta==0.3
56
+ boto3==1.26.100
57
+ botocore==1.33.1
58
+ bq-helper==0.4.1
59
+ bqplot==0.12.42
60
+ branca==0.7.0
61
+ brewer2mpl==1.4.1
62
+ brotlipy==0.7.0
63
+ cached-property==1.5.2
64
+ cachetools==4.2.4
65
+ cartopy==0.22.0
66
+ catalogue==2.0.10
67
+ catalyst==22.4
68
+ catboost==1.2.2
69
+ category-encoders==2.6.3
70
+ certifi==2023.11.17
71
+ cesium==0.12.1
72
+ cffi==1.15.1
73
+ cftime==1.6.3
74
+ charset-normalizer==3.2.0
75
+ chex==0.1.85
76
+ cleverhans==4.0.0
77
+ click-plugins==1.1.1
78
+ click==8.1.7
79
+ cligj==0.7.2
80
+ cloud-tpu-client==0.10
81
+ cloud-tpu-profiler==2.4.0
82
+ cloudpathlib==0.16.0
83
+ cloudpickle==2.2.1
84
+ cmdstanpy==1.2.0
85
+ cmudict==1.0.15
86
+ colorama==0.4.6
87
+ colorcet==3.0.1
88
+ colorful==0.5.5
89
+ colorlog==6.8.0
90
+ colorlover==0.3.0
91
+ comm==0.1.4
92
+ conda-libmamba-solver==23.7.0
93
+ conda-package-handling==2.2.0
94
+ conda-package-streaming==0.9.0
95
+ conda==23.7.4
96
+ confection==0.1.4
97
+ contextily==1.4.0
98
+ contourpy==1.1.0
99
+ convertdate==2.4.0
100
+ crcmod==1.7
101
+ cryptography==41.0.3
102
+ cubinlinker-cu11==0.3.0.post1
103
+ cubinlinker==0.3.0
104
+ cuda-python==11.8.3
105
+ cudf==23.8.0
106
+ cufflinks==0.17.3
107
+ cuml==23.8.0
108
+ cupy==12.3.0
109
+ cvxcanon==0.1.2
110
+ cycler==0.11.0
111
+ cymem==2.0.8
112
+ cysignals==1.11.4
113
+ cython==3.0.0
114
+ cytoolz==0.12.2
115
+ daal4py==2024.0.1
116
+ daal==2024.0.1
117
+ dacite==1.8.1
118
+ dask-cuda==23.8.0
119
+ dask-cudf==23.8.0
120
+ dask==2023.12.0
121
+ dataclasses-json==0.6.3
122
+ datasets==2.1.0
123
+ datashader==0.16.0
124
+ datatile==1.0.3
125
+ db-dtypes==1.1.1
126
+ deap==1.4.1
127
+ debugpy==1.6.7.post1
128
+ decorator==5.1.1
129
+ defusedxml==0.7.1
130
+ delorean==1.0.0
131
+ deprecat==2.1.1
132
+ deprecated==1.2.14
133
+ deprecation==2.1.0
134
+ descartes==1.1.0
135
+ dill==0.3.7
136
+ dipy==1.7.0
137
+ distlib==0.3.7
138
+ distributed==2023.12.0
139
+ distro==1.8.0
140
+ dm-tree==0.1.8
141
+ docker-pycreds==0.4.0
142
+ docker==6.1.3
143
+ docopt==0.6.2
144
+ docstring-parser==0.15
145
+ docstring-to-markdown==0.13
146
+ docutils==0.20.1
147
+ earthengine-api==0.1.383
148
+ easydict==1.11
149
+ easyocr==1.7.1
150
+ ecos==2.0.12
151
+ eli5==0.13.0
152
+ emoji==2.9.0
153
+ en-core-web-lg==3.7.1
154
+ en-core-web-sm==3.7.1
155
+ entrypoints==0.4
156
+ ephem==4.1.5
157
+ esda==2.5.1
158
+ essentia==2.1b6.dev1110
159
+ et-xmlfile==1.1.0
160
+ etils==1.4.1
161
+ exceptiongroup==1.1.3
162
+ executing==1.2.0
163
+ explainable-ai-sdk==1.3.3
164
+ farama-notifications==0.0.4
165
+ fastai==2.7.13
166
+ fastapi==0.101.1
167
+ fastavro==1.8.2
168
+ fastcore==1.5.29
169
+ fastdownload==0.0.7
170
+ fasteners==0.18
171
+ fastjsonschema==2.18.0
172
+ fastprogress==1.0.3
173
+ fastrlock==0.8.2
174
+ fasttext==0.9.2
175
+ fbpca==1.0
176
+ feather-format==0.4.1
177
+ featuretools==1.28.0
178
+ filelock==3.12.2
179
+ fiona==1.9.5
180
+ fitter==1.6.0
181
+ flake8==6.1.0
182
+ flashtext==2.7
183
+ flask==3.0.0
184
+ flatbuffers==23.5.26
185
+ flax==0.7.5
186
+ flit-core==3.9.0
187
+ folium==0.15.1
188
+ fonttools==4.42.1
189
+ fqdn==1.5.1
190
+ frozendict==2.3.10
191
+ frozenlist==1.4.0
192
+ fsspec==2023.12.2
193
+ funcy==2.0
194
+ fury==0.9.0
195
+ future==0.18.3
196
+ fuzzywuzzy==0.18.0
197
+ gast==0.4.0
198
+ gatspy==0.3
199
+ gcsfs==2023.6.0
200
+ gensim==4.3.2
201
+ geographiclib==2.0
202
+ geohash==1.0
203
+ geojson==3.1.0
204
+ geopandas==0.14.1
205
+ geoplot==0.5.1
206
+ geopy==2.4.1
207
+ geoviews==1.11.0
208
+ ggplot==0.11.5
209
+ giddy==2.3.4
210
+ gitdb==4.0.10
211
+ gitpython==3.1.32
212
+ google-ai-generativelanguage==0.4.0
213
+ google-api-core==2.11.1
214
+ google-api-python-client==2.111.0
215
+ google-apitools==0.5.31
216
+ google-auth-httplib2==0.1.0
217
+ google-auth-oauthlib==1.0.0
218
+ google-auth==2.22.0
219
+ google-cloud-aiplatform==0.6.0a1
220
+ google-cloud-artifact-registry==1.8.3
221
+ google-cloud-automl==1.0.1
222
+ google-cloud-bigquery==2.34.4
223
+ google-cloud-bigtable==1.7.3
224
+ google-cloud-core==2.3.3
225
+ google-cloud-datastore==2.18.0
226
+ google-cloud-dlp==3.12.2
227
+ google-cloud-language==2.12.0
228
+ google-cloud-monitoring==2.15.1
229
+ google-cloud-pubsub==2.18.3
230
+ google-cloud-pubsublite==1.8.3
231
+ google-cloud-recommendations-ai==0.7.1
232
+ google-cloud-resource-manager==1.10.3
233
+ google-cloud-spanner==3.40.1
234
+ google-cloud-storage==1.44.0
235
+ google-cloud-translate==3.12.1
236
+ google-cloud-videointelligence==2.12.0
237
+ google-cloud-vision==2.8.0
238
+ google-crc32c==1.5.0
239
+ google-generativeai==0.3.0
240
+ google-pasta==0.2.0
241
+ google-resumable-media==2.5.0
242
+ googleapis-common-protos==1.60.0
243
+ gplearn==0.4.2
244
+ gpustat==1.0.0
245
+ gpxpy==1.6.2
246
+ graphviz==0.20.1
247
+ greenlet==2.0.2
248
+ grpc-google-iam-v1==0.12.6
249
+ grpcio-status==1.48.1
250
+ grpcio==1.51.1
251
+ gviz-api==1.10.0
252
+ gym-notices==0.0.8
253
+ gym==0.26.2
254
+ gymnasium-notices==0.0.1
255
+ gymnasium==0.29.0
256
+ h11==0.14.0
257
+ h2o==3.44.0.2
258
+ h5py==3.9.0
259
+ haversine==2.8.0
260
+ hdfs==2.7.2
261
+ hep-ml==0.7.2
262
+ hijri-converter==2.3.1
263
+ hmmlearn==0.3.0
264
+ holidays==0.24
265
+ holoviews==1.18.1
266
+ hpsklearn==0.1.0
267
+ html5lib==1.1
268
+ htmlmin==0.1.12
269
+ httplib2==0.21.0
270
+ httptools==0.6.1
271
+ huggingface-hub==0.19.4
272
+ humanize==4.9.0
273
+ hunspell==0.5.5
274
+ husl==4.0.3
275
+ hydra-slayer==0.4.1
276
+ hyperopt==0.2.7
277
+ hypertools==0.8.0
278
+ idna==3.4
279
+ igraph==0.11.3
280
+ imagecodecs==2023.9.18
281
+ imagehash==4.3.1
282
+ imageio==2.31.1
283
+ imbalanced-learn==0.11.0
284
+ imgaug==0.4.0
285
+ importlib-metadata==6.8.0
286
+ importlib-resources==5.13.0
287
+ inequality==1.0.1
288
+ iniconfig==2.0.0
289
+ ipydatawidgets==4.3.5
290
+ ipykernel==6.25.1
291
+ ipyleaflet==0.18.0
292
+ ipympl==0.7.0
293
+ ipython-genutils==0.2.0
294
+ ipython-sql==0.5.0
295
+ ipython==8.14.0
296
+ ipyvolume==0.6.3
297
+ ipyvue==1.10.1
298
+ ipyvuetify==1.8.10
299
+ ipywebrtc==0.6.0
300
+ ipywidgets==7.7.1
301
+ isoduration==20.11.0
302
+ isort==5.13.1
303
+ isoweek==1.3.3
304
+ itsdangerous==2.1.2
305
+ janome==0.5.0
306
+ jaraco.classes==3.3.0
307
+ jax==0.4.21
308
+ jaxlib==0.4.21+cuda11.cudnn86
309
+ jedi==0.19.0
310
+ jeepney==0.8.0
311
+ jieba==0.42.1
312
+ jinja2==3.1.2
313
+ jmespath==1.0.1
314
+ joblib==1.3.2
315
+ json5==0.9.14
316
+ jsonpatch==1.32
317
+ jsonpointer==2.0
318
+ jsonschema-specifications==2023.7.1
319
+ jsonschema==4.19.0
320
+ jupyter-client==7.4.9
321
+ jupyter-console==6.6.3
322
+ jupyter-core==5.3.1
323
+ jupyter-events==0.9.0
324
+ jupyter-http-over-ws==0.0.8
325
+ jupyter-lsp==1.5.1
326
+ jupyter-server-mathjax==0.2.6
327
+ jupyter-server-proxy==4.0.0
328
+ jupyter-server-terminals==0.4.4
329
+ jupyter-server==2.12.1
330
+ jupyterlab-git==0.42.0
331
+ jupyterlab-lsp==5.0.1
332
+ jupyterlab-pygments==0.2.2
333
+ jupyterlab-server==2.24.0
334
+ jupyterlab-widgets==3.0.8
335
+ jupyterlab==4.0.5
336
+ jupytext==1.15.0
337
+ kaggle-environments==1.14.3
338
+ kaggle==1.5.16
339
+ kagglehub==0.1.4
340
+ keras-core==0.1.7
341
+ keras-cv==0.8.0.dev0
342
+ keras-nlp==0.7.0.dev3
343
+ keras-tuner==1.3.5
344
+ keras==2.13.1
345
+ keyring==24.2.0
346
+ keyrings.google-artifactregistry-auth==1.1.2
347
+ kfp-pipeline-spec==0.2.2
348
+ kfp-server-api==2.0.1
349
+ kfp==2.0.1
350
+ kiwisolver==1.4.4
351
+ kmapper==2.0.1
352
+ kmodes==0.12.2
353
+ korean-lunar-calendar==0.3.1
354
+ kornia==0.7.0
355
+ kt-legacy==1.0.5
356
+ kubernetes==26.1.0
357
+ langcodes==3.3.0
358
+ langid==1.1.6
359
+ lazy-loader==0.3
360
+ learntools==0.3.4
361
+ leven==1.0.4
362
+ levenshtein==0.23.0
363
+ libclang==16.0.6
364
+ libmambapy==1.5.0
365
+ libpysal==4.9.2
366
+ librosa==0.10.1
367
+ lightgbm==3.3.2
368
+ lightning-utilities==0.10.0
369
+ lime==0.2.0.1
370
+ line-profiler==4.1.2
371
+ linkify-it-py==2.0.2
372
+ llvmlite==0.40.1
373
+ lml==0.1.0
374
+ locket==1.0.0
375
+ lunarcalendar==0.0.9
376
+ lxml==4.9.3
377
+ lz4==4.3.2
378
+ mako==1.3.0
379
+ mamba==1.5.0
380
+ mapclassify==2.6.0
381
+ marisa-trie==1.1.0
382
+ markdown-it-py==3.0.0
383
+ markdown==3.4.4
384
+ markovify==0.9.4
385
+ markupsafe==2.1.3
386
+ marshmallow==3.20.1
387
+ matplotlib-inline==0.1.6
388
+ matplotlib-venn==0.11.9
389
+ matplotlib==3.7.4
390
+ mccabe==0.7.0
391
+ mdit-py-plugins==0.4.0
392
+ mdurl==0.1.0
393
+ memory-profiler==0.61.0
394
+ menuinst==2.0.1
395
+ mercantile==1.2.1
396
+ mgwr==2.2.0
397
+ missingno==0.5.2
398
+ mistune==0.8.4
399
+ mizani==0.10.0
400
+ ml-dtypes==0.3.1
401
+ mlcrate==0.2.0
402
+ mlens==0.2.3
403
+ mlxtend==0.23.0
404
+ mmh3==4.0.1
405
+ mne==1.6.0
406
+ mnist==0.2.2
407
+ mock==5.1.0
408
+ momepy==0.7.0
409
+ more-itertools==10.1.0
410
+ mpld3==0.5.9
411
+ mpmath==1.3.0
412
+ msgpack-numpy==0.4.8
413
+ msgpack==1.0.5
414
+ multidict==6.0.4
415
+ multimethod==1.9.1
416
+ multipledispatch==1.0.0
417
+ multiprocess==0.70.15
418
+ munkres==1.1.4
419
+ murmurhash==1.0.10
420
+ mypy-extensions==1.0.0
421
+ namex==0.0.7
422
+ nb-conda-kernels==2.3.1
423
+ nb-conda==2.2.1
424
+ nbclassic==1.0.0
425
+ nbclient==0.5.13
426
+ nbconvert==6.4.5
427
+ nbdime==3.2.0
428
+ nbformat==5.9.2
429
+ ndindex==1.7
430
+ nest-asyncio==1.5.6
431
+ netcdf4==1.6.5
432
+ networkx==3.1
433
+ nibabel==5.2.0
434
+ nilearn==0.10.2
435
+ ninja==1.11.1.1
436
+ nltk==3.2.4
437
+ nose==1.3.7
438
+ notebook-executor==0.2
439
+ notebook-shim==0.2.3
440
+ notebook==6.5.5
441
+ numba==0.57.1
442
+ numexpr==2.8.8
443
+ numpy==1.23.5
444
+ nvidia-ml-py==11.495.46
445
+ nvtx==0.2.8
446
+ oauth2client==4.1.3
447
+ oauthlib==3.2.2
448
+ objsize==0.6.1
449
+ odfpy==1.4.1
450
+ olefile==0.47
451
+ onnx==1.15.0
452
+ opencensus-context==0.1.3
453
+ opencensus==0.11.2
454
+ opencv-contrib-python==4.8.1.78
455
+ opencv-python-headless==4.8.1.78
456
+ opencv-python==4.8.1.78
457
+ openpyxl==3.1.2
458
+ openslide-python==1.3.1
459
+ opentelemetry-api==1.19.0
460
+ opentelemetry-exporter-otlp-proto-common==1.19.0
461
+ opentelemetry-exporter-otlp-proto-grpc==1.19.0
462
+ opentelemetry-exporter-otlp-proto-http==1.19.0
463
+ opentelemetry-exporter-otlp==1.19.0
464
+ opentelemetry-proto==1.19.0
465
+ opentelemetry-sdk==1.19.0
466
+ opentelemetry-semantic-conventions==0.40b0
467
+ opt-einsum==3.3.0
468
+ optax==0.1.7
469
+ optuna==3.5.0
470
+ orbax-checkpoint==0.4.7
471
+ orderedmultidict==1.0.1
472
+ orjson==3.9.5
473
+ ortools==9.4.1874
474
+ osmnx==1.1.1
475
+ overrides==6.5.0
476
+ packaging==21.3
477
+ pandas-datareader==0.10.0
478
+ pandas-profiling==3.6.6
479
+ pandas-summary==0.2.0
480
+ pandas==2.0.3
481
+ pandasql==0.7.3
482
+ pandocfilters==1.5.0
483
+ panel==1.3.4
484
+ papermill==2.4.0
485
+ param==2.0.1
486
+ parso==0.8.3
487
+ partd==1.4.1
488
+ path.py==12.5.0
489
+ path==16.9.0
490
+ pathos==0.3.1
491
+ pathy==0.10.1
492
+ patsy==0.5.3
493
+ pdf2image==1.16.3
494
+ pettingzoo==1.24.0
495
+ pexpect==4.8.0
496
+ phik==0.12.3
497
+ pickleshare==0.7.5
498
+ pillow==10.1.0
499
+ pip==23.2.1
500
+ pkgutil-resolve-name==1.3.10
501
+ platformdirs==4.1.0
502
+ plotly-express==0.4.1
503
+ plotly==5.16.1
504
+ plotnine==0.10.1
505
+ pluggy==1.2.0
506
+ pointpats==2.4.0
507
+ polars==0.19.19
508
+ polyglot==16.7.4
509
+ pooch==1.8.0
510
+ pox==0.3.3
511
+ ppca==0.0.4
512
+ ppft==1.7.6.7
513
+ preprocessing==0.1.13
514
+ preshed==3.0.9
515
+ prettytable==3.8.0
516
+ progressbar2==4.2.0
517
+ prometheus-client==0.17.1
518
+ promise==2.3
519
+ prompt-toolkit==3.0.39
520
+ pronouncing==0.2.0
521
+ prophet==1.1.1
522
+ proto-plus==1.22.3
523
+ protobuf==3.20.3
524
+ psutil==5.9.3
525
+ ptxcompiler-cu11==0.7.0.post1
526
+ ptxcompiler==0.8.1
527
+ ptyprocess==0.7.0
528
+ pudb==2023.1
529
+ pulp==2.7.0
530
+ pure-eval==0.2.2
531
+ py-cpuinfo==9.0.0
532
+ py-spy==0.3.14
533
+ py4j==0.10.9.7
534
+ pyaml==23.9.7
535
+ pyarabic==0.6.15
536
+ pyarrow==11.0.0
537
+ pyasn1-modules==0.2.7
538
+ pyasn1==0.4.8
539
+ pyastronomy==0.20.0
540
+ pybind11==2.11.1
541
+ pyclipper==1.3.0.post5
542
+ pycodestyle==2.11.1
543
+ pycosat==0.6.4
544
+ pycparser==2.21
545
+ pycryptodome==3.19.0
546
+ pyct==0.5.0
547
+ pycuda==2023.1
548
+ pydantic-core==2.14.5
549
+ pydantic==1.10.12
550
+ pydegensac==0.1.2
551
+ pydicom==2.4.3
552
+ pydocstyle==6.3.0
553
+ pydot==1.4.2
554
+ pydub==0.25.1
555
+ pyemd==1.0.0
556
+ pyerfa==2.0.1.1
557
+ pyexcel-io==0.6.6
558
+ pyexcel-ods==0.6.0
559
+ pyfasttext==0.4.6
560
+ pyflakes==3.1.0
561
+ pygltflib==1.16.1
562
+ pygments==2.16.1
563
+ pyjwt==2.8.0
564
+ pykalman==0.9.5
565
+ pyldavis==3.2.2
566
+ pylibraft==23.8.0
567
+ pylint==3.0.3
568
+ pymc3==3.11.5
569
+ pymeeus==0.5.12
570
+ pymongo==3.13.0
571
+ pympler==1.0.1
572
+ pynndescent==0.5.11
573
+ pynvml==11.4.1
574
+ pynvrtc==9.2
575
+ pyocr==0.8.5
576
+ pyopenssl==23.2.0
577
+ pyparsing==3.0.9
578
+ pypdf==3.17.2
579
+ pyproj==3.6.1
580
+ pysal==23.7
581
+ pyshp==2.3.1
582
+ pysocks==1.7.1
583
+ pytesseract==0.3.10
584
+ pytest==7.4.3
585
+ python-bidi==0.4.2
586
+ python-dateutil==2.8.2
587
+ python-dotenv==1.0.0
588
+ python-json-logger==2.0.7
589
+ python-levenshtein==0.23.0
590
+ python-louvain==0.16
591
+ python-lsp-jsonrpc==1.1.2
592
+ python-lsp-server==1.9.0
593
+ python-slugify==8.0.1
594
+ python-utils==3.8.1
595
+ pythreejs==2.4.2
596
+ pytoolconfig==1.2.6
597
+ pytools==2023.1.1
598
+ pytorch-ignite==0.4.13
599
+ pytorch-lightning==2.1.2
600
+ pytz==2023.3
601
+ pyu2f==0.1.5
602
+ pyupset==0.1.1.post7
603
+ pyviz-comms==3.0.0
604
+ pywavelets==1.4.1
605
+ pyyaml==6.0.1
606
+ pyzmq==24.0.1
607
+ qgrid==1.3.1
608
+ qtconsole==5.5.1
609
+ qtpy==2.4.1
610
+ quantecon==0.7.1
611
+ quantities==0.15.0
612
+ qudida==0.0.4
613
+ raft-dask==23.8.0
614
+ rapidfuzz==3.5.2
615
+ rasterio==1.3.9
616
+ rasterstats==0.19.0
617
+ ray-cpp==2.6.3
618
+ ray==2.6.3
619
+ referencing==0.30.2
620
+ regex==2023.8.8
621
+ requests-oauthlib==1.3.1
622
+ requests-toolbelt==0.10.1
623
+ requests==2.31.0
624
+ responses==0.18.0
625
+ retrying==1.3.3
626
+ rfc3339-validator==0.1.4
627
+ rfc3986-validator==0.1.1
628
+ rgf-python==3.12.0
629
+ rich==13.5.2
630
+ rmm==23.8.0
631
+ rope==1.11.0
632
+ rouge-score==0.1.2
633
+ rpds-py==0.9.2
634
+ rsa==4.9
635
+ rtree==1.1.0
636
+ ruamel-yaml-conda==0.15.100
637
+ ruamel.yaml.clib==0.2.7
638
+ ruamel.yaml==0.17.32
639
+ s2sphere==0.2.5
640
+ s3fs==2023.12.2
641
+ s3transfer==0.6.2
642
+ safetensors==0.4.1
643
+ scattertext==0.1.19
644
+ scikit-image==0.21.0
645
+ scikit-learn-intelex==2024.0.1
646
+ scikit-learn==1.2.2
647
+ scikit-multilearn==0.2.0
648
+ scikit-optimize==0.9.0
649
+ scikit-plot==0.3.7
650
+ scikit-surprise==1.1.3
651
+ scipy==1.11.4
652
+ seaborn==0.12.2
653
+ secretstorage==3.3.3
654
+ segment-anything==1.0
655
+ segregation==2.5
656
+ semver==3.0.2
657
+ send2trash==1.8.2
658
+ sentencepiece==0.1.99
659
+ sentry-sdk==1.39.0
660
+ setproctitle==1.3.3
661
+ setuptools-git==1.2
662
+ setuptools-scm==8.0.4
663
+ setuptools==68.1.2
664
+ shap==0.44.0
665
+ shapely==1.8.5.post1
666
+ shellingham==1.5.4
667
+ shimmy==1.3.0
668
+ simpervisor==1.0.0
669
+ simpleitk==2.3.1
670
+ simplejson==3.19.2
671
+ six==1.16.0
672
+ sklearn-pandas==2.2.0
673
+ slicer==0.0.7
674
+ smart-open==6.3.0
675
+ smhasher==0.150.1
676
+ smmap==5.0.0
677
+ sniffio==1.3.0
678
+ snowballstemmer==2.2.0
679
+ snuggs==1.4.7
680
+ sortedcontainers==2.4.0
681
+ soundfile==0.12.1
682
+ soupsieve==2.3.2.post1
683
+ soxr==0.3.7
684
+ spacy-legacy==3.0.12
685
+ spacy-loggers==1.0.5
686
+ spacy==3.7.2
687
+ spaghetti==1.7.4
688
+ spectral==0.23.1
689
+ spglm==1.1.0
690
+ sphinx-rtd-theme==0.2.4
691
+ spint==1.0.7
692
+ splot==1.1.5.post1
693
+ spopt==0.6.0
694
+ spreg==1.4.2
695
+ spvcm==0.3.0
696
+ sqlalchemy==2.0.20
697
+ sqlparse==0.4.4
698
+ squarify==0.4.3
699
+ srsly==2.4.8
700
+ stable-baselines3==2.1.0
701
+ stack-data==0.6.2
702
+ stanio==0.3.0
703
+ starlette==0.27.0
704
+ statsmodels==0.14.0
705
+ stemming==1.0.1
706
+ stop-words==2018.7.23
707
+ stopit==1.1.2
708
+ stumpy==1.12.0
709
+ sympy==1.12
710
+ tables==3.9.2
711
+ tabulate==0.9.0
712
+ tangled-up-in-unicode==0.2.0
713
+ tbb==2021.11.0
714
+ tblib==3.0.0
715
+ tenacity==8.2.3
716
+ tensorboard-data-server==0.7.1
717
+ tensorboard-plugin-profile==2.13.1
718
+ tensorboard==2.13.0
719
+ tensorboardx==2.6.2.2
720
+ tensorflow-addons==0.23.0
721
+ tensorflow-cloud==0.1.16
722
+ tensorflow-datasets==4.9.2
723
+ tensorflow-decision-forests==1.5.0
724
+ tensorflow-estimator==2.13.0
725
+ tensorflow-hub==0.14.0
726
+ tensorflow-io-gcs-filesystem==0.34.0
727
+ tensorflow-io==0.34.0
728
+ tensorflow-metadata==0.14.0
729
+ tensorflow-probability==0.21.0
730
+ tensorflow-serving-api==2.13.0
731
+ tensorflow-text==2.13.0
732
+ tensorflow-transform==0.14.0
733
+ tensorflow==2.13.0
734
+ tensorflowjs==4.14.0
735
+ tensorpack==0.11
736
+ tensorstore==0.1.51
737
+ termcolor==2.3.0
738
+ terminado==0.17.1
739
+ testpath==0.6.0
740
+ text-unidecode==1.3
741
+ textblob==0.17.1
742
+ texttable==1.7.0
743
+ textwrap3==0.9.2
744
+ theano-pymc==1.1.2
745
+ theano==1.0.5
746
+ thinc==8.2.1
747
+ threadpoolctl==3.2.0
748
+ tifffile==2023.8.12
749
+ timm==0.9.12
750
+ tinycss2==1.2.1
751
+ tobler==0.11.2
752
+ tokenizers==0.15.0
753
+ toml==0.10.2
754
+ tomli==2.0.1
755
+ tomlkit==0.12.3
756
+ toolz==0.12.0
757
+ torch==2.0.0
758
+ torchaudio==2.0.1
759
+ torchdata==0.7.1
760
+ torchinfo==1.8.0
761
+ torchmetrics==1.2.1
762
+ torchtext==0.15.1
763
+ torchvision==0.15.1
764
+ tornado==6.3.3
765
+ tpot==0.12.1
766
+ tqdm==4.66.1
767
+ traceml==1.0.8
768
+ traitlets==5.9.0
769
+ traittypes==0.2.1
770
+ transformers==4.36.0
771
+ treelite-runtime==3.2.0
772
+ treelite==3.2.0
773
+ trueskill==0.4.5
774
+ truststore==0.8.0
775
+ tsfresh==0.20.1
776
+ typeguard==2.13.3
777
+ typer==0.9.0
778
+ typing-extensions==4.5.0
779
+ typing-inspect==0.9.0
780
+ typing-utils==0.1.0
781
+ tzdata==2023.3
782
+ tzlocal==5.2
783
+ uc-micro-py==1.0.2
784
+ ucx-py==0.33.0
785
+ ujson==5.9.0
786
+ umap-learn==0.5.5
787
+ unicodedata2==15.1.0
788
+ unidecode==1.3.7
789
+ update-checker==0.18.0
790
+ uri-template==1.3.0
791
+ uritemplate==3.0.1
792
+ urllib3==1.26.15
793
+ urwid-readline==0.13
794
+ urwid==2.3.4
795
+ uvicorn==0.23.2
796
+ uvloop==0.19.0
797
+ vaex-astro==0.9.3
798
+ vaex-core==4.17.1
799
+ vaex-hdf5==0.14.1
800
+ vaex-jupyter==0.8.2
801
+ vaex-ml==0.18.3
802
+ vaex-server==0.9.0
803
+ vaex-viz==0.5.4
804
+ vaex==4.17.0
805
+ vec-noise==1.1.4
806
+ vecstack==0.4.0
807
+ virtualenv==20.21.0
808
+ visions==0.7.5
809
+ vowpalwabbit==9.9.0
810
+ vtk==9.3.0
811
+ wand==0.6.13
812
+ wandb==0.16.1
813
+ wasabi==1.1.2
814
+ watchfiles==0.21.0
815
+ wavio==0.0.8
816
+ wcwidth==0.2.6
817
+ weasel==0.3.4
818
+ webcolors==1.13
819
+ webencodings==0.5.1
820
+ websocket-client==1.6.2
821
+ websockets==12.0
822
+ werkzeug==3.0.1
823
+ wfdb==4.1.2
824
+ whatthepatch==1.0.5
825
+ wheel==0.41.2
826
+ widgetsnbextension==3.6.6
827
+ witwidget==1.8.1
828
+ woodwork==0.27.0
829
+ wordcloud==1.9.2
830
+ wordsegment==1.3.1
831
+ wrapt==1.15.0
832
+ wurlitzer==3.0.3
833
+ xarray-einstats==0.6.0
834
+ xarray==2023.12.0
835
+ xgboost==2.0.2
836
+ xvfbwrapper==0.2.9
837
+ xxhash==3.4.1
838
+ xyzservices==2023.10.1
839
+ yapf==0.40.2
840
+ yarl==1.9.2
841
+ ydata-profiling==4.5.1
842
+ yellowbrick==1.5
843
+ zict==3.0.0
844
+ zipp==3.16.2
845
+ zstandard==0.22.0
wandb/run-20240103_105541-kk0m5fl8/files/wandb-metadata.json ADDED
@@ -0,0 +1,62 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.133+-x86_64-with-glibc2.35",
3
+ "python": "3.10.12",
4
+ "heartbeatAt": "2024-01-03T10:55:42.744474",
5
+ "startedAt": "2024-01-03T10:55:41.493401",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "kaggle.ipynb",
11
+ "codePathLocal": null,
12
+ "root": "/kaggle/working",
13
+ "host": "416a3b7a3d3d",
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.18,
20
+ "min": 0.0,
21
+ "max": 0.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2000.18,
26
+ "min": 0.0,
27
+ "max": 0.0
28
+ },
29
+ {
30
+ "current": 2000.18,
31
+ "min": 0.0,
32
+ "max": 0.0
33
+ },
34
+ {
35
+ "current": 2000.18,
36
+ "min": 0.0,
37
+ "max": 0.0
38
+ },
39
+ {
40
+ "current": 2000.18,
41
+ "min": 0.0,
42
+ "max": 0.0
43
+ }
44
+ ],
45
+ "disk": {
46
+ "/": {
47
+ "total": 8062.387607574463,
48
+ "used": 5341.223731994629
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": 17071734784
57
+ }
58
+ ],
59
+ "memory": {
60
+ "total": 31.357559204101562
61
+ }
62
+ }
wandb/run-20240103_105541-kk0m5fl8/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"train/loss": 2.7651, "train/learning_rate": 1.6129032258064516e-06, "train/epoch": 0.99, "train/global_step": 31, "_timestamp": 1704281273.7608829, "_runtime": 1932.2594277858734, "_step": 11, "eval/loss": 2.7667200565338135, "eval/rouge2_precision": 0.15, "eval/rouge2_recall": 0.0913, "eval/rouge2_fmeasure": 0.1075, "eval/runtime": 195.4654, "eval/samples_per_second": 0.128, "eval/steps_per_second": 0.067, "train/train_runtime": 1361.2342, "train/train_samples_per_second": 0.184, "train/train_steps_per_second": 0.023, "train/total_flos": 1339301598068736.0, "train/train_loss": 2.9218551266577935}
wandb/run-20240103_105541-kk0m5fl8/logs/debug-internal.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20240103_105541-kk0m5fl8/logs/debug.log ADDED
@@ -0,0 +1,55 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Current SDK version is 0.16.1
2
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Configure stats pid to 99
3
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_init.py:_log_setup():524] Logging user logs to /kaggle/working/wandb/run-20240103_105541-kk0m5fl8/logs/debug.log
10
+ 2024-01-03 10:55:41,495 INFO MainThread:99 [wandb_init.py:_log_setup():525] Logging internal logs to /kaggle/working/wandb/run-20240103_105541-kk0m5fl8/logs/debug-internal.log
11
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:_jupyter_setup():470] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x78c0792cf100>
12
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:init():564] calling init triggers
13
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:init():571] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:init():614] starting backend
16
+ 2024-01-03 10:55:41,496 INFO MainThread:99 [wandb_init.py:init():618] setting up manager
17
+ 2024-01-03 10:55:41,498 INFO MainThread:99 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-01-03 10:55:41,501 INFO MainThread:99 [wandb_init.py:init():624] backend started and connected
19
+ 2024-01-03 10:55:41,513 INFO MainThread:99 [wandb_run.py:_label_probe_notebook():1294] probe notebook
20
+ 2024-01-03 10:55:42,150 INFO MainThread:99 [wandb_init.py:init():716] updated telemetry
21
+ 2024-01-03 10:55:42,164 INFO MainThread:99 [wandb_init.py:init():749] communicating run to backend with 90.0 second timeout
22
+ 2024-01-03 10:55:42,671 INFO MainThread:99 [wandb_run.py:_on_init():2254] communicating current version
23
+ 2024-01-03 10:55:42,725 INFO MainThread:99 [wandb_run.py:_on_init():2263] got version response
24
+ 2024-01-03 10:55:42,725 INFO MainThread:99 [wandb_init.py:init():800] starting run threads in backend
25
+ 2024-01-03 10:56:12,751 INFO MainThread:99 [wandb_run.py:_console_start():2233] atexit reg
26
+ 2024-01-03 10:56:12,751 INFO MainThread:99 [wandb_run.py:_redirect():2088] redirect: wrap_raw
27
+ 2024-01-03 10:56:12,752 INFO MainThread:99 [wandb_run.py:_redirect():2153] Wrapping output streams.
28
+ 2024-01-03 10:56:12,752 INFO MainThread:99 [wandb_run.py:_redirect():2178] Redirects installed.
29
+ 2024-01-03 10:56:12,753 INFO MainThread:99 [wandb_init.py:init():841] run started, returning control to user process
30
+ 2024-01-03 10:56:12,760 INFO MainThread:99 [wandb_run.py:_config_callback():1342] config_cb None None {'vocab_size': 50265, 'max_encoder_position_embeddings': 16384, 'max_decoder_position_embeddings': 1024, 'd_model': 768, 'encoder_ffn_dim': 3072, 'encoder_layers': 6, 'encoder_attention_heads': 12, 'decoder_ffn_dim': 3072, 'decoder_layers': 6, 'decoder_attention_heads': 12, 'dropout': 0.1, 'attention_dropout': 0.0, 'activation_dropout': 0.0, 'activation_function': 'gelu', 'init_std': 0.02, 'encoder_layerdrop': 0.0, 'decoder_layerdrop': 0.0, 'classifier_dropout': 0.0, 'use_cache': False, 'num_hidden_layers': 6, 'attention_window': [1024, 1024, 1024, 1024, 1024, 1024], '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, 'is_encoder_decoder': True, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 512, 'min_length': 100, 'do_sample': False, 'early_stopping': True, 'num_beams': 2, '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': 2.0, 'no_repeat_ngram_size': 3, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'chunk_size_feed_forward': 0, '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': ['LEDForConditionalGeneration'], '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': 0, 'pad_token_id': 1, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': 2, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'allenai/led-base-16384', 'transformers_version': '4.36.0', 'classif_dropout': 0.0, 'model_type': 'led', 'output_dir': './', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 2, 'per_device_eval_batch_size': 2, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 4, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 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': 1, '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': './runs/Jan03_10-55-16_416a3b7a3d3d', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 5, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': 10, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': '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, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': False, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'sortish_sampler': False, 'predict_with_generate': True, 'generation_max_length': None, 'generation_num_beams': None, 'generation_config': None}
31
+ 2024-01-03 11:04:25,631 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
32
+ 2024-01-03 11:04:25,631 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
33
+ 2024-01-03 11:05:08,175 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
34
+ 2024-01-03 11:05:08,177 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
35
+ 2024-01-03 11:05:08,177 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
36
+ 2024-01-03 11:05:09,557 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
37
+ 2024-01-03 11:05:09,559 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
38
+ 2024-01-03 11:05:09,559 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
39
+ 2024-01-03 11:05:09,778 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
40
+ 2024-01-03 11:05:09,785 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
41
+ 2024-01-03 11:05:09,785 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
42
+ 2024-01-03 11:05:11,278 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
43
+ 2024-01-03 11:05:11,290 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
44
+ 2024-01-03 11:05:11,290 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
45
+ 2024-01-03 11:05:12,067 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
46
+ 2024-01-03 11:05:12,538 INFO MainThread:99 [wandb_run.py:_config_callback():1342] config_cb None None {'vocab_size': 50265, 'max_encoder_position_embeddings': 16384, 'max_decoder_position_embeddings': 1024, 'd_model': 768, 'encoder_ffn_dim': 3072, 'encoder_layers': 6, 'encoder_attention_heads': 12, 'decoder_ffn_dim': 3072, 'decoder_layers': 6, 'decoder_attention_heads': 12, 'dropout': 0.1, 'attention_dropout': 0.0, 'activation_dropout': 0.0, 'activation_function': 'gelu', 'init_std': 0.02, 'encoder_layerdrop': 0.0, 'decoder_layerdrop': 0.0, 'classifier_dropout': 0.0, 'use_cache': False, 'num_hidden_layers': 6, 'attention_window': [1024, 1024, 1024, 1024, 1024, 1024], '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, 'is_encoder_decoder': True, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 512, 'min_length': 100, 'do_sample': False, 'early_stopping': True, 'num_beams': 2, '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': 2.0, 'no_repeat_ngram_size': 3, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'chunk_size_feed_forward': 0, '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': ['LEDForConditionalGeneration'], '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': 0, 'pad_token_id': 1, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': 2, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'allenai/led-base-16384', 'transformers_version': '4.36.0', 'classif_dropout': 0.0, 'model_type': 'led', 'output_dir': './', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 2, 'per_device_eval_batch_size': 2, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 4, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 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': 1, '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': './runs/Jan03_11-05-09_416a3b7a3d3d', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 5, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': 10, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': './', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': '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, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': False, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'sortish_sampler': False, 'predict_with_generate': True, 'generation_max_length': None, 'generation_num_beams': None, 'generation_config': None}
47
+ 2024-01-03 11:27:53,766 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
48
+ 2024-01-03 11:27:53,766 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
49
+ 2024-01-03 11:28:23,468 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
50
+ 2024-01-03 11:28:24,109 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
51
+ 2024-01-03 11:28:24,109 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
52
+ 2024-01-03 11:29:06,752 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
53
+ 2024-01-03 11:29:06,779 INFO MainThread:99 [jupyter.py:save_ipynb():373] not saving jupyter notebook
54
+ 2024-01-03 11:29:06,780 INFO MainThread:99 [wandb_init.py:_pause_backend():435] pausing backend
55
+ 2024-01-03 11:29:56,569 INFO MainThread:99 [wandb_init.py:_resume_backend():440] resuming backend
wandb/run-20240103_105541-kk0m5fl8/run-kk0m5fl8.wandb ADDED
Binary file (56.6 kB). View file