SiMajid commited on
Commit
29829cd
1 Parent(s): 31e0a53

reward-train-facebook-opt350m_v3

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