Femboyuwu2000 commited on
Commit
199c472
1 Parent(s): cfde164

lierotica_llama2

Browse files
Files changed (37) hide show
  1. .gitattributes +1 -0
  2. README.md +2 -3
  3. adapter_config.json +4 -4
  4. adapter_model.safetensors +1 -1
  5. runs/Apr08_20-13-31_622eb14e717e/events.out.tfevents.1712607458.622eb14e717e.103.0 +3 -0
  6. runs/Apr08_20-26-16_622eb14e717e/events.out.tfevents.1712607981.622eb14e717e.781.0 +3 -0
  7. runs/Apr08_20-30-47_622eb14e717e/events.out.tfevents.1712608252.622eb14e717e.1139.0 +3 -0
  8. training_args.bin +1 -1
  9. wandb/debug-internal.log +0 -0
  10. wandb/debug.log +28 -33
  11. wandb/run-20240408_201757-0wo4cvb8/files/conda-environment.yaml +1068 -0
  12. wandb/run-20240408_201757-0wo4cvb8/files/config.yaml +682 -0
  13. wandb/run-20240408_201757-0wo4cvb8/files/output.log +60 -0
  14. wandb/run-20240408_201757-0wo4cvb8/files/requirements.txt +879 -0
  15. wandb/run-20240408_201757-0wo4cvb8/files/wandb-metadata.json +66 -0
  16. wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json +1 -0
  17. wandb/run-20240408_201757-0wo4cvb8/logs/debug-internal.log +485 -0
  18. wandb/run-20240408_201757-0wo4cvb8/logs/debug.log +33 -0
  19. wandb/run-20240408_201757-0wo4cvb8/run-0wo4cvb8.wandb +0 -0
  20. wandb/run-20240408_202622-e7ipds5r/files/conda-environment.yaml +1068 -0
  21. wandb/run-20240408_202622-e7ipds5r/files/config.yaml +682 -0
  22. wandb/run-20240408_202622-e7ipds5r/files/output.log +28 -0
  23. wandb/run-20240408_202622-e7ipds5r/files/requirements.txt +879 -0
  24. wandb/run-20240408_202622-e7ipds5r/files/wandb-metadata.json +66 -0
  25. wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json +1 -0
  26. wandb/run-20240408_202622-e7ipds5r/logs/debug-internal.log +330 -0
  27. wandb/run-20240408_202622-e7ipds5r/logs/debug.log +32 -0
  28. wandb/run-20240408_202622-e7ipds5r/run-e7ipds5r.wandb +0 -0
  29. wandb/run-20240408_203054-ldiuneeg/files/conda-environment.yaml +1068 -0
  30. wandb/run-20240408_203054-ldiuneeg/files/config.yaml +682 -0
  31. wandb/run-20240408_203054-ldiuneeg/files/output.log +0 -0
  32. wandb/run-20240408_203054-ldiuneeg/files/requirements.txt +879 -0
  33. wandb/run-20240408_203054-ldiuneeg/files/wandb-metadata.json +66 -0
  34. wandb/run-20240408_203054-ldiuneeg/files/wandb-summary.json +1 -0
  35. wandb/run-20240408_203054-ldiuneeg/logs/debug-internal.log +0 -0
  36. wandb/run-20240408_203054-ldiuneeg/logs/debug.log +30 -0
  37. wandb/run-20240408_203054-ldiuneeg/run-ldiuneeg.wandb +3 -0
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ wandb/run-20240408_203054-ldiuneeg/run-ldiuneeg.wandb filter=lfs diff=lfs merge=lfs -text
README.md CHANGED
@@ -9,7 +9,6 @@ base_model: TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T
9
  model-index:
10
  - name: working
11
  results: []
12
- pipeline_tag: text-generation
13
  ---
14
 
15
  <!-- This model card has been generated automatically according to the information the Trainer had access to. You
@@ -36,14 +35,14 @@ More information needed
36
  ### Training hyperparameters
37
 
38
  The following hyperparameters were used during training:
39
- - learning_rate: 5e-05
40
  - train_batch_size: 4
41
  - eval_batch_size: 16
42
  - seed: 42
43
  - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
44
  - lr_scheduler_type: cosine
45
  - lr_scheduler_warmup_ratio: 0.03
46
- - training_steps: 50
47
 
48
  ### Training results
49
 
 
9
  model-index:
10
  - name: working
11
  results: []
 
12
  ---
13
 
14
  <!-- This model card has been generated automatically according to the information the Trainer had access to. You
 
35
  ### Training hyperparameters
36
 
37
  The following hyperparameters were used during training:
38
+ - learning_rate: 3e-05
39
  - train_batch_size: 4
40
  - eval_batch_size: 16
41
  - seed: 42
42
  - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
43
  - lr_scheduler_type: cosine
44
  - lr_scheduler_warmup_ratio: 0.03
45
+ - training_steps: 17000
46
 
47
  ### Training results
48
 
adapter_config.json CHANGED
@@ -21,12 +21,12 @@
21
  "revision": null,
22
  "target_modules": [
23
  "q_proj",
24
- "down_proj",
25
- "k_proj",
26
- "o_proj",
27
  "gate_proj",
 
 
28
  "v_proj",
29
- "up_proj"
30
  ],
31
  "task_type": "CAUSAL_LM",
32
  "use_dora": false,
 
21
  "revision": null,
22
  "target_modules": [
23
  "q_proj",
24
+ "up_proj",
 
 
25
  "gate_proj",
26
+ "o_proj",
27
+ "down_proj",
28
  "v_proj",
29
+ "k_proj"
30
  ],
31
  "task_type": "CAUSAL_LM",
32
  "use_dora": false,
adapter_model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:07624ee36ebf12be681ebcb58040cf3510e88ff28bb6ad809f88d0c9301e8fc1
3
  size 25271744
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:93c117436ccb37985fb8a42daf5f2c6bdb4eb43a9625f8c045a2ceccc233c581
3
  size 25271744
runs/Apr08_20-13-31_622eb14e717e/events.out.tfevents.1712607458.622eb14e717e.103.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:09447db81e27ac912719e9eaeeb9ce426d6d86386a254759199fed4ec1f20286
3
+ size 8016
runs/Apr08_20-26-16_622eb14e717e/events.out.tfevents.1712607981.622eb14e717e.781.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e92973b0f5b143f0062f73156a801c7058150a91de28ec60f9f68aac59a554f9
3
+ size 6330
runs/Apr08_20-30-47_622eb14e717e/events.out.tfevents.1712608252.622eb14e717e.1139.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6459fb5e96f74db4ee06c5683060a3c99017b2bc771aa54f04e79008b2b6d253
3
+ size 184896
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:35b12e3c55fa833bac496807a2ecf7162d070061bcc463246605009845491983
3
  size 4920
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:75aa6e38939ebbd4d58f8eaad581a1244adc1ae25513698261d543576e873783
3
  size 4920
wandb/debug-internal.log CHANGED
The diff for this file is too large to render. See raw diff
 
wandb/debug.log CHANGED
@@ -1,35 +1,30 @@
1
- 2024-04-08 19:45:11,065 INFO MainThread:34 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4
2
- 2024-04-08 19:45:11,065 INFO MainThread:34 [wandb_setup.py:_flush():76] Configure stats pid to 34
3
- 2024-04-08 19:45:11,065 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_init.py:_log_setup():526] Logging user logs to /kaggle/working/wandb/run-20240408_194511-wp046ftq/logs/debug.log
10
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_init.py:_log_setup():527] Logging internal logs to /kaggle/working/wandb/run-20240408_194511-wp046ftq/logs/debug-internal.log
11
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7d61b4bc2410>
12
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_init.py:init():566] calling init triggers
13
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
14
  config: {}
15
- 2024-04-08 19:45:11,066 INFO MainThread:34 [wandb_init.py:init():616] starting backend
16
- 2024-04-08 19:45:11,067 INFO MainThread:34 [wandb_init.py:init():620] setting up manager
17
- 2024-04-08 19:45:11,068 INFO MainThread:34 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
- 2024-04-08 19:45:11,071 INFO MainThread:34 [wandb_init.py:init():628] backend started and connected
19
- 2024-04-08 19:45:11,084 INFO MainThread:34 [wandb_run.py:_label_probe_notebook():1295] probe notebook
20
- 2024-04-08 19:45:11,498 INFO MainThread:34 [wandb_init.py:init():720] updated telemetry
21
- 2024-04-08 19:45:11,501 INFO MainThread:34 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
- 2024-04-08 19:45:11,615 INFO MainThread:34 [wandb_run.py:_on_init():2262] communicating current version
23
- 2024-04-08 19:45:11,696 INFO MainThread:34 [wandb_run.py:_on_init():2271] got version response upgrade_message: "wandb version 0.16.6 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
24
 
25
- 2024-04-08 19:45:11,696 INFO MainThread:34 [wandb_init.py:init():804] starting run threads in backend
26
- 2024-04-08 19:45:42,707 INFO MainThread:34 [wandb_run.py:_console_start():2241] atexit reg
27
- 2024-04-08 19:45:42,707 INFO MainThread:34 [wandb_run.py:_redirect():2096] redirect: wrap_raw
28
- 2024-04-08 19:45:42,709 INFO MainThread:34 [wandb_run.py:_redirect():2161] Wrapping output streams.
29
- 2024-04-08 19:45:42,709 INFO MainThread:34 [wandb_run.py:_redirect():2186] Redirects installed.
30
- 2024-04-08 19:45:42,711 INFO MainThread:34 [wandb_init.py:init():847] run started, returning control to user process
31
- 2024-04-08 19:45:42,719 INFO MainThread:34 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 32000, 'max_position_embeddings': 2048, 'hidden_size': 2048, 'intermediate_size': 5632, 'num_hidden_layers': 22, 'num_attention_heads': 32, 'num_key_value_heads': 4, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': False, 'rope_theta': 10000.0, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'chunk_size_feed_forward': 0, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'typical_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['LlamaForCausalLM'], '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': 1, 'pad_token_id': None, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T', 'transformers_version': '4.38.2', 'model_type': 'llama', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', '_load_in_8bit': False, '_load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': False, 'bnb_4bit_compute_dtype': 'float16', 'load_in_4bit': True, 'load_in_8bit': False}, 'output_dir': '/kaggle/working/', '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': 2, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 5e-05, 'weight_decay': 0.001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.1, 'num_train_epochs': 1, 'max_steps': 20000, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/Apr08_19-40-38_c6b69506ef79', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 20, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 20, 'save_total_limit': 1, '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, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': 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}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
32
- 2024-04-08 19:46:07,837 INFO MainThread:34 [jupyter.py:save_ipynb():373] not saving jupyter notebook
33
- 2024-04-08 19:46:07,837 INFO MainThread:34 [wandb_init.py:_pause_backend():437] pausing backend
34
- 2024-04-08 19:46:21,595 INFO MainThread:34 [wandb_init.py:_resume_backend():442] resuming backend
35
- 2024-04-08 19:46:25,653 INFO MainThread:34 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 32000, 'max_position_embeddings': 2048, 'hidden_size': 2048, 'intermediate_size': 5632, 'num_hidden_layers': 22, 'num_attention_heads': 32, 'num_key_value_heads': 4, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': False, 'rope_theta': 10000.0, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'chunk_size_feed_forward': 0, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'typical_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['LlamaForCausalLM'], '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': 1, 'pad_token_id': None, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T', 'transformers_version': '4.38.2', 'model_type': 'llama', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', '_load_in_8bit': False, '_load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': False, 'bnb_4bit_compute_dtype': 'float16', 'load_in_4bit': True, 'load_in_8bit': False}, 'output_dir': '/kaggle/working/', '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': 2, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 5e-05, 'weight_decay': 0.001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.1, 'num_train_epochs': 1, 'max_steps': 50, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/Apr08_19-46-21_c6b69506ef79', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 20, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 20, 'save_total_limit': 1, '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, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': 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}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
 
1
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4
2
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Configure stats pid to 1139
3
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_init.py:_log_setup():526] Logging user logs to /kaggle/working/wandb/run-20240408_203054-ldiuneeg/logs/debug.log
9
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:_log_setup():527] Logging internal logs to /kaggle/working/wandb/run-20240408_203054-ldiuneeg/logs/debug-internal.log
10
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7a14022dcc40>
11
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:init():566] calling init triggers
12
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
 
13
  config: {}
14
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:init():616] starting backend
15
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:init():620] setting up manager
16
+ 2024-04-08 20:30:54,361 INFO MainThread:1139 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
17
+ 2024-04-08 20:30:54,362 INFO MainThread:1139 [wandb_init.py:init():628] backend started and connected
18
+ 2024-04-08 20:30:54,373 INFO MainThread:1139 [wandb_run.py:_label_probe_notebook():1295] probe notebook
19
+ 2024-04-08 20:30:54,756 INFO MainThread:1139 [wandb_init.py:init():720] updated telemetry
20
+ 2024-04-08 20:30:54,760 INFO MainThread:1139 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
21
+ 2024-04-08 20:30:54,922 INFO MainThread:1139 [wandb_run.py:_on_init():2262] communicating current version
22
+ 2024-04-08 20:30:55,013 INFO MainThread:1139 [wandb_run.py:_on_init():2271] got version response upgrade_message: "wandb version 0.16.6 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
23
 
24
+ 2024-04-08 20:30:55,013 INFO MainThread:1139 [wandb_init.py:init():804] starting run threads in backend
25
+ 2024-04-08 20:31:25,981 INFO MainThread:1139 [wandb_run.py:_console_start():2241] atexit reg
26
+ 2024-04-08 20:31:25,981 INFO MainThread:1139 [wandb_run.py:_redirect():2096] redirect: wrap_raw
27
+ 2024-04-08 20:31:25,982 INFO MainThread:1139 [wandb_run.py:_redirect():2161] Wrapping output streams.
28
+ 2024-04-08 20:31:25,982 INFO MainThread:1139 [wandb_run.py:_redirect():2186] Redirects installed.
29
+ 2024-04-08 20:31:25,983 INFO MainThread:1139 [wandb_init.py:init():847] run started, returning control to user process
30
+ 2024-04-08 20:31:25,989 INFO MainThread:1139 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 32000, 'max_position_embeddings': 2048, 'hidden_size': 2048, 'intermediate_size': 5632, 'num_hidden_layers': 22, 'num_attention_heads': 32, 'num_key_value_heads': 4, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': False, 'rope_theta': 10000.0, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'chunk_size_feed_forward': 0, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'typical_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['LlamaForCausalLM'], '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': 1, 'pad_token_id': None, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T', 'transformers_version': '4.38.2', 'model_type': 'llama', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', '_load_in_8bit': False, '_load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': False, 'bnb_4bit_compute_dtype': 'float16', 'load_in_4bit': True, 'load_in_8bit': False}, 'output_dir': '/kaggle/working/', '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': 2, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 3e-05, 'weight_decay': 0.001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.1, 'num_train_epochs': 1, 'max_steps': 17000, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/Apr08_20-30-47_622eb14e717e', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 20, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 20, 'save_total_limit': 1, '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, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': 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}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
 
 
 
 
wandb/run-20240408_201757-0wo4cvb8/files/conda-environment.yaml ADDED
@@ -0,0 +1,1068 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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.9.1=py310h2372a71_0
13
+ - aiosignal=1.3.1=pyhd8ed1ab_0
14
+ - annotated-types=0.6.0=pyhd8ed1ab_0
15
+ - anyio=4.2.0=pyhd8ed1ab_0
16
+ - archspec=0.2.2=pyhd8ed1ab_0
17
+ - argon2-cffi=23.1.0=pyhd8ed1ab_0
18
+ - argon2-cffi-bindings=21.2.0=py310h2372a71_4
19
+ - arrow=1.3.0=pyhd8ed1ab_0
20
+ - arrow-cpp=11.0.0=ha770c72_9_cpu
21
+ - asttokens=2.4.1=pyhd8ed1ab_0
22
+ - async-timeout=4.0.3=pyhd8ed1ab_0
23
+ - atk-1.0=2.38.0=hd4edc92_1
24
+ - attrs=23.2.0=pyh71513ae_0
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
+ - beautifulsoup4=4.12.2=pyha770c72_0
39
+ - bleach=6.1.0=pyhd8ed1ab_0
40
+ - boltons=23.1.1=pyhd8ed1ab_0
41
+ - brotli=1.0.9=h166bdaf_9
42
+ - brotli-bin=1.0.9=h166bdaf_9
43
+ - brotli-python=1.0.9=py310hd8f1fbe_9
44
+ - brotlipy=0.7.0=py310h7f8727e_1002
45
+ - bzip2=1.0.8=h7b6447c_0
46
+ - c-ares=1.25.0=hd590300_0
47
+ - ca-certificates=2024.2.2=hbcca054_0
48
+ - cached-property=1.5.2=hd8ed1ab_1
49
+ - cached_property=1.5.2=pyha770c72_1
50
+ - cairo=1.18.0=h3faef2a_0
51
+ - cartopy=0.22.0=py310hcc13569_1
52
+ - catalogue=2.0.10=py310hff52083_0
53
+ - certifi=2024.2.2=pyhd8ed1ab_0
54
+ - cffi=1.16.0=py310h2fee648_0
55
+ - charset-normalizer=3.3.2=pyhd8ed1ab_0
56
+ - click=8.1.7=unix_pyh707e725_0
57
+ - cloudpathlib=0.16.0=pyhd8ed1ab_0
58
+ - colorama=0.4.6=pyhd8ed1ab_0
59
+ - comm=0.2.1=pyhd8ed1ab_0
60
+ - conda=23.7.4=py310hff52083_0
61
+ - conda-libmamba-solver=23.7.0=pyhd8ed1ab_0
62
+ - conda-package-handling=2.2.0=pyh38be061_0
63
+ - conda-package-streaming=0.9.0=pyhd8ed1ab_0
64
+ - confection=0.1.4=py310h17c5347_0
65
+ - contourpy=1.2.0=py310hd41b1e2_0
66
+ - cryptography=41.0.7=py310hb8475ec_1
67
+ - cuda-cccl=12.4.99=0
68
+ - cuda-cudart=12.4.99=0
69
+ - cuda-cudart-dev=12.4.99=0
70
+ - cuda-nvcc-dev_linux-64=12.1.105=ha770c72_0
71
+ - cuda-nvcc-impl=12.1.105=hd3aeb46_0
72
+ - cuda-nvcc-tools=12.1.105=hd3aeb46_0
73
+ - cuda-nvrtc=12.1.105=hd3aeb46_0
74
+ - cuda-profiler-api=12.4.99=0
75
+ - cuda-python=12.4.0=py310h52dc4f0_0
76
+ - cuda-version=12.1=h1d6eff3_3
77
+ - cudf=23.08.00=cuda12_py310_230809_g8150d38e08_0
78
+ - cuml=23.08.00=cuda12_py310_230809_gd7162cdea_0
79
+ - cupy=13.0.0=py310h7aad9d2_3
80
+ - cupy-core=13.0.0=py310had4011e_3
81
+ - curl=8.6.0=hca28451_0
82
+ - cycler=0.12.1=pyhd8ed1ab_0
83
+ - cymem=2.0.8=py310hc6cd4ac_1
84
+ - cython-blis=0.7.10=py310h1f7b6fc_2
85
+ - cytoolz=0.12.3=py310h2372a71_0
86
+ - dask-cuda=23.08.00=py310_230809_gefbd6ca_0
87
+ - dask-cudf=23.08.00=cuda12_py310_230809_g8150d38e08_0
88
+ - debugpy=1.8.0=py310hc6cd4ac_1
89
+ - decorator=5.1.1=pyhd8ed1ab_0
90
+ - defusedxml=0.7.1=pyhd8ed1ab_0
91
+ - distributed=2023.7.1=pyhd8ed1ab_0
92
+ - distro=1.9.0=pyhd8ed1ab_0
93
+ - dlenv-tf-2-15-gpu=1.0.20240111=py310ha20f8e0_0
94
+ - dlpack=0.5=h9c3ff4c_0
95
+ - entrypoints=0.4=pyhd8ed1ab_0
96
+ - exceptiongroup=1.2.0=pyhd8ed1ab_2
97
+ - executing=2.0.1=pyhd8ed1ab_0
98
+ - expat=2.6.2=h59595ed_0
99
+ - fastrlock=0.8.2=py310hc6cd4ac_2
100
+ - fftw=3.3.10=nompi_hc118613_108
101
+ - fmt=9.1.0=h924138e_0
102
+ - font-ttf-dejavu-sans-mono=2.37=hab24e00_0
103
+ - font-ttf-inconsolata=3.000=h77eed37_0
104
+ - font-ttf-source-code-pro=2.038=h77eed37_0
105
+ - font-ttf-ubuntu=0.83=h77eed37_1
106
+ - fontconfig=2.14.2=h14ed4e7_0
107
+ - fonts-conda-ecosystem=1=0
108
+ - fonts-conda-forge=1=0
109
+ - fqdn=1.5.1=pyhd8ed1ab_0
110
+ - freetype=2.12.1=h267a509_2
111
+ - fribidi=1.0.10=h36c2ea0_0
112
+ - frozenlist=1.4.1=py310h2372a71_0
113
+ - gdk-pixbuf=2.42.10=h829c605_5
114
+ - geos=3.11.1=h27087fc_0
115
+ - gettext=0.21.1=h27087fc_0
116
+ - gflags=2.2.2=he1b5a44_1004
117
+ - ghostscript=10.03.0=h59595ed_0
118
+ - giflib=5.2.1=h0b41bf4_3
119
+ - glog=0.6.0=h6f12383_0
120
+ - gmock=1.14.0=ha770c72_1
121
+ - gmp=6.3.0=h59595ed_0
122
+ - google-api-core-grpc=2.11.1=hd8ed1ab_0
123
+ - google-auth=2.26.1=pyhca7485f_0
124
+ - google-cloud-core=2.4.1=pyhd8ed1ab_0
125
+ - google-cloud-datastore=2.19.0=pyhd8ed1ab_0
126
+ - googleapis-common-protos=1.62.0=pyhd8ed1ab_0
127
+ - graphite2=1.3.13=h58526e2_1001
128
+ - graphviz=9.0.0=h78e8752_1
129
+ - grpc-cpp=1.51.1=h27aab58_3
130
+ - gtest=1.14.0=h00ab1b0_1
131
+ - gtk2=2.24.33=h280cfa0_4
132
+ - gts=0.7.6=h977cf35_4
133
+ - harfbuzz=8.3.0=h3d44ed6_0
134
+ - icu=73.2=h59595ed_0
135
+ - idna=3.6=pyhd8ed1ab_0
136
+ - imagemagick=7.1.1_29=pl5321hb90aeea_0
137
+ - importlib_metadata=7.0.1=hd8ed1ab_0
138
+ - importlib_resources=6.1.1=pyhd8ed1ab_0
139
+ - intel-openmp=2023.1.0=hdb19cb5_46306
140
+ - ipykernel=6.28.0=pyhd33586a_0
141
+ - ipython=8.20.0=pyh707e725_0
142
+ - ipython_genutils=0.2.0=py_1
143
+ - isoduration=20.11.0=pyhd8ed1ab_0
144
+ - jbig=2.1=h7f98852_2003
145
+ - jedi=0.19.1=pyhd8ed1ab_0
146
+ - jinja2=3.1.2=pyhd8ed1ab_1
147
+ - joblib=1.3.2=pyhd8ed1ab_0
148
+ - jsonpatch=1.33=pyhd8ed1ab_0
149
+ - jsonpointer=2.4=py310hff52083_3
150
+ - jsonschema=4.20.0=pyhd8ed1ab_0
151
+ - jsonschema-specifications=2023.12.1=pyhd8ed1ab_0
152
+ - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0
153
+ - jupyter_client=8.6.0=pyhd8ed1ab_0
154
+ - jupyter_core=5.7.1=py310hff52083_0
155
+ - jupyter_events=0.9.0=pyhd8ed1ab_0
156
+ - jupyter_server_terminals=0.5.1=pyhd8ed1ab_0
157
+ - jupyterlab_pygments=0.3.0=pyhd8ed1ab_0
158
+ - keyutils=1.6.1=h166bdaf_0
159
+ - kiwisolver=1.4.5=py310hd41b1e2_1
160
+ - krb5=1.21.2=h659d440_0
161
+ - langcodes=3.3.0=pyhd8ed1ab_0
162
+ - lcms2=2.16=hb7c19ff_0
163
+ - ld_impl_linux-64=2.40=h41732ed_0
164
+ - lerc=4.0.0=h27087fc_0
165
+ - libabseil=20230125.0=cxx17_hcb278e6_1
166
+ - libarchive=3.6.2=h039dbb9_1
167
+ - libarrow=11.0.0=h33598ff_9_cpu
168
+ - libblas=3.9.0=21_linux64_openblas
169
+ - libbrotlicommon=1.0.9=h166bdaf_9
170
+ - libbrotlidec=1.0.9=h166bdaf_9
171
+ - libbrotlienc=1.0.9=h166bdaf_9
172
+ - libcblas=3.9.0=21_linux64_openblas
173
+ - libcrc32c=1.1.2=h9c3ff4c_0
174
+ - libcublas=12.1.3.1=hd3aeb46_0
175
+ - libcublas-dev=12.1.3.1=0
176
+ - libcudf=23.08.00=cuda12_230809_g8150d38e08_0
177
+ - libcufft=11.0.2.54=hd3aeb46_0
178
+ - libcufile=1.9.0.20=0
179
+ - libcufile-dev=1.9.0.20=0
180
+ - libcuml=23.08.00=cuda12_230809_gd7162cdea_0
181
+ - libcumlprims=23.08.00=cuda12_230809_g71c0a86_0
182
+ - libcurand=10.3.2.106=hd3aeb46_0
183
+ - libcurand-dev=10.3.2.106=0
184
+ - libcurl=8.6.0=hca28451_0
185
+ - libcusolver=11.4.5.107=hd3aeb46_0
186
+ - libcusolver-dev=11.4.5.107=0
187
+ - libcusparse=12.1.0.106=hd3aeb46_0
188
+ - libcusparse-dev=12.1.0.106=0
189
+ - libdeflate=1.19=hd590300_0
190
+ - libedit=3.1.20191231=he28a2e2_2
191
+ - libev=4.33=hd590300_2
192
+ - libevent=2.1.10=h28343ad_4
193
+ - libexpat=2.6.2=h59595ed_0
194
+ - libffi=3.4.2=h7f98852_5
195
+ - libgcc-ng=13.2.0=h807b86a_3
196
+ - libgd=2.3.3=h119a65a_9
197
+ - libgfortran-ng=13.2.0=h69a702a_5
198
+ - libgfortran5=13.2.0=ha4646dd_5
199
+ - libglib=2.80.0=hf2295e7_0
200
+ - libgomp=13.2.0=h807b86a_3
201
+ - libgoogle-cloud=2.8.0=h3c06191_0
202
+ - libgrpc=1.51.1=hcf146ea_3
203
+ - libhwloc=2.9.3=default_h554bfaf_1009
204
+ - libiconv=1.17=hd590300_2
205
+ - libjpeg-turbo=3.0.0=hd590300_1
206
+ - libkvikio=23.08.00=cuda12_230809_g51a9036_0
207
+ - liblapack=3.9.0=21_linux64_openblas
208
+ - libllvm14=14.0.6=hcd5def8_4
209
+ - libmamba=1.5.0=h658169a_0
210
+ - libmambapy=1.5.0=py310h8aae740_0
211
+ - libnghttp2=1.58.0=h47da74e_1
212
+ - libnsl=2.0.1=hd590300_0
213
+ - libnuma=2.0.18=hd590300_0
214
+ - libnvjitlink=12.1.105=hd3aeb46_0
215
+ - libopenblas=0.3.26=pthreads_h413a1c8_0
216
+ - libpng=1.6.43=h2797004_0
217
+ - libprotobuf=3.21.12=hfc55251_2
218
+ - libraft=23.08.00=cuda12_230809_ge588d7b5_0
219
+ - libraft-headers=23.08.00=cuda12_230809_ge588d7b5_0
220
+ - libraft-headers-only=23.08.00=cuda12_230809_ge588d7b5_0
221
+ - librmm=23.08.00=cuda12_230809_gf3af0e8d_0
222
+ - librsvg=2.56.3=he3f83f7_1
223
+ - libsodium=1.0.18=h36c2ea0_1
224
+ - libsolv=0.7.27=hfc55251_0
225
+ - libsqlite=3.44.2=h2797004_0
226
+ - libssh2=1.11.0=h0841786_0
227
+ - libstdcxx-ng=13.2.0=h7e041cc_3
228
+ - libthrift=0.18.0=h5e4af38_0
229
+ - libtiff=4.6.0=ha9c0a0a_2
230
+ - libutf8proc=2.8.0=h166bdaf_0
231
+ - libuuid=2.38.1=h0b41bf4_0
232
+ - libuv=1.46.0=hd590300_0
233
+ - libwebp=1.3.2=h658648e_1
234
+ - libwebp-base=1.3.2=hd590300_0
235
+ - libxcb=1.15=h0b41bf4_0
236
+ - libxcrypt=4.4.36=hd590300_1
237
+ - libxml2=2.12.6=h232c23b_0
238
+ - libzlib=1.2.13=hd590300_5
239
+ - llvm-openmp=8.0.1=hc9558a2_0
240
+ - locket=1.0.0=pyhd8ed1ab_0
241
+ - lz4=4.3.3=py310h350c4a5_0
242
+ - lz4-c=1.9.4=hcb278e6_0
243
+ - lzo=2.10=h516909a_1000
244
+ - magma-cuda121=2.6.1=1
245
+ - mamba=1.5.0=py310h51d5547_0
246
+ - markdown-it-py=3.0.0=pyhd8ed1ab_0
247
+ - matplotlib-base=3.8.3=py310h62c0568_0
248
+ - matplotlib-inline=0.1.6=pyhd8ed1ab_0
249
+ - mdurl=0.1.2=pyhd8ed1ab_0
250
+ - menuinst=2.0.1=py310hff52083_0
251
+ - mkl=2023.1.0=h213fc3f_46344
252
+ - msgpack-python=1.0.7=py310hd41b1e2_0
253
+ - multidict=6.0.4=py310h2372a71_1
254
+ - munkres=1.1.4=pyh9f0ad1d_0
255
+ - murmurhash=1.0.10=py310hc6cd4ac_1
256
+ - nb_conda=2.2.1=unix_7
257
+ - nb_conda_kernels=2.3.1=pyhd8ed1ab_3
258
+ - nbclassic=1.0.0=pyhb4ecaf3_1
259
+ - nbconvert-pandoc=7.14.0=pyhd8ed1ab_0
260
+ - nbformat=5.9.2=pyhd8ed1ab_0
261
+ - nccl=2.20.5.1=h3a97aeb_0
262
+ - ncurses=6.4=h59595ed_2
263
+ - nest-asyncio=1.5.8=pyhd8ed1ab_0
264
+ - nodejs=20.9.0=hb753e55_0
265
+ - notebook-shim=0.2.3=pyhd8ed1ab_0
266
+ - numpy=1.26.4=py310hb13e2d6_0
267
+ - nvcomp=2.6.1=h10b603f_3
268
+ - nvtx=0.2.10=py310h2372a71_0
269
+ - openjpeg=2.5.2=h488ebb8_0
270
+ - openmp=8.0.1=0
271
+ - openssl=3.2.1=hd590300_0
272
+ - orc=1.8.2=hfdbbad2_2
273
+ - overrides=7.4.0=pyhd8ed1ab_0
274
+ - pandoc=3.1.3=h32600fe_0
275
+ - pandocfilters=1.5.0=pyhd8ed1ab_0
276
+ - pango=1.52.1=ha41ecd1_0
277
+ - parquet-cpp=1.5.1=2
278
+ - parso=0.8.3=pyhd8ed1ab_0
279
+ - partd=1.4.1=pyhd8ed1ab_0
280
+ - pathy=0.10.3=py310h06a4308_0
281
+ - pcre2=10.43=hcad00b1_0
282
+ - perl=5.32.1=7_hd590300_perl5
283
+ - pickleshare=0.7.5=py_1003
284
+ - pip=23.3.2=pyhd8ed1ab_0
285
+ - pixman=0.43.2=h59595ed_0
286
+ - pkg-config=0.29.2=h36c2ea0_1008
287
+ - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_1
288
+ - preshed=3.0.9=py310hc6cd4ac_1
289
+ - proj=9.3.1=h1d62c97_0
290
+ - prometheus_client=0.19.0=pyhd8ed1ab_0
291
+ - proto-plus=1.23.0=pyhd8ed1ab_0
292
+ - pthread-stubs=0.4=h36c2ea0_1001
293
+ - ptyprocess=0.7.0=pyhd3deb0d_0
294
+ - pure_eval=0.2.2=pyhd8ed1ab_0
295
+ - pyarrow=11.0.0=py310h633f555_9_cpu
296
+ - pyasn1=0.5.1=pyhd8ed1ab_0
297
+ - pyasn1-modules=0.3.0=pyhd8ed1ab_0
298
+ - pybind11-abi=4=hd8ed1ab_3
299
+ - pycosat=0.6.6=py310h2372a71_0
300
+ - pygments=2.17.2=pyhd8ed1ab_0
301
+ - pylibraft=23.08.00=cuda12_py310_230809_ge588d7b5_0
302
+ - pynvml=11.4.1=pyhd8ed1ab_0
303
+ - pyopenssl=23.3.0=pyhd8ed1ab_0
304
+ - pyproj=3.6.1=py310hd5c30f3_5
305
+ - pyshp=2.3.1=pyhd8ed1ab_0
306
+ - pysocks=1.7.1=py310h06a4308_0
307
+ - python=3.10.13=hd12c33a_1_cpython
308
+ - python-fastjsonschema=2.19.1=pyhd8ed1ab_0
309
+ - python-json-logger=2.0.7=pyhd8ed1ab_0
310
+ - python_abi=3.10=4_cp310
311
+ - pyu2f=0.1.5=pyhd8ed1ab_0
312
+ - pyyaml=6.0.1=py310h2372a71_1
313
+ - raft-dask=23.08.00=cuda12_py310_230809_ge588d7b5_0
314
+ - rdma-core=28.9=h59595ed_1
315
+ - re2=2023.02.02=hcb278e6_0
316
+ - readline=8.2=h8228510_1
317
+ - referencing=0.32.1=pyhd8ed1ab_0
318
+ - reproc=14.2.4.post0=hd590300_1
319
+ - reproc-cpp=14.2.4.post0=h59595ed_1
320
+ - requests=2.31.0=pyhd8ed1ab_0
321
+ - rfc3339-validator=0.1.4=pyhd8ed1ab_0
322
+ - rfc3986-validator=0.1.1=pyh9f0ad1d_0
323
+ - rmm=23.08.00=cuda12_py310_230809_gf3af0e8d_0
324
+ - rpds-py=0.16.2=py310hcb5633a_0
325
+ - rsa=4.9=pyhd8ed1ab_0
326
+ - ruamel.yaml=0.17.40=py310h2372a71_0
327
+ - ruamel.yaml.clib=0.2.7=py310h2372a71_2
328
+ - ruamel_yaml=0.15.100=py310h7f8727e_0
329
+ - s2n=1.3.41=h3358134_0
330
+ - send2trash=1.8.2=pyh41d4057_0
331
+ - setuptools=69.0.3=pyhd8ed1ab_0
332
+ - shellingham=1.5.4=pyhd8ed1ab_0
333
+ - smart_open=6.4.0=pyhd8ed1ab_0
334
+ - snappy=1.1.10=h9fff704_0
335
+ - sniffio=1.3.0=pyhd8ed1ab_0
336
+ - sortedcontainers=2.4.0=pyhd8ed1ab_0
337
+ - soupsieve=2.5=pyhd8ed1ab_1
338
+ - spacy=3.7.2=py310hcb52e73_0
339
+ - spacy-legacy=3.0.12=pyhd8ed1ab_0
340
+ - spacy-loggers=1.0.5=pyhd8ed1ab_0
341
+ - spdlog=1.11.0=h9b3ece8_1
342
+ - sqlite=3.38.2=hc218d9a_0
343
+ - srsly=2.4.8=py310hc6cd4ac_1
344
+ - stack_data=0.6.2=pyhd8ed1ab_0
345
+ - tblib=3.0.0=pyhd8ed1ab_0
346
+ - terminado=0.18.0=pyh0d859eb_0
347
+ - thinc=8.2.2=py310hcb52e73_0
348
+ - tinycss2=1.2.1=pyhd8ed1ab_0
349
+ - tk=8.6.13=noxft_h4845f30_101
350
+ - toolz=0.12.1=pyhd8ed1ab_0
351
+ - tornado=6.3.3=py310h2372a71_1
352
+ - tqdm=4.66.1=pyhd8ed1ab_0
353
+ - traitlets=5.9.0=pyhd8ed1ab_0
354
+ - treelite=3.2.0=py310h1be96d9_0
355
+ - truststore=0.8.0=pyhd8ed1ab_0
356
+ - typer=0.9.0=pyhd8ed1ab_0
357
+ - types-python-dateutil=2.8.19.20240106=pyhd8ed1ab_0
358
+ - typing-extensions=4.9.0=hd8ed1ab_0
359
+ - typing_extensions=4.9.0=pyha770c72_0
360
+ - typing_utils=0.1.0=pyhd8ed1ab_0
361
+ - ucx=1.14.1=h195a15c_5
362
+ - ucx-proc=1.0.0=gpu
363
+ - ucx-py=0.33.00=py310_230809_gea1eb8f_0
364
+ - unicodedata2=15.1.0=py310h2372a71_0
365
+ - uri-template=1.3.0=pyhd8ed1ab_0
366
+ - wasabi=1.1.2=py310hff52083_0
367
+ - wcwidth=0.2.13=pyhd8ed1ab_0
368
+ - weasel=0.3.4=pyhd8ed1ab_0
369
+ - webcolors=1.13=pyhd8ed1ab_0
370
+ - webencodings=0.5.1=pyhd8ed1ab_2
371
+ - websocket-client=1.7.0=pyhd8ed1ab_0
372
+ - wheel=0.42.0=pyhd8ed1ab_0
373
+ - xorg-kbproto=1.0.7=h7f98852_1002
374
+ - xorg-libice=1.1.1=hd590300_0
375
+ - xorg-libsm=1.2.4=h7391055_0
376
+ - xorg-libx11=1.8.7=h8ee46fc_0
377
+ - xorg-libxau=1.0.11=hd590300_0
378
+ - xorg-libxdmcp=1.1.3=h7f98852_0
379
+ - xorg-libxext=1.3.4=h0b41bf4_2
380
+ - xorg-libxrender=0.9.11=hd590300_0
381
+ - xorg-libxt=1.3.0=hd590300_1
382
+ - xorg-renderproto=0.11.1=h7f98852_1002
383
+ - xorg-xextproto=7.3.0=h0b41bf4_1003
384
+ - xorg-xproto=7.0.31=h7f98852_1007
385
+ - xyzservices=2023.10.1=pyhd8ed1ab_0
386
+ - xz=5.2.6=h166bdaf_0
387
+ - yaml=0.2.5=h7b6447c_0
388
+ - yaml-cpp=0.7.0=h59595ed_3
389
+ - zeromq=4.3.5=h59595ed_0
390
+ - zict=3.0.0=pyhd8ed1ab_0
391
+ - zipp=3.17.0=pyhd8ed1ab_0
392
+ - zlib=1.2.13=hd590300_5
393
+ - zstandard=0.22.0=py310h1275a96_0
394
+ - zstd=1.5.5=hfc55251_0
395
+ - pip:
396
+ - absl-py==1.4.0
397
+ - accelerate==0.28.0
398
+ - access==1.1.9
399
+ - affine==2.4.0
400
+ - aiobotocore==2.12.1
401
+ - aiofiles==22.1.0
402
+ - aiohttp-cors==0.7.0
403
+ - aioitertools==0.11.0
404
+ - aiorwlock==1.3.0
405
+ - aiosqlite==0.19.0
406
+ - albumentations==1.4.0
407
+ - alembic==1.13.1
408
+ - altair==5.2.0
409
+ - annoy==1.17.3
410
+ - apache-beam==2.46.0
411
+ - aplus==0.11.0
412
+ - appdirs==1.4.4
413
+ - array-record==0.5.0
414
+ - arviz==0.17.1
415
+ - astroid==3.0.3
416
+ - astropy==6.0.0
417
+ - astropy-iers-data==0.2024.3.18.0.29.47
418
+ - astunparse==1.6.3
419
+ - async-lru==2.0.4
420
+ - audioread==3.0.1
421
+ - autopep8==2.0.4
422
+ - babel==2.14.0
423
+ - backoff==2.2.1
424
+ - bayesian-optimization==1.4.3
425
+ - beatrix-jupyterlab==2023.128.151533
426
+ - bidict==0.23.1
427
+ - bitsandbytes==0.43.0
428
+ - blake3==0.2.1
429
+ - blessed==1.20.0
430
+ - blinker==1.7.0
431
+ - blosc2==2.5.1
432
+ - bokeh==3.3.4
433
+ - boruta==0.3
434
+ - boto3==1.26.100
435
+ - botocore==1.34.51
436
+ - bqplot==0.12.43
437
+ - branca==0.7.1
438
+ - brewer2mpl==1.4.1
439
+ - cachetools==4.2.4
440
+ - catalyst==22.4
441
+ - catboost==1.2.3
442
+ - category-encoders==2.6.3
443
+ - cesium==0.12.1
444
+ - chex==0.1.85
445
+ - cleverhans==4.0.0
446
+ - click-plugins==1.1.1
447
+ - cligj==0.7.2
448
+ - cloud-tpu-client==0.10
449
+ - cloud-tpu-profiler==2.4.0
450
+ - cloudpickle==2.2.1
451
+ - cmdstanpy==1.2.1
452
+ - cmudict==1.0.21
453
+ - colorcet==3.1.0
454
+ - colorful==0.5.6
455
+ - colorlog==6.8.2
456
+ - colorlover==0.3.0
457
+ - contextily==1.5.2
458
+ - convertdate==2.4.0
459
+ - crcmod==1.7
460
+ - cufflinks==0.17.3
461
+ - cvxcanon==0.1.2
462
+ - cython==3.0.8
463
+ - daal==2024.1.0
464
+ - daal4py==2024.1.0
465
+ - dacite==1.8.1
466
+ - dask==2024.3.1
467
+ - dask-expr==1.0.4
468
+ - dataclasses-json==0.6.4
469
+ - dataproc-jupyter-plugin==0.1.66
470
+ - datasets==2.16.0
471
+ - datashader==0.16.0
472
+ - datatile==1.0.3
473
+ - db-dtypes==1.2.0
474
+ - deap==1.4.1
475
+ - deepdiff==6.7.1
476
+ - deprecated==1.2.14
477
+ - deprecation==2.1.0
478
+ - descartes==1.1.0
479
+ - dill==0.3.7
480
+ - dipy==1.9.0
481
+ - distlib==0.3.8
482
+ - dm-tree==0.1.8
483
+ - docker==7.0.0
484
+ - docker-pycreds==0.4.0
485
+ - docopt==0.6.2
486
+ - docstring-parser==0.15
487
+ - docstring-to-markdown==0.15
488
+ - docutils==0.20.1
489
+ - earthengine-api==0.1.394
490
+ - easydict==1.13
491
+ - easyocr==1.7.1
492
+ - ecos==2.0.13
493
+ - eli5==0.13.0
494
+ - emoji==2.10.1
495
+ - en-core-web-lg==3.7.1
496
+ - en-core-web-sm==3.7.1
497
+ - ephem==4.1.5
498
+ - esda==2.5.1
499
+ - essentia==2.1b6.dev1110
500
+ - et-xmlfile==1.1.0
501
+ - etils==1.6.0
502
+ - explainable-ai-sdk==1.3.3
503
+ - farama-notifications==0.0.4
504
+ - fastai==2.7.14
505
+ - fastapi==0.108.0
506
+ - fastavro==1.9.3
507
+ - fastcore==1.5.29
508
+ - fastdownload==0.0.7
509
+ - fasteners==0.19
510
+ - fastprogress==1.0.3
511
+ - fasttext==0.9.2
512
+ - feather-format==0.4.1
513
+ - featuretools==1.30.0
514
+ - filelock==3.13.1
515
+ - fiona==1.9.6
516
+ - fitter==1.7.0
517
+ - flake8==7.0.0
518
+ - flashtext==2.7
519
+ - flask==3.0.2
520
+ - flatbuffers==23.5.26
521
+ - flax==0.8.2
522
+ - folium==0.16.0
523
+ - fonttools==4.47.0
524
+ - frozendict==2.4.0
525
+ - fsspec==2023.10.0
526
+ - funcy==2.0
527
+ - fury==0.10.0
528
+ - future==1.0.0
529
+ - fuzzywuzzy==0.18.0
530
+ - gast==0.5.4
531
+ - gatspy==0.3
532
+ - gcsfs==2023.12.2.post1
533
+ - gensim==4.3.2
534
+ - geographiclib==2.0
535
+ - geohash==1.0
536
+ - geojson==3.1.0
537
+ - geopandas==0.14.3
538
+ - geoplot==0.5.1
539
+ - geopy==2.4.1
540
+ - geoviews==1.11.1
541
+ - ggplot==0.11.5
542
+ - giddy==2.3.5
543
+ - gitdb==4.0.11
544
+ - gitpython==3.1.41
545
+ - google-ai-generativelanguage==0.4.0
546
+ - google-api-core==2.17.1
547
+ - google-api-python-client==2.122.0
548
+ - google-apitools==0.5.31
549
+ - google-auth-httplib2==0.1.1
550
+ - google-auth-oauthlib==1.2.0
551
+ - google-cloud-aiplatform==0.6.0a1
552
+ - google-cloud-artifact-registry==1.10.0
553
+ - google-cloud-automl==1.0.1
554
+ - google-cloud-bigquery==2.34.4
555
+ - google-cloud-bigtable==1.7.3
556
+ - google-cloud-dlp==3.14.0
557
+ - google-cloud-jupyter-config==0.0.5
558
+ - google-cloud-language==2.13.3
559
+ - google-cloud-monitoring==2.18.0
560
+ - google-cloud-pubsub==2.19.0
561
+ - google-cloud-pubsublite==1.9.0
562
+ - google-cloud-recommendations-ai==0.7.1
563
+ - google-cloud-resource-manager==1.11.0
564
+ - google-cloud-spanner==3.40.1
565
+ - google-cloud-storage==1.44.0
566
+ - google-cloud-translate==3.12.1
567
+ - google-cloud-videointelligence==2.13.3
568
+ - google-cloud-vision==2.8.0
569
+ - google-crc32c==1.5.0
570
+ - google-generativeai==0.4.1
571
+ - google-pasta==0.2.0
572
+ - google-resumable-media==2.7.0
573
+ - gplearn==0.4.2
574
+ - gpustat==1.0.0
575
+ - gpxpy==1.6.2
576
+ - greenlet==3.0.3
577
+ - grpc-google-iam-v1==0.12.7
578
+ - grpcio==1.60.0
579
+ - grpcio-status==1.48.2
580
+ - gviz-api==1.10.0
581
+ - gym==0.26.2
582
+ - gym-notices==0.0.8
583
+ - gymnasium==0.29.0
584
+ - h11==0.14.0
585
+ - h2o==3.46.0.1
586
+ - h5netcdf==1.3.0
587
+ - h5py==3.10.0
588
+ - haversine==2.8.1
589
+ - hdfs==2.7.3
590
+ - hep-ml==0.7.2
591
+ - hijri-converter==2.3.1
592
+ - hmmlearn==0.3.2
593
+ - holidays==0.24
594
+ - holoviews==1.18.3
595
+ - hpsklearn==0.1.0
596
+ - html5lib==1.1
597
+ - htmlmin==0.1.12
598
+ - httpcore==1.0.4
599
+ - httplib2==0.21.0
600
+ - httptools==0.6.1
601
+ - httpx==0.27.0
602
+ - huggingface-hub==0.22.2
603
+ - hunspell==0.5.5
604
+ - husl==4.0.3
605
+ - hydra-slayer==0.5.0
606
+ - hyperopt==0.2.7
607
+ - hypertools==0.8.0
608
+ - igraph==0.11.4
609
+ - imagecodecs==2024.1.1
610
+ - imagehash==4.3.1
611
+ - imageio==2.33.1
612
+ - imbalanced-learn==0.12.0
613
+ - imgaug==0.4.0
614
+ - importlib-metadata==6.11.0
615
+ - inequality==1.0.1
616
+ - iniconfig==2.0.0
617
+ - ipydatawidgets==4.3.5
618
+ - ipyleaflet==0.18.2
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.2
624
+ - ipyvuetify==1.9.2
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.23
633
+ - jax-jumpy==1.0.0
634
+ - jaxlib==0.4.23.dev20240116
635
+ - jeepney==0.8.0
636
+ - jieba==0.42.1
637
+ - jmespath==1.0.1
638
+ - json5==0.9.14
639
+ - jupyter-client==7.4.9
640
+ - jupyter-console==6.6.3
641
+ - jupyter-http-over-ws==0.0.8
642
+ - jupyter-lsp==1.5.1
643
+ - jupyter-server==2.13.0
644
+ - jupyter-server-fileid==0.9.1
645
+ - jupyter-server-mathjax==0.2.6
646
+ - jupyter-server-proxy==4.1.0
647
+ - jupyter-server-ydoc==0.8.0
648
+ - jupyter-ydoc==0.2.5
649
+ - jupyterlab==4.1.5
650
+ - jupyterlab-git==0.44.0
651
+ - jupyterlab-lsp==5.1.0
652
+ - jupyterlab-server==2.25.2
653
+ - jupyterlab-widgets==3.0.9
654
+ - jupytext==1.16.0
655
+ - kaggle==1.6.6
656
+ - kaggle-environments==1.14.3
657
+ - kagglehub==0.2.0
658
+ - keras==3.0.5
659
+ - keras-cv==0.8.2
660
+ - keras-nlp==0.8.2
661
+ - keras-tuner==1.4.6
662
+ - kernels-mixer==0.0.7
663
+ - keyring==24.3.0
664
+ - keyrings-google-artifactregistry-auth==1.1.2
665
+ - kfp==2.5.0
666
+ - kfp-pipeline-spec==0.2.2
667
+ - kfp-server-api==2.0.5
668
+ - kmapper==2.0.1
669
+ - kmodes==0.12.2
670
+ - korean-lunar-calendar==0.3.1
671
+ - kornia==0.7.2
672
+ - kornia-rs==0.1.2
673
+ - kt-legacy==1.0.5
674
+ - kubernetes==26.1.0
675
+ - langid==1.1.6
676
+ - lazy-loader==0.3
677
+ - learntools==0.3.4
678
+ - leven==1.0.4
679
+ - levenshtein==0.25.0
680
+ - libclang==16.0.6
681
+ - libpysal==4.9.2
682
+ - librosa==0.10.1
683
+ - lightgbm==4.2.0
684
+ - lightning-utilities==0.10.1
685
+ - lime==0.2.0.1
686
+ - line-profiler==4.1.2
687
+ - linkify-it-py==2.0.3
688
+ - llvmlite==0.41.1
689
+ - lml==0.1.0
690
+ - loguru==0.7.2
691
+ - lunarcalendar==0.0.9
692
+ - lxml==5.1.0
693
+ - mako==1.3.2
694
+ - mapclassify==2.6.1
695
+ - markdown==3.5.2
696
+ - markovify==0.9.4
697
+ - markupsafe==2.1.5
698
+ - marshmallow==3.21.1
699
+ - matplotlib==3.7.5
700
+ - matplotlib-venn==0.11.10
701
+ - mccabe==0.7.0
702
+ - mdit-py-plugins==0.4.0
703
+ - memory-profiler==0.61.0
704
+ - mercantile==1.2.1
705
+ - mgwr==2.2.1
706
+ - missingno==0.5.2
707
+ - mistune==0.8.4
708
+ - mizani==0.11.0
709
+ - ml-dtypes==0.2.0
710
+ - mlcrate==0.2.0
711
+ - mlens==0.2.3
712
+ - mlxtend==0.23.1
713
+ - mmh3==4.1.0
714
+ - mne==1.6.1
715
+ - mnist==0.2.2
716
+ - mock==5.1.0
717
+ - momepy==0.7.0
718
+ - more-itertools==10.2.0
719
+ - mpld3==0.5.10
720
+ - mpmath==1.3.0
721
+ - msgpack-numpy==0.4.8
722
+ - multimethod==1.10
723
+ - multipledispatch==1.0.0
724
+ - multiprocess==0.70.15
725
+ - mypy-extensions==1.0.0
726
+ - namex==0.0.7
727
+ - nbclient==0.5.13
728
+ - nbconvert==6.4.5
729
+ - nbdime==3.2.0
730
+ - ndindex==1.8
731
+ - networkx==3.2.1
732
+ - nibabel==5.2.1
733
+ - nilearn==0.10.3
734
+ - ninja==1.11.1.1
735
+ - nltk==3.2.4
736
+ - nose==1.3.7
737
+ - notebook==6.5.6
738
+ - notebook-executor==0.2
739
+ - numba==0.58.1
740
+ - numexpr==2.9.0
741
+ - nvidia-ml-py==11.495.46
742
+ - oauth2client==4.1.3
743
+ - oauthlib==3.2.2
744
+ - objsize==0.6.1
745
+ - odfpy==1.4.1
746
+ - olefile==0.47
747
+ - onnx==1.15.0
748
+ - opencensus==0.11.4
749
+ - opencensus-context==0.1.3
750
+ - opencv-contrib-python==4.9.0.80
751
+ - opencv-python==4.9.0.80
752
+ - opencv-python-headless==4.9.0.80
753
+ - openpyxl==3.1.2
754
+ - openslide-python==1.3.1
755
+ - opentelemetry-api==1.22.0
756
+ - opentelemetry-exporter-otlp==1.22.0
757
+ - opentelemetry-exporter-otlp-proto-common==1.22.0
758
+ - opentelemetry-exporter-otlp-proto-grpc==1.22.0
759
+ - opentelemetry-exporter-otlp-proto-http==1.22.0
760
+ - opentelemetry-proto==1.22.0
761
+ - opentelemetry-sdk==1.22.0
762
+ - opentelemetry-semantic-conventions==0.43b0
763
+ - opt-einsum==3.3.0
764
+ - optax==0.2.1
765
+ - optuna==3.6.0
766
+ - orbax-checkpoint==0.5.6
767
+ - ordered-set==4.1.0
768
+ - orjson==3.9.10
769
+ - ortools==9.4.1874
770
+ - osmnx==1.9.1
771
+ - packaging==21.3
772
+ - pandas==2.2.1
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.8
778
+ - papermill==2.5.0
779
+ - param==2.0.2
780
+ - path==16.10.0
781
+ - path-py==12.5.0
782
+ - pathos==0.3.2
783
+ - patsy==0.5.6
784
+ - pdf2image==1.17.0
785
+ - peft==0.10.0
786
+ - pettingzoo==1.24.0
787
+ - pexpect==4.9.0
788
+ - phik==0.12.4
789
+ - pillow==9.5.0
790
+ - platformdirs==4.2.0
791
+ - plotly==5.18.0
792
+ - plotly-express==0.4.1
793
+ - plotnine==0.13.2
794
+ - pluggy==1.4.0
795
+ - pointpats==2.4.0
796
+ - polars==0.20.15
797
+ - polyglot==16.7.4
798
+ - pooch==1.8.1
799
+ - pox==0.3.4
800
+ - ppca==0.0.4
801
+ - ppft==1.7.6.8
802
+ - preprocessing==0.1.13
803
+ - prettytable==3.9.0
804
+ - progressbar2==4.4.2
805
+ - promise==2.3
806
+ - prompt-toolkit==3.0.43
807
+ - pronouncing==0.2.0
808
+ - prophet==1.1.1
809
+ - protobuf==3.20.3
810
+ - psutil==5.9.3
811
+ - pudb==2024.1
812
+ - pulp==2.8.0
813
+ - py-cpuinfo==9.0.0
814
+ - py-spy==0.3.14
815
+ - py4j==0.10.9.7
816
+ - pyaml==23.12.0
817
+ - pyarabic==0.6.15
818
+ - pyarrow-hotfix==0.6
819
+ - pyastronomy==0.21.0
820
+ - pybind11==2.11.1
821
+ - pyclipper==1.3.0.post5
822
+ - pycodestyle==2.11.1
823
+ - pycparser==2.21
824
+ - pycryptodome==3.20.0
825
+ - pyct==0.5.0
826
+ - pycuda==2024.1
827
+ - pydantic==2.5.3
828
+ - pydantic-core==2.14.6
829
+ - pydegensac==0.1.2
830
+ - pydicom==2.4.4
831
+ - pydocstyle==6.3.0
832
+ - pydot==1.4.2
833
+ - pydub==0.25.1
834
+ - pyemd==1.0.0
835
+ - pyerfa==2.0.1.1
836
+ - pyexcel-io==0.6.6
837
+ - pyexcel-ods==0.6.0
838
+ - pyflakes==3.2.0
839
+ - pygltflib==1.16.2
840
+ - pyjwt==2.8.0
841
+ - pykalman==0.9.5
842
+ - pyldavis==3.4.1
843
+ - pylint==3.0.4
844
+ - pymc3==3.11.4
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.1.1
852
+ - pypdf==4.1.0
853
+ - pysal==24.1
854
+ - pytesseract==0.3.10
855
+ - pytest==8.1.1
856
+ - python-bidi==0.4.2
857
+ - python-dateutil==2.9.0.post0
858
+ - python-dotenv==1.0.0
859
+ - python-graphviz==0.20.2
860
+ - python-levenshtein==0.25.0
861
+ - python-louvain==0.16
862
+ - python-lsp-jsonrpc==1.1.2
863
+ - python-lsp-server==1.10.1
864
+ - python-slugify==8.0.4
865
+ - python-utils==3.8.2
866
+ - pythreejs==2.4.2
867
+ - pytoolconfig==1.3.1
868
+ - pytools==2023.1.1
869
+ - pytorch-ignite==0.4.13
870
+ - pytorch-lightning==2.2.1
871
+ - pytz==2023.3.post1
872
+ - pyupset==0.1.1.post7
873
+ - pyviz-comms==3.0.1
874
+ - pywavelets==1.5.0
875
+ - pyzmq==24.0.1
876
+ - qgrid==1.3.1
877
+ - qtconsole==5.5.1
878
+ - qtpy==2.4.1
879
+ - quantecon==0.7.2
880
+ - quantities==0.15.0
881
+ - qudida==0.0.4
882
+ - rapidfuzz==3.6.2
883
+ - rasterio==1.3.9
884
+ - rasterstats==0.19.0
885
+ - ray==2.9.0
886
+ - ray-cpp==2.9.0
887
+ - regex==2023.12.25
888
+ - requests-oauthlib==1.3.1
889
+ - requests-toolbelt==0.10.1
890
+ - responses==0.18.0
891
+ - retrying==1.3.4
892
+ - rgf-python==3.12.0
893
+ - rich==13.7.0
894
+ - rich-click==1.7.4
895
+ - rope==1.12.0
896
+ - rtree==1.2.0
897
+ - s2sphere==0.2.5
898
+ - s3fs==2024.3.0
899
+ - s3transfer==0.6.2
900
+ - safetensors==0.4.2
901
+ - scattertext==0.1.19
902
+ - scikit-image==0.22.0
903
+ - scikit-learn==1.2.2
904
+ - scikit-learn-intelex==2024.1.0
905
+ - scikit-multilearn==0.2.0
906
+ - scikit-optimize==0.10.1
907
+ - scikit-plot==0.3.7
908
+ - scikit-surprise==1.1.3
909
+ - scipy==1.11.4
910
+ - seaborn==0.12.2
911
+ - secretstorage==3.3.3
912
+ - segment-anything==1.0
913
+ - segregation==2.5
914
+ - semver==3.0.2
915
+ - sentencepiece==0.2.0
916
+ - sentry-sdk==1.42.0
917
+ - setproctitle==1.3.3
918
+ - setuptools-git==1.2
919
+ - setuptools-scm==8.0.4
920
+ - shap==0.44.1
921
+ - shapely==2.0.3
922
+ - shimmy==1.3.0
923
+ - shtab==1.7.1
924
+ - simpervisor==1.0.0
925
+ - simpleitk==2.3.1
926
+ - simplejson==3.19.2
927
+ - six==1.16.0
928
+ - sklearn-pandas==2.2.0
929
+ - slicer==0.0.7
930
+ - smmap==5.0.1
931
+ - snowballstemmer==2.2.0
932
+ - snuggs==1.4.7
933
+ - soundfile==0.12.1
934
+ - soxr==0.3.7
935
+ - spaghetti==1.7.5.post1
936
+ - spectral==0.23.1
937
+ - spglm==1.1.0
938
+ - sphinx-rtd-theme==0.2.4
939
+ - spint==1.0.7
940
+ - splot==1.1.5.post1
941
+ - spopt==0.6.0
942
+ - spreg==1.4.2
943
+ - spvcm==0.3.0
944
+ - sqlalchemy==2.0.25
945
+ - sqlparse==0.4.4
946
+ - squarify==0.4.3
947
+ - stable-baselines3==2.1.0
948
+ - stack-data==0.6.3
949
+ - stanio==0.3.0
950
+ - starlette==0.32.0.post1
951
+ - statsmodels==0.14.1
952
+ - stemming==1.0.1
953
+ - stop-words==2018.7.23
954
+ - stopit==1.1.2
955
+ - stumpy==1.12.0
956
+ - sympy==1.12
957
+ - tables==3.9.2
958
+ - tabulate==0.9.0
959
+ - tangled-up-in-unicode==0.2.0
960
+ - tbb==2021.11.0
961
+ - tenacity==8.2.3
962
+ - tensorboard==2.15.1
963
+ - tensorboard-data-server==0.7.2
964
+ - tensorboard-plugin-profile==2.15.0
965
+ - tensorboardx==2.6.2.2
966
+ - tensorflow==2.15.0
967
+ - tensorflow-cloud==0.1.16
968
+ - tensorflow-datasets==4.9.4
969
+ - tensorflow-decision-forests==1.8.1
970
+ - tensorflow-estimator==2.15.0
971
+ - tensorflow-hub==0.16.1
972
+ - tensorflow-io==0.35.0
973
+ - tensorflow-io-gcs-filesystem==0.35.0
974
+ - tensorflow-metadata==0.14.0
975
+ - tensorflow-probability==0.23.0
976
+ - tensorflow-serving-api==2.14.1
977
+ - tensorflow-text==2.15.0
978
+ - tensorflow-transform==0.14.0
979
+ - tensorpack==0.11
980
+ - tensorstore==0.1.56
981
+ - termcolor==2.4.0
982
+ - testpath==0.6.0
983
+ - text-unidecode==1.3
984
+ - textblob==0.18.0.post0
985
+ - texttable==1.7.0
986
+ - tf-keras==2.15.1
987
+ - tfp-nightly==0.24.0.dev0
988
+ - theano==1.0.5
989
+ - theano-pymc==1.1.2
990
+ - threadpoolctl==3.2.0
991
+ - tifffile==2023.12.9
992
+ - timm==0.9.16
993
+ - tobler==0.11.2
994
+ - tokenizers==0.15.2
995
+ - toml==0.10.2
996
+ - tomli==2.0.1
997
+ - tomlkit==0.12.4
998
+ - torch==2.1.2
999
+ - torchaudio==2.1.2
1000
+ - torchdata==0.7.1
1001
+ - torchinfo==1.8.0
1002
+ - torchmetrics==1.3.2
1003
+ - torchtext==0.16.2
1004
+ - torchvision==0.16.2
1005
+ - tpot==0.12.1
1006
+ - traceml==1.0.8
1007
+ - traittypes==0.2.1
1008
+ - transformers==4.38.2
1009
+ - treelite-runtime==3.2.0
1010
+ - trl==0.8.1
1011
+ - trueskill==0.4.5
1012
+ - trx-python==0.2.9
1013
+ - tsfresh==0.20.2
1014
+ - typeguard==4.1.5
1015
+ - typing-inspect==0.9.0
1016
+ - tyro==0.8.2
1017
+ - tzdata==2023.4
1018
+ - uc-micro-py==1.0.3
1019
+ - ujson==5.9.0
1020
+ - umap-learn==0.5.5
1021
+ - unidecode==1.3.8
1022
+ - update-checker==0.18.0
1023
+ - uritemplate==3.0.1
1024
+ - urllib3==1.26.18
1025
+ - urwid==2.6.9
1026
+ - urwid-readline==0.14
1027
+ - uvicorn==0.25.0
1028
+ - uvloop==0.19.0
1029
+ - vaex==4.17.0
1030
+ - vaex-astro==0.9.3
1031
+ - vaex-core==4.17.1
1032
+ - vaex-hdf5==0.14.1
1033
+ - vaex-jupyter==0.8.2
1034
+ - vaex-ml==0.18.3
1035
+ - vaex-server==0.9.0
1036
+ - vaex-viz==0.5.4
1037
+ - vec-noise==1.1.4
1038
+ - vecstack==0.4.0
1039
+ - virtualenv==20.21.0
1040
+ - visions==0.7.5
1041
+ - vowpalwabbit==9.9.0
1042
+ - vtk==9.3.0
1043
+ - wand==0.6.13
1044
+ - wandb==0.16.4
1045
+ - watchfiles==0.21.0
1046
+ - wavio==0.0.8
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.29.0
1054
+ - wordcloud==1.9.3
1055
+ - wordsegment==1.3.1
1056
+ - wrapt==1.14.1
1057
+ - xarray==2024.2.0
1058
+ - xarray-einstats==0.7.0
1059
+ - xgboost==2.0.3
1060
+ - xvfbwrapper==0.2.9
1061
+ - xxhash==3.4.1
1062
+ - y-py==0.6.2
1063
+ - yapf==0.40.2
1064
+ - yarl==1.9.4
1065
+ - ydata-profiling==4.6.4
1066
+ - yellowbrick==1.5
1067
+ - ypy-websocket==0.8.4
1068
+ prefix: /opt/conda
wandb/run-20240408_201757-0wo4cvb8/files/config.yaml ADDED
@@ -0,0 +1,682 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.13
7
+ cli_version: 0.16.4
8
+ framework: huggingface
9
+ huggingface_version: 4.38.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1712607477.0
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
+ - 23
47
+ 4: 3.10.13
48
+ 5: 0.16.4
49
+ 6: 4.38.2
50
+ 8:
51
+ - 1
52
+ - 2
53
+ - 5
54
+ 9:
55
+ 1: transformers_trainer
56
+ 13: linux-x86_64
57
+ m:
58
+ - 1: train/global_step
59
+ 6:
60
+ - 3
61
+ - 1: train/loss
62
+ 5: 1
63
+ 6:
64
+ - 1
65
+ - 1: train/grad_norm
66
+ 5: 1
67
+ 6:
68
+ - 1
69
+ - 1: train/learning_rate
70
+ 5: 1
71
+ 6:
72
+ - 1
73
+ - 1: train/epoch
74
+ 5: 1
75
+ 6:
76
+ - 1
77
+ vocab_size:
78
+ desc: null
79
+ value: 32000
80
+ max_position_embeddings:
81
+ desc: null
82
+ value: 2048
83
+ hidden_size:
84
+ desc: null
85
+ value: 2048
86
+ intermediate_size:
87
+ desc: null
88
+ value: 5632
89
+ num_hidden_layers:
90
+ desc: null
91
+ value: 22
92
+ num_attention_heads:
93
+ desc: null
94
+ value: 32
95
+ num_key_value_heads:
96
+ desc: null
97
+ value: 4
98
+ hidden_act:
99
+ desc: null
100
+ value: silu
101
+ initializer_range:
102
+ desc: null
103
+ value: 0.02
104
+ rms_norm_eps:
105
+ desc: null
106
+ value: 1.0e-05
107
+ pretraining_tp:
108
+ desc: null
109
+ value: 1
110
+ use_cache:
111
+ desc: null
112
+ value: false
113
+ rope_theta:
114
+ desc: null
115
+ value: 10000.0
116
+ rope_scaling:
117
+ desc: null
118
+ value: null
119
+ attention_bias:
120
+ desc: null
121
+ value: false
122
+ attention_dropout:
123
+ desc: null
124
+ value: 0.0
125
+ return_dict:
126
+ desc: null
127
+ value: true
128
+ output_hidden_states:
129
+ desc: null
130
+ value: false
131
+ output_attentions:
132
+ desc: null
133
+ value: false
134
+ torchscript:
135
+ desc: null
136
+ value: false
137
+ torch_dtype:
138
+ desc: null
139
+ value: float32
140
+ use_bfloat16:
141
+ desc: null
142
+ value: false
143
+ tf_legacy_loss:
144
+ desc: null
145
+ value: false
146
+ pruned_heads:
147
+ desc: null
148
+ value: {}
149
+ tie_word_embeddings:
150
+ desc: null
151
+ value: false
152
+ chunk_size_feed_forward:
153
+ desc: null
154
+ value: 0
155
+ is_encoder_decoder:
156
+ desc: null
157
+ value: false
158
+ is_decoder:
159
+ desc: null
160
+ value: false
161
+ cross_attention_hidden_size:
162
+ desc: null
163
+ value: null
164
+ add_cross_attention:
165
+ desc: null
166
+ value: false
167
+ tie_encoder_decoder:
168
+ desc: null
169
+ value: false
170
+ max_length:
171
+ desc: null
172
+ value: 20
173
+ min_length:
174
+ desc: null
175
+ value: 0
176
+ do_sample:
177
+ desc: null
178
+ value: false
179
+ early_stopping:
180
+ desc: null
181
+ value: false
182
+ num_beams:
183
+ desc: null
184
+ value: 1
185
+ num_beam_groups:
186
+ desc: null
187
+ value: 1
188
+ diversity_penalty:
189
+ desc: null
190
+ value: 0.0
191
+ temperature:
192
+ desc: null
193
+ value: 1.0
194
+ top_k:
195
+ desc: null
196
+ value: 50
197
+ top_p:
198
+ desc: null
199
+ value: 1.0
200
+ typical_p:
201
+ desc: null
202
+ value: 1.0
203
+ repetition_penalty:
204
+ desc: null
205
+ value: 1.0
206
+ length_penalty:
207
+ desc: null
208
+ value: 1.0
209
+ no_repeat_ngram_size:
210
+ desc: null
211
+ value: 0
212
+ encoder_no_repeat_ngram_size:
213
+ desc: null
214
+ value: 0
215
+ bad_words_ids:
216
+ desc: null
217
+ value: null
218
+ num_return_sequences:
219
+ desc: null
220
+ value: 1
221
+ output_scores:
222
+ desc: null
223
+ value: false
224
+ return_dict_in_generate:
225
+ desc: null
226
+ value: false
227
+ forced_bos_token_id:
228
+ desc: null
229
+ value: null
230
+ forced_eos_token_id:
231
+ desc: null
232
+ value: null
233
+ remove_invalid_values:
234
+ desc: null
235
+ value: false
236
+ exponential_decay_length_penalty:
237
+ desc: null
238
+ value: null
239
+ suppress_tokens:
240
+ desc: null
241
+ value: null
242
+ begin_suppress_tokens:
243
+ desc: null
244
+ value: null
245
+ architectures:
246
+ desc: null
247
+ value:
248
+ - LlamaForCausalLM
249
+ finetuning_task:
250
+ desc: null
251
+ value: null
252
+ id2label:
253
+ desc: null
254
+ value:
255
+ '0': LABEL_0
256
+ '1': LABEL_1
257
+ label2id:
258
+ desc: null
259
+ value:
260
+ LABEL_0: 0
261
+ LABEL_1: 1
262
+ tokenizer_class:
263
+ desc: null
264
+ value: null
265
+ prefix:
266
+ desc: null
267
+ value: null
268
+ bos_token_id:
269
+ desc: null
270
+ value: 1
271
+ pad_token_id:
272
+ desc: null
273
+ value: null
274
+ eos_token_id:
275
+ desc: null
276
+ value: 2
277
+ sep_token_id:
278
+ desc: null
279
+ value: null
280
+ decoder_start_token_id:
281
+ desc: null
282
+ value: null
283
+ task_specific_params:
284
+ desc: null
285
+ value: null
286
+ problem_type:
287
+ desc: null
288
+ value: null
289
+ _name_or_path:
290
+ desc: null
291
+ value: TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T
292
+ transformers_version:
293
+ desc: null
294
+ value: 4.38.2
295
+ model_type:
296
+ desc: null
297
+ value: llama
298
+ quantization_config:
299
+ desc: null
300
+ value:
301
+ quant_method: QuantizationMethod.BITS_AND_BYTES
302
+ _load_in_8bit: false
303
+ _load_in_4bit: true
304
+ llm_int8_threshold: 6.0
305
+ llm_int8_skip_modules: null
306
+ llm_int8_enable_fp32_cpu_offload: false
307
+ llm_int8_has_fp16_weight: false
308
+ bnb_4bit_quant_type: nf4
309
+ bnb_4bit_use_double_quant: false
310
+ bnb_4bit_compute_dtype: float16
311
+ load_in_4bit: true
312
+ load_in_8bit: false
313
+ output_dir:
314
+ desc: null
315
+ value: /kaggle/working/
316
+ overwrite_output_dir:
317
+ desc: null
318
+ value: false
319
+ do_train:
320
+ desc: null
321
+ value: false
322
+ do_eval:
323
+ desc: null
324
+ value: false
325
+ do_predict:
326
+ desc: null
327
+ value: false
328
+ evaluation_strategy:
329
+ desc: null
330
+ value: 'no'
331
+ prediction_loss_only:
332
+ desc: null
333
+ value: false
334
+ per_device_train_batch_size:
335
+ desc: null
336
+ value: 2
337
+ per_device_eval_batch_size:
338
+ desc: null
339
+ value: 8
340
+ per_gpu_train_batch_size:
341
+ desc: null
342
+ value: null
343
+ per_gpu_eval_batch_size:
344
+ desc: null
345
+ value: null
346
+ gradient_accumulation_steps:
347
+ desc: null
348
+ value: 1
349
+ eval_accumulation_steps:
350
+ desc: null
351
+ value: null
352
+ eval_delay:
353
+ desc: null
354
+ value: 0
355
+ learning_rate:
356
+ desc: null
357
+ value: 5.0e-05
358
+ weight_decay:
359
+ desc: null
360
+ value: 0.001
361
+ adam_beta1:
362
+ desc: null
363
+ value: 0.9
364
+ adam_beta2:
365
+ desc: null
366
+ value: 0.999
367
+ adam_epsilon:
368
+ desc: null
369
+ value: 1.0e-08
370
+ max_grad_norm:
371
+ desc: null
372
+ value: 0.1
373
+ num_train_epochs:
374
+ desc: null
375
+ value: 1
376
+ max_steps:
377
+ desc: null
378
+ value: 17000
379
+ lr_scheduler_type:
380
+ desc: null
381
+ value: cosine
382
+ lr_scheduler_kwargs:
383
+ desc: null
384
+ value: {}
385
+ warmup_ratio:
386
+ desc: null
387
+ value: 0.03
388
+ warmup_steps:
389
+ desc: null
390
+ value: 0
391
+ log_level:
392
+ desc: null
393
+ value: passive
394
+ log_level_replica:
395
+ desc: null
396
+ value: warning
397
+ log_on_each_node:
398
+ desc: null
399
+ value: true
400
+ logging_dir:
401
+ desc: null
402
+ value: /kaggle/working/runs/Apr08_20-13-31_622eb14e717e
403
+ logging_strategy:
404
+ desc: null
405
+ value: steps
406
+ logging_first_step:
407
+ desc: null
408
+ value: false
409
+ logging_steps:
410
+ desc: null
411
+ value: 20
412
+ logging_nan_inf_filter:
413
+ desc: null
414
+ value: true
415
+ save_strategy:
416
+ desc: null
417
+ value: steps
418
+ save_steps:
419
+ desc: null
420
+ value: 20
421
+ save_total_limit:
422
+ desc: null
423
+ value: 1
424
+ save_safetensors:
425
+ desc: null
426
+ value: true
427
+ save_on_each_node:
428
+ desc: null
429
+ value: false
430
+ save_only_model:
431
+ desc: null
432
+ value: false
433
+ no_cuda:
434
+ desc: null
435
+ value: false
436
+ use_cpu:
437
+ desc: null
438
+ value: false
439
+ use_mps_device:
440
+ desc: null
441
+ value: false
442
+ seed:
443
+ desc: null
444
+ value: 42
445
+ data_seed:
446
+ desc: null
447
+ value: null
448
+ jit_mode_eval:
449
+ desc: null
450
+ value: false
451
+ use_ipex:
452
+ desc: null
453
+ value: false
454
+ bf16:
455
+ desc: null
456
+ value: false
457
+ fp16:
458
+ desc: null
459
+ value: false
460
+ fp16_opt_level:
461
+ desc: null
462
+ value: O1
463
+ half_precision_backend:
464
+ desc: null
465
+ value: auto
466
+ bf16_full_eval:
467
+ desc: null
468
+ value: false
469
+ fp16_full_eval:
470
+ desc: null
471
+ value: false
472
+ tf32:
473
+ desc: null
474
+ value: null
475
+ local_rank:
476
+ desc: null
477
+ value: 0
478
+ ddp_backend:
479
+ desc: null
480
+ value: null
481
+ tpu_num_cores:
482
+ desc: null
483
+ value: null
484
+ tpu_metrics_debug:
485
+ desc: null
486
+ value: false
487
+ debug:
488
+ desc: null
489
+ value: []
490
+ dataloader_drop_last:
491
+ desc: null
492
+ value: false
493
+ eval_steps:
494
+ desc: null
495
+ value: null
496
+ dataloader_num_workers:
497
+ desc: null
498
+ value: 0
499
+ dataloader_prefetch_factor:
500
+ desc: null
501
+ value: null
502
+ past_index:
503
+ desc: null
504
+ value: -1
505
+ run_name:
506
+ desc: null
507
+ value: /kaggle/working/
508
+ disable_tqdm:
509
+ desc: null
510
+ value: false
511
+ remove_unused_columns:
512
+ desc: null
513
+ value: true
514
+ label_names:
515
+ desc: null
516
+ value: null
517
+ load_best_model_at_end:
518
+ desc: null
519
+ value: false
520
+ metric_for_best_model:
521
+ desc: null
522
+ value: null
523
+ greater_is_better:
524
+ desc: null
525
+ value: null
526
+ ignore_data_skip:
527
+ desc: null
528
+ value: false
529
+ fsdp:
530
+ desc: null
531
+ value: []
532
+ fsdp_min_num_params:
533
+ desc: null
534
+ value: 0
535
+ fsdp_config:
536
+ desc: null
537
+ value:
538
+ min_num_params: 0
539
+ xla: false
540
+ xla_fsdp_v2: false
541
+ xla_fsdp_grad_ckpt: false
542
+ fsdp_transformer_layer_cls_to_wrap:
543
+ desc: null
544
+ value: null
545
+ accelerator_config:
546
+ desc: null
547
+ value:
548
+ split_batches: false
549
+ dispatch_batches: null
550
+ even_batches: true
551
+ use_seedable_sampler: true
552
+ deepspeed:
553
+ desc: null
554
+ value: null
555
+ label_smoothing_factor:
556
+ desc: null
557
+ value: 0.0
558
+ optim:
559
+ desc: null
560
+ value: paged_adamw_32bit
561
+ optim_args:
562
+ desc: null
563
+ value: null
564
+ adafactor:
565
+ desc: null
566
+ value: false
567
+ group_by_length:
568
+ desc: null
569
+ value: false
570
+ length_column_name:
571
+ desc: null
572
+ value: length
573
+ report_to:
574
+ desc: null
575
+ value:
576
+ - tensorboard
577
+ - wandb
578
+ ddp_find_unused_parameters:
579
+ desc: null
580
+ value: null
581
+ ddp_bucket_cap_mb:
582
+ desc: null
583
+ value: null
584
+ ddp_broadcast_buffers:
585
+ desc: null
586
+ value: null
587
+ dataloader_pin_memory:
588
+ desc: null
589
+ value: true
590
+ dataloader_persistent_workers:
591
+ desc: null
592
+ value: false
593
+ skip_memory_metrics:
594
+ desc: null
595
+ value: true
596
+ use_legacy_prediction_loop:
597
+ desc: null
598
+ value: false
599
+ push_to_hub:
600
+ desc: null
601
+ value: false
602
+ resume_from_checkpoint:
603
+ desc: null
604
+ value: null
605
+ hub_model_id:
606
+ desc: null
607
+ value: null
608
+ hub_strategy:
609
+ desc: null
610
+ value: every_save
611
+ hub_token:
612
+ desc: null
613
+ value: <HUB_TOKEN>
614
+ hub_private_repo:
615
+ desc: null
616
+ value: false
617
+ hub_always_push:
618
+ desc: null
619
+ value: false
620
+ gradient_checkpointing:
621
+ desc: null
622
+ value: false
623
+ gradient_checkpointing_kwargs:
624
+ desc: null
625
+ value: null
626
+ include_inputs_for_metrics:
627
+ desc: null
628
+ value: false
629
+ fp16_backend:
630
+ desc: null
631
+ value: auto
632
+ push_to_hub_model_id:
633
+ desc: null
634
+ value: null
635
+ push_to_hub_organization:
636
+ desc: null
637
+ value: null
638
+ push_to_hub_token:
639
+ desc: null
640
+ value: <PUSH_TO_HUB_TOKEN>
641
+ mp_parameters:
642
+ desc: null
643
+ value: ''
644
+ auto_find_batch_size:
645
+ desc: null
646
+ value: false
647
+ full_determinism:
648
+ desc: null
649
+ value: false
650
+ torchdynamo:
651
+ desc: null
652
+ value: null
653
+ ray_scope:
654
+ desc: null
655
+ value: last
656
+ ddp_timeout:
657
+ desc: null
658
+ value: 1800
659
+ torch_compile:
660
+ desc: null
661
+ value: false
662
+ torch_compile_backend:
663
+ desc: null
664
+ value: null
665
+ torch_compile_mode:
666
+ desc: null
667
+ value: null
668
+ dispatch_batches:
669
+ desc: null
670
+ value: null
671
+ split_batches:
672
+ desc: null
673
+ value: null
674
+ include_tokens_per_second:
675
+ desc: null
676
+ value: false
677
+ include_num_input_tokens_seen:
678
+ desc: null
679
+ value: false
680
+ neftune_noise_alpha:
681
+ desc: null
682
+ value: null
wandb/run-20240408_201757-0wo4cvb8/files/output.log ADDED
@@ -0,0 +1,60 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
2
+ warnings.warn(
3
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
4
+ warnings.warn('Was asked to gather along dimension 0, but all '
5
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
6
+ warnings.warn(
7
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
8
+ warnings.warn('Was asked to gather along dimension 0, but all '
9
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
10
+ warnings.warn(
11
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
12
+ warnings.warn('Was asked to gather along dimension 0, but all '
13
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
14
+ warnings.warn(
15
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
16
+ warnings.warn('Was asked to gather along dimension 0, but all '
17
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
18
+ warnings.warn(
19
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
20
+ warnings.warn('Was asked to gather along dimension 0, but all '
21
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
22
+ warnings.warn(
23
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
24
+ warnings.warn('Was asked to gather along dimension 0, but all '
25
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
26
+ warnings.warn(
27
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
28
+ warnings.warn('Was asked to gather along dimension 0, but all '
29
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
30
+ warnings.warn(
31
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
32
+ warnings.warn('Was asked to gather along dimension 0, but all '
33
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
34
+ warnings.warn(
35
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
36
+ warnings.warn('Was asked to gather along dimension 0, but all '
37
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
38
+ warnings.warn(
39
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
40
+ warnings.warn('Was asked to gather along dimension 0, but all '
41
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
42
+ warnings.warn(
43
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
44
+ warnings.warn('Was asked to gather along dimension 0, but all '
45
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
46
+ warnings.warn(
47
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
48
+ warnings.warn('Was asked to gather along dimension 0, but all '
49
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
50
+ warnings.warn(
51
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
52
+ warnings.warn('Was asked to gather along dimension 0, but all '
53
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
54
+ warnings.warn(
55
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
56
+ warnings.warn('Was asked to gather along dimension 0, but all '
57
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
58
+ warnings.warn(
59
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
60
+ warnings.warn('Was asked to gather along dimension 0, but all '
wandb/run-20240408_201757-0wo4cvb8/files/requirements.txt ADDED
@@ -0,0 +1,879 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ==
2
+ Babel==2.14.0
3
+ Boruta==0.3
4
+ Brotli==1.0.9
5
+ CVXcanon==0.1.2
6
+ Cartopy==0.22.0
7
+ Cython==3.0.8
8
+ Deprecated==1.2.14
9
+ Farama-Notifications==0.0.4
10
+ Flask==3.0.2
11
+ Geohash==1.0
12
+ GitPython==3.1.41
13
+ ImageHash==4.3.1
14
+ Janome==0.5.0
15
+ Jinja2==3.1.2
16
+ Levenshtein==0.25.0
17
+ LunarCalendar==0.0.9
18
+ Mako==1.3.2
19
+ Markdown==3.5.2
20
+ MarkupSafe==2.1.3
21
+ MarkupSafe==2.1.5
22
+ Pillow==9.5.0
23
+ PuLP==2.8.0
24
+ PyArabic==0.6.15
25
+ PyAstronomy==0.21.0
26
+ PyJWT==2.8.0
27
+ PyMeeus==0.5.12
28
+ PySocks==1.7.1
29
+ PyUpSet==0.1.1.post7
30
+ PyWavelets==1.5.0
31
+ PyYAML==6.0.1
32
+ Pygments==2.17.2
33
+ Pympler==1.0.1
34
+ QtPy==2.4.1
35
+ Rtree==1.2.0
36
+ SQLAlchemy==2.0.25
37
+ SecretStorage==3.3.3
38
+ Send2Trash==1.8.2
39
+ Shapely==1.8.5.post1
40
+ Shimmy==1.3.0
41
+ SimpleITK==2.3.1
42
+ TPOT==0.12.1
43
+ Theano-PyMC==1.1.2
44
+ Theano==1.0.5
45
+ Unidecode==1.3.8
46
+ Wand==0.6.13
47
+ Werkzeug==3.0.1
48
+ absl-py==1.4.0
49
+ accelerate==0.28.0
50
+ access==1.1.9
51
+ affine==2.4.0
52
+ aiobotocore==2.12.1
53
+ aiofiles==22.1.0
54
+ aiohttp-cors==0.7.0
55
+ aiohttp==3.9.1
56
+ aioitertools==0.11.0
57
+ aiorwlock==1.3.0
58
+ aiosignal==1.3.1
59
+ aiosqlite==0.19.0
60
+ albumentations==1.4.0
61
+ alembic==1.13.1
62
+ altair==5.2.0
63
+ annotated-types==0.6.0
64
+ annoy==1.17.3
65
+ anyio==4.2.0
66
+ apache-beam==2.46.0
67
+ aplus==0.11.0
68
+ appdirs==1.4.4
69
+ archspec==0.2.2
70
+ argon2-cffi-bindings==21.2.0
71
+ argon2-cffi==23.1.0
72
+ array-record==0.5.0
73
+ arrow==1.3.0
74
+ arviz==0.17.1
75
+ astroid==3.0.3
76
+ astropy-iers-data==0.2024.3.18.0.29.47
77
+ astropy==6.0.0
78
+ asttokens==2.4.1
79
+ astunparse==1.6.3
80
+ async-lru==2.0.4
81
+ async-timeout==4.0.3
82
+ attrs==23.2.0
83
+ audioread==3.0.1
84
+ autopep8==2.0.4
85
+ backoff==2.2.1
86
+ bayesian-optimization==1.4.3
87
+ beatrix_jupyterlab==2023.128.151533
88
+ beautifulsoup4==4.12.2
89
+ bidict==0.23.1
90
+ bitsandbytes==0.43.0
91
+ blake3==0.2.1
92
+ bleach==6.1.0
93
+ blessed==1.20.0
94
+ blinker==1.7.0
95
+ blis==0.7.10
96
+ blosc2==2.5.1
97
+ bokeh==3.3.4
98
+ boltons==23.1.1
99
+ boto3==1.26.100
100
+ botocore==1.34.51
101
+ bq_helper==0.4.1
102
+ bqplot==0.12.43
103
+ branca==0.7.1
104
+ brewer2mpl==1.4.1
105
+ brotlipy==0.7.0
106
+ cached-property==1.5.2
107
+ cachetools==4.2.4
108
+ cachetools==5.3.2
109
+ catalogue==2.0.10
110
+ catalyst==22.4
111
+ catboost==1.2.3
112
+ category-encoders==2.6.3
113
+ certifi==2024.2.2
114
+ cesium==0.12.1
115
+ cffi==1.16.0
116
+ charset-normalizer==3.3.2
117
+ chex==0.1.85
118
+ cleverhans==4.0.0
119
+ click-plugins==1.1.1
120
+ click==8.1.7
121
+ cligj==0.7.2
122
+ cloud-tpu-client==0.10
123
+ cloud-tpu-profiler==2.4.0
124
+ cloudpathlib==0.16.0
125
+ cloudpickle==2.2.1
126
+ cloudpickle==3.0.0
127
+ cmdstanpy==1.2.1
128
+ cmudict==1.0.21
129
+ colorama==0.4.6
130
+ colorcet==3.1.0
131
+ colorful==0.5.6
132
+ colorlog==6.8.2
133
+ colorlover==0.3.0
134
+ comm==0.2.1
135
+ conda-libmamba-solver==23.7.0
136
+ conda-package-handling==2.2.0
137
+ conda==23.7.4
138
+ conda_package_streaming==0.9.0
139
+ confection==0.1.4
140
+ contextily==1.5.2
141
+ contourpy==1.2.0
142
+ convertdate==2.4.0
143
+ crcmod==1.7
144
+ cryptography==41.0.7
145
+ cuda-python==12.4.0
146
+ cudf==23.8.0
147
+ cufflinks==0.17.3
148
+ cuml==23.8.0
149
+ cupy==13.0.0
150
+ cycler==0.12.1
151
+ cymem==2.0.8
152
+ cytoolz==0.12.3
153
+ daal4py==2024.1.0
154
+ daal==2024.1.0
155
+ dacite==1.8.1
156
+ dask-cuda==23.8.0
157
+ dask-cudf==23.8.0
158
+ dask-expr==1.0.4
159
+ dask==2024.3.1
160
+ dataclasses-json==0.6.4
161
+ dataproc_jupyter_plugin==0.1.66
162
+ datasets==2.16.0
163
+ datashader==0.16.0
164
+ datatile==1.0.3
165
+ db-dtypes==1.2.0
166
+ deap==1.4.1
167
+ debugpy==1.8.0
168
+ decorator==5.1.1
169
+ deepdiff==6.7.1
170
+ defusedxml==0.7.1
171
+ deprecation==2.1.0
172
+ descartes==1.1.0
173
+ dill==0.3.7
174
+ dipy==1.9.0
175
+ distlib==0.3.8
176
+ distributed==2023.7.1
177
+ distro==1.9.0
178
+ dm-tree==0.1.8
179
+ docker-pycreds==0.4.0
180
+ docker==7.0.0
181
+ docopt==0.6.2
182
+ docstring-parser==0.15
183
+ docstring-to-markdown==0.15
184
+ docutils==0.20.1
185
+ earthengine-api==0.1.394
186
+ easydict==1.13
187
+ easyocr==1.7.1
188
+ ecos==2.0.13
189
+ eli5==0.13.0
190
+ emoji==2.10.1
191
+ en-core-web-lg==3.7.1
192
+ en-core-web-sm==3.7.1
193
+ entrypoints==0.4
194
+ ephem==4.1.5
195
+ esda==2.5.1
196
+ essentia==2.1b6.dev1110
197
+ et-xmlfile==1.1.0
198
+ etils==1.6.0
199
+ exceptiongroup==1.2.0
200
+ executing==2.0.1
201
+ explainable-ai-sdk==1.3.3
202
+ fastai==2.7.14
203
+ fastapi==0.108.0
204
+ fastavro==1.9.3
205
+ fastcore==1.5.29
206
+ fastdownload==0.0.7
207
+ fasteners==0.19
208
+ fastjsonschema==2.19.1
209
+ fastprogress==1.0.3
210
+ fastrlock==0.8.2
211
+ fasttext==0.9.2
212
+ feather-format==0.4.1
213
+ featuretools==1.30.0
214
+ filelock==3.13.1
215
+ fiona==1.9.6
216
+ fitter==1.7.0
217
+ flake8==7.0.0
218
+ flashtext==2.7
219
+ flatbuffers==23.5.26
220
+ flax==0.8.2
221
+ folium==0.16.0
222
+ fonttools==4.47.0
223
+ fonttools==4.49.0
224
+ fqdn==1.5.1
225
+ frozendict==2.4.0
226
+ frozenlist==1.4.1
227
+ fsspec==2023.10.0
228
+ funcy==2.0
229
+ fury==0.10.0
230
+ future==1.0.0
231
+ fuzzywuzzy==0.18.0
232
+ gast==0.5.4
233
+ gatspy==0.3
234
+ gcsfs==2023.12.2.post1
235
+ gensim==4.3.2
236
+ geographiclib==2.0
237
+ geojson==3.1.0
238
+ geopandas==0.14.3
239
+ geoplot==0.5.1
240
+ geopy==2.4.1
241
+ geoviews==1.11.1
242
+ ggplot==0.11.5
243
+ giddy==2.3.5
244
+ gitdb==4.0.11
245
+ google-ai-generativelanguage==0.4.0
246
+ google-api-core==2.11.1
247
+ google-api-core==2.17.1
248
+ google-api-python-client==2.122.0
249
+ google-apitools==0.5.31
250
+ google-auth-httplib2==0.1.1
251
+ google-auth-oauthlib==1.2.0
252
+ google-auth==2.26.1
253
+ google-cloud-aiplatform==0.6.0a1
254
+ google-cloud-artifact-registry==1.10.0
255
+ google-cloud-automl==1.0.1
256
+ google-cloud-bigquery==2.34.4
257
+ google-cloud-bigtable==1.7.3
258
+ google-cloud-core==2.4.1
259
+ google-cloud-datastore==2.19.0
260
+ google-cloud-dlp==3.14.0
261
+ google-cloud-jupyter-config==0.0.5
262
+ google-cloud-language==2.13.3
263
+ google-cloud-monitoring==2.18.0
264
+ google-cloud-pubsub==2.19.0
265
+ google-cloud-pubsublite==1.9.0
266
+ google-cloud-recommendations-ai==0.7.1
267
+ google-cloud-resource-manager==1.11.0
268
+ google-cloud-spanner==3.40.1
269
+ google-cloud-storage==1.44.0
270
+ google-cloud-translate==3.12.1
271
+ google-cloud-videointelligence==2.13.3
272
+ google-cloud-vision==2.8.0
273
+ google-crc32c==1.5.0
274
+ google-generativeai==0.4.1
275
+ google-pasta==0.2.0
276
+ google-resumable-media==2.7.0
277
+ googleapis-common-protos==1.62.0
278
+ gplearn==0.4.2
279
+ gpustat==1.0.0
280
+ gpxpy==1.6.2
281
+ graphviz==0.20.2
282
+ greenlet==3.0.3
283
+ grpc-google-iam-v1==0.12.7
284
+ grpcio-status==1.48.1
285
+ grpcio-status==1.48.2
286
+ grpcio==1.51.1
287
+ grpcio==1.60.0
288
+ gviz-api==1.10.0
289
+ gym-notices==0.0.8
290
+ gym==0.26.2
291
+ gymnasium==0.29.0
292
+ h11==0.14.0
293
+ h2o==3.46.0.1
294
+ h5netcdf==1.3.0
295
+ h5py==3.10.0
296
+ haversine==2.8.1
297
+ hdfs==2.7.3
298
+ hep-ml==0.7.2
299
+ hijri-converter==2.3.1
300
+ hmmlearn==0.3.2
301
+ holidays==0.24
302
+ holoviews==1.18.3
303
+ hpsklearn==0.1.0
304
+ html5lib==1.1
305
+ htmlmin==0.1.12
306
+ httpcore==1.0.4
307
+ httplib2==0.21.0
308
+ httptools==0.6.1
309
+ httpx==0.27.0
310
+ huggingface-hub==0.22.2
311
+ hunspell==0.5.5
312
+ husl==4.0.3
313
+ hydra-slayer==0.5.0
314
+ hyperopt==0.2.7
315
+ hypertools==0.8.0
316
+ idna==3.6
317
+ igraph==0.11.4
318
+ imagecodecs==2024.1.1
319
+ imageio==2.33.1
320
+ imbalanced-learn==0.12.0
321
+ imgaug==0.4.0
322
+ importlib-metadata==6.11.0
323
+ importlib-metadata==7.0.1
324
+ importlib-resources==6.1.1
325
+ inequality==1.0.1
326
+ iniconfig==2.0.0
327
+ ipydatawidgets==4.3.5
328
+ ipykernel==6.28.0
329
+ ipyleaflet==0.18.2
330
+ ipympl==0.7.0
331
+ ipython-genutils==0.2.0
332
+ ipython-genutils==0.2.0
333
+ ipython-sql==0.5.0
334
+ ipython==8.20.0
335
+ ipyvolume==0.6.3
336
+ ipyvue==1.10.2
337
+ ipyvuetify==1.9.2
338
+ ipywebrtc==0.6.0
339
+ ipywidgets==7.7.1
340
+ isoduration==20.11.0
341
+ isort==5.13.2
342
+ isoweek==1.3.3
343
+ itsdangerous==2.1.2
344
+ jaraco.classes==3.3.0
345
+ jax-jumpy==1.0.0
346
+ jax==0.4.23
347
+ jaxlib==0.4.23.dev20240116
348
+ jedi==0.19.1
349
+ jeepney==0.8.0
350
+ jieba==0.42.1
351
+ jmespath==1.0.1
352
+ joblib==1.3.2
353
+ json5==0.9.14
354
+ jsonpatch==1.33
355
+ jsonpointer==2.4
356
+ jsonschema-specifications==2023.12.1
357
+ jsonschema==4.20.0
358
+ jupyter-console==6.6.3
359
+ jupyter-events==0.9.0
360
+ jupyter-http-over-ws==0.0.8
361
+ jupyter-lsp==1.5.1
362
+ jupyter-server-mathjax==0.2.6
363
+ jupyter-ydoc==0.2.5
364
+ jupyter_client==7.4.9
365
+ jupyter_client==8.6.0
366
+ jupyter_core==5.7.1
367
+ jupyter_server==2.13.0
368
+ jupyter_server_fileid==0.9.1
369
+ jupyter_server_proxy==4.1.0
370
+ jupyter_server_terminals==0.5.1
371
+ jupyter_server_ydoc==0.8.0
372
+ jupyterlab-lsp==5.1.0
373
+ jupyterlab-widgets==3.0.9
374
+ jupyterlab==4.1.5
375
+ jupyterlab_git==0.44.0
376
+ jupyterlab_pygments==0.3.0
377
+ jupyterlab_server==2.25.2
378
+ jupytext==1.16.0
379
+ kaggle-environments==1.14.3
380
+ kaggle==1.6.6
381
+ kagglehub==0.2.0
382
+ keras-cv==0.8.2
383
+ keras-nlp==0.8.2
384
+ keras-tuner==1.4.6
385
+ keras==3.0.5
386
+ kernels-mixer==0.0.7
387
+ keyring==24.3.0
388
+ keyrings.google-artifactregistry-auth==1.1.2
389
+ kfp-pipeline-spec==0.2.2
390
+ kfp-server-api==2.0.5
391
+ kfp==2.5.0
392
+ kiwisolver==1.4.5
393
+ kmapper==2.0.1
394
+ kmodes==0.12.2
395
+ korean-lunar-calendar==0.3.1
396
+ kornia==0.7.2
397
+ kornia_rs==0.1.2
398
+ kt-legacy==1.0.5
399
+ kubernetes==26.1.0
400
+ langcodes==3.3.0
401
+ langid==1.1.6
402
+ lazy_loader==0.3
403
+ learntools==0.3.4
404
+ leven==1.0.4
405
+ libclang==16.0.6
406
+ libmambapy==1.5.0
407
+ libpysal==4.9.2
408
+ librosa==0.10.1
409
+ lightgbm==4.2.0
410
+ lightning-utilities==0.10.1
411
+ lime==0.2.0.1
412
+ line-profiler==4.1.2
413
+ linkify-it-py==2.0.3
414
+ llvmlite==0.41.1
415
+ llvmlite==0.42.0
416
+ lml==0.1.0
417
+ locket==1.0.0
418
+ loguru==0.7.2
419
+ lxml==5.1.0
420
+ lz4==4.3.3
421
+ mamba==1.5.0
422
+ mapclassify==2.6.1
423
+ markdown-it-py==3.0.0
424
+ markovify==0.9.4
425
+ marshmallow==3.21.1
426
+ matplotlib-inline==0.1.6
427
+ matplotlib-venn==0.11.10
428
+ matplotlib==3.7.5
429
+ matplotlib==3.8.3
430
+ mccabe==0.7.0
431
+ mdit-py-plugins==0.4.0
432
+ mdurl==0.1.2
433
+ memory-profiler==0.61.0
434
+ menuinst==2.0.1
435
+ mercantile==1.2.1
436
+ mgwr==2.2.1
437
+ missingno==0.5.2
438
+ mistune==0.8.4
439
+ mizani==0.11.0
440
+ ml-dtypes==0.2.0
441
+ mlcrate==0.2.0
442
+ mlens==0.2.3
443
+ mlxtend==0.23.1
444
+ mmh3==4.1.0
445
+ mne==1.6.1
446
+ mnist==0.2.2
447
+ mock==5.1.0
448
+ momepy==0.7.0
449
+ more-itertools==10.2.0
450
+ mpld3==0.5.10
451
+ mpmath==1.3.0
452
+ msgpack-numpy==0.4.8
453
+ msgpack==1.0.7
454
+ multidict==6.0.4
455
+ multimethod==1.10
456
+ multipledispatch==1.0.0
457
+ multiprocess==0.70.15
458
+ munkres==1.1.4
459
+ murmurhash==1.0.10
460
+ mypy-extensions==1.0.0
461
+ namex==0.0.7
462
+ nb-conda-kernels==2.3.1
463
+ nb_conda==2.2.1
464
+ nbclassic==1.0.0
465
+ nbclient==0.5.13
466
+ nbconvert==6.4.5
467
+ nbdime==3.2.0
468
+ nbformat==5.9.2
469
+ ndindex==1.8
470
+ nest-asyncio==1.5.8
471
+ networkx==3.2.1
472
+ nibabel==5.2.1
473
+ nilearn==0.10.3
474
+ ninja==1.11.1.1
475
+ nltk==3.2.4
476
+ nose==1.3.7
477
+ notebook==6.5.4
478
+ notebook==6.5.6
479
+ notebook_executor==0.2
480
+ notebook_shim==0.2.3
481
+ numba==0.58.1
482
+ numba==0.59.0
483
+ numexpr==2.9.0
484
+ numpy==1.26.4
485
+ nvidia-ml-py==11.495.46
486
+ nvtx==0.2.10
487
+ oauth2client==4.1.3
488
+ oauthlib==3.2.2
489
+ objsize==0.6.1
490
+ odfpy==1.4.1
491
+ olefile==0.47
492
+ onnx==1.15.0
493
+ opencensus-context==0.1.3
494
+ opencensus==0.11.4
495
+ opencv-contrib-python==4.9.0.80
496
+ opencv-python-headless==4.9.0.80
497
+ opencv-python==4.9.0.80
498
+ openpyxl==3.1.2
499
+ openslide-python==1.3.1
500
+ opentelemetry-api==1.22.0
501
+ opentelemetry-exporter-otlp-proto-common==1.22.0
502
+ opentelemetry-exporter-otlp-proto-grpc==1.22.0
503
+ opentelemetry-exporter-otlp-proto-http==1.22.0
504
+ opentelemetry-exporter-otlp==1.22.0
505
+ opentelemetry-proto==1.22.0
506
+ opentelemetry-sdk==1.22.0
507
+ opentelemetry-semantic-conventions==0.43b0
508
+ opt-einsum==3.3.0
509
+ optax==0.2.1
510
+ optuna==3.6.0
511
+ orbax-checkpoint==0.5.6
512
+ ordered-set==4.1.0
513
+ orjson==3.9.10
514
+ ortools==9.4.1874
515
+ osmnx==1.9.1
516
+ overrides==7.4.0
517
+ packaging==21.3
518
+ pandas-datareader==0.10.0
519
+ pandas-profiling==3.6.6
520
+ pandas-summary==0.2.0
521
+ pandas==2.1.4
522
+ pandas==2.2.1
523
+ pandasql==0.7.3
524
+ pandocfilters==1.5.0
525
+ panel==1.3.8
526
+ papermill==2.5.0
527
+ param==2.0.2
528
+ parso==0.8.3
529
+ partd==1.4.1
530
+ path.py==12.5.0
531
+ path==16.10.0
532
+ pathos==0.3.2
533
+ pathy==0.10.3
534
+ patsy==0.5.6
535
+ pdf2image==1.17.0
536
+ peft==0.10.0
537
+ pettingzoo==1.24.0
538
+ pexpect==4.8.0
539
+ pexpect==4.9.0
540
+ phik==0.12.4
541
+ pickleshare==0.7.5
542
+ pip==23.3.2
543
+ pkgutil_resolve_name==1.3.10
544
+ platformdirs==4.2.0
545
+ plotly-express==0.4.1
546
+ plotly==5.18.0
547
+ plotnine==0.13.2
548
+ pluggy==1.4.0
549
+ pointpats==2.4.0
550
+ polars==0.20.15
551
+ polyglot==16.7.4
552
+ pooch==1.8.1
553
+ pox==0.3.4
554
+ ppca==0.0.4
555
+ ppft==1.7.6.8
556
+ preprocessing==0.1.13
557
+ preshed==3.0.9
558
+ prettytable==3.9.0
559
+ progressbar2==4.4.2
560
+ prometheus-client==0.19.0
561
+ promise==2.3
562
+ prompt-toolkit==3.0.42
563
+ prompt-toolkit==3.0.43
564
+ pronouncing==0.2.0
565
+ prophet==1.1.1
566
+ proto-plus==1.23.0
567
+ protobuf==3.20.3
568
+ protobuf==4.21.12
569
+ psutil==5.9.3
570
+ psutil==5.9.7
571
+ ptyprocess==0.7.0
572
+ pudb==2024.1
573
+ pure-eval==0.2.2
574
+ py-cpuinfo==9.0.0
575
+ py-spy==0.3.14
576
+ py4j==0.10.9.7
577
+ pyLDAvis==3.4.1
578
+ pyOpenSSL==23.3.0
579
+ pyaml==23.12.0
580
+ pyarrow-hotfix==0.6
581
+ pyarrow==11.0.0
582
+ pyasn1-modules==0.3.0
583
+ pyasn1==0.5.1
584
+ pybind11==2.11.1
585
+ pyclipper==1.3.0.post5
586
+ pycodestyle==2.11.1
587
+ pycosat==0.6.6
588
+ pycparser==2.21
589
+ pycryptodome==3.20.0
590
+ pyct==0.5.0
591
+ pycuda==2024.1
592
+ pydantic==2.5.3
593
+ pydantic==2.6.4
594
+ pydantic_core==2.14.6
595
+ pydantic_core==2.16.3
596
+ pydegensac==0.1.2
597
+ pydicom==2.4.4
598
+ pydocstyle==6.3.0
599
+ pydot==1.4.2
600
+ pydub==0.25.1
601
+ pyemd==1.0.0
602
+ pyerfa==2.0.1.1
603
+ pyexcel-io==0.6.6
604
+ pyexcel-ods==0.6.0
605
+ pyflakes==3.2.0
606
+ pygltflib==1.16.2
607
+ pykalman==0.9.5
608
+ pylibraft==23.8.0
609
+ pylint==3.0.4
610
+ pymc3==3.11.4
611
+ pymongo==3.13.0
612
+ pynndescent==0.5.11
613
+ pynvml==11.4.1
614
+ pynvrtc==9.2
615
+ pyocr==0.8.5
616
+ pyparsing==3.1.1
617
+ pyparsing==3.1.2
618
+ pypdf==4.1.0
619
+ pyproj==3.6.1
620
+ pysal==24.1
621
+ pyshp==2.3.1
622
+ pytesseract==0.3.10
623
+ pytest==8.1.1
624
+ python-Levenshtein==0.25.0
625
+ python-bidi==0.4.2
626
+ python-dateutil==2.9.0.post0
627
+ python-dotenv==1.0.0
628
+ python-json-logger==2.0.7
629
+ python-louvain==0.16
630
+ python-lsp-jsonrpc==1.1.2
631
+ python-lsp-server==1.10.1
632
+ python-slugify==8.0.4
633
+ python-utils==3.8.2
634
+ pythreejs==2.4.2
635
+ pytoolconfig==1.3.1
636
+ pytools==2023.1.1
637
+ pytorch-ignite==0.4.13
638
+ pytorch-lightning==2.2.1
639
+ pytz==2023.3.post1
640
+ pytz==2024.1
641
+ pyu2f==0.1.5
642
+ pyviz_comms==3.0.1
643
+ pyzmq==24.0.1
644
+ pyzmq==25.1.2
645
+ qgrid==1.3.1
646
+ qtconsole==5.5.1
647
+ quantecon==0.7.2
648
+ quantities==0.15.0
649
+ qudida==0.0.4
650
+ raft-dask==23.8.0
651
+ rapidfuzz==3.6.2
652
+ rasterio==1.3.9
653
+ rasterstats==0.19.0
654
+ ray-cpp==2.9.0
655
+ ray==2.9.0
656
+ referencing==0.32.1
657
+ regex==2023.12.25
658
+ requests-oauthlib==1.3.1
659
+ requests-toolbelt==0.10.1
660
+ requests==2.31.0
661
+ responses==0.18.0
662
+ retrying==1.3.3
663
+ retrying==1.3.4
664
+ rfc3339-validator==0.1.4
665
+ rfc3986-validator==0.1.1
666
+ rgf-python==3.12.0
667
+ rich-click==1.7.4
668
+ rich==13.7.0
669
+ rich==13.7.1
670
+ rmm==23.8.0
671
+ rope==1.12.0
672
+ rpds-py==0.16.2
673
+ rsa==4.9
674
+ ruamel-yaml-conda==0.15.100
675
+ ruamel.yaml.clib==0.2.7
676
+ ruamel.yaml==0.17.40
677
+ s2sphere==0.2.5
678
+ s3fs==2024.3.0
679
+ s3transfer==0.6.2
680
+ safetensors==0.4.2
681
+ scattertext==0.1.19
682
+ scikit-image==0.22.0
683
+ scikit-learn-intelex==2024.1.0
684
+ scikit-learn==1.2.2
685
+ scikit-multilearn==0.2.0
686
+ scikit-optimize==0.10.1
687
+ scikit-plot==0.3.7
688
+ scikit-surprise==1.1.3
689
+ scipy==1.11.4
690
+ scipy==1.12.0
691
+ seaborn==0.12.2
692
+ segment_anything==1.0
693
+ segregation==2.5
694
+ semver==3.0.2
695
+ sentencepiece==0.2.0
696
+ sentry-sdk==1.42.0
697
+ setproctitle==1.3.3
698
+ setuptools-git==1.2
699
+ setuptools-scm==8.0.4
700
+ setuptools==69.0.3
701
+ shap==0.44.1
702
+ shapely==2.0.3
703
+ shellingham==1.5.4
704
+ shtab==1.7.1
705
+ simpervisor==1.0.0
706
+ simplejson==3.19.2
707
+ six==1.16.0
708
+ sklearn-pandas==2.2.0
709
+ slicer==0.0.7
710
+ smart-open==6.4.0
711
+ smmap==5.0.1
712
+ sniffio==1.3.0
713
+ snowballstemmer==2.2.0
714
+ snuggs==1.4.7
715
+ sortedcontainers==2.4.0
716
+ soundfile==0.12.1
717
+ soupsieve==2.5
718
+ soxr==0.3.7
719
+ spacy-legacy==3.0.12
720
+ spacy-loggers==1.0.5
721
+ spacy==3.7.2
722
+ spaghetti==1.7.5.post1
723
+ spectral==0.23.1
724
+ spglm==1.1.0
725
+ sphinx-rtd-theme==0.2.4
726
+ spint==1.0.7
727
+ splot==1.1.5.post1
728
+ spopt==0.6.0
729
+ spreg==1.4.2
730
+ spvcm==0.3.0
731
+ sqlparse==0.4.4
732
+ squarify==0.4.3
733
+ srsly==2.4.8
734
+ stable-baselines3==2.1.0
735
+ stack-data==0.6.2
736
+ stack-data==0.6.3
737
+ stanio==0.3.0
738
+ starlette==0.32.0.post1
739
+ statsmodels==0.14.1
740
+ stemming==1.0.1
741
+ stop-words==2018.7.23
742
+ stopit==1.1.2
743
+ stumpy==1.12.0
744
+ sympy==1.12
745
+ tables==3.9.2
746
+ tabulate==0.9.0
747
+ tangled-up-in-unicode==0.2.0
748
+ tbb==2021.11.0
749
+ tblib==3.0.0
750
+ tenacity==8.2.3
751
+ tensorboard-data-server==0.7.2
752
+ tensorboard-plugin-profile==2.15.0
753
+ tensorboard==2.15.1
754
+ tensorboardX==2.6.2.2
755
+ tensorflow-cloud==0.1.16
756
+ tensorflow-datasets==4.9.4
757
+ tensorflow-decision-forests==1.8.1
758
+ tensorflow-estimator==2.15.0
759
+ tensorflow-hub==0.16.1
760
+ tensorflow-io-gcs-filesystem==0.35.0
761
+ tensorflow-io==0.35.0
762
+ tensorflow-metadata==0.14.0
763
+ tensorflow-probability==0.23.0
764
+ tensorflow-serving-api==2.14.1
765
+ tensorflow-text==2.15.0
766
+ tensorflow-transform==0.14.0
767
+ tensorflow==2.15.0
768
+ tensorpack==0.11
769
+ tensorstore==0.1.56
770
+ termcolor==2.4.0
771
+ terminado==0.18.0
772
+ testpath==0.6.0
773
+ text-unidecode==1.3
774
+ textblob==0.18.0.post0
775
+ texttable==1.7.0
776
+ tf_keras==2.15.1
777
+ tfp-nightly==0.24.0.dev0
778
+ thinc==8.2.2
779
+ threadpoolctl==3.2.0
780
+ tifffile==2023.12.9
781
+ timm==0.9.16
782
+ tinycss2==1.2.1
783
+ tobler==0.11.2
784
+ tokenizers==0.15.2
785
+ toml==0.10.2
786
+ tomli==2.0.1
787
+ tomlkit==0.12.4
788
+ toolz==0.12.1
789
+ torch==2.1.2
790
+ torchaudio==2.1.2
791
+ torchdata==0.7.1
792
+ torchinfo==1.8.0
793
+ torchmetrics==1.3.2
794
+ torchtext==0.16.2
795
+ torchvision==0.16.2
796
+ tornado==6.3.3
797
+ tqdm==4.66.1
798
+ traceml==1.0.8
799
+ traitlets==5.9.0
800
+ traittypes==0.2.1
801
+ transformers==4.38.2
802
+ treelite-runtime==3.2.0
803
+ treelite==3.2.0
804
+ trl==0.8.1
805
+ trueskill==0.4.5
806
+ truststore==0.8.0
807
+ trx-python==0.2.9
808
+ tsfresh==0.20.2
809
+ typeguard==4.1.5
810
+ typer==0.9.0
811
+ types-python-dateutil==2.8.19.20240106
812
+ typing-inspect==0.9.0
813
+ typing-utils==0.1.0
814
+ typing_extensions==4.9.0
815
+ tyro==0.8.2
816
+ tzdata==2023.4
817
+ uc-micro-py==1.0.3
818
+ ucx-py==0.33.0
819
+ ujson==5.9.0
820
+ umap-learn==0.5.5
821
+ unicodedata2==15.1.0
822
+ update-checker==0.18.0
823
+ uri-template==1.3.0
824
+ uritemplate==3.0.1
825
+ urllib3==1.26.18
826
+ urllib3==2.1.0
827
+ urwid==2.6.9
828
+ urwid_readline==0.14
829
+ uvicorn==0.25.0
830
+ uvloop==0.19.0
831
+ vaex-astro==0.9.3
832
+ vaex-core==4.17.1
833
+ vaex-hdf5==0.14.1
834
+ vaex-jupyter==0.8.2
835
+ vaex-ml==0.18.3
836
+ vaex-server==0.9.0
837
+ vaex-viz==0.5.4
838
+ vaex==4.17.0
839
+ vec_noise==1.1.4
840
+ vecstack==0.4.0
841
+ virtualenv==20.21.0
842
+ visions==0.7.5
843
+ vowpalwabbit==9.9.0
844
+ vtk==9.3.0
845
+ wandb==0.16.4
846
+ wasabi==1.1.2
847
+ watchfiles==0.21.0
848
+ wavio==0.0.8
849
+ wcwidth==0.2.13
850
+ weasel==0.3.4
851
+ webcolors==1.13
852
+ webencodings==0.5.1
853
+ websocket-client==1.7.0
854
+ websockets==12.0
855
+ wfdb==4.1.2
856
+ whatthepatch==1.0.5
857
+ wheel==0.42.0
858
+ widgetsnbextension==3.6.6
859
+ witwidget==1.8.1
860
+ woodwork==0.29.0
861
+ wordcloud==1.9.3
862
+ wordsegment==1.3.1
863
+ wrapt==1.14.1
864
+ xarray-einstats==0.7.0
865
+ xarray==2024.2.0
866
+ xgboost==2.0.3
867
+ xvfbwrapper==0.2.9
868
+ xxhash==3.4.1
869
+ xyzservices==2023.10.1
870
+ y-py==0.6.2
871
+ yapf==0.40.2
872
+ yarl==1.9.3
873
+ yarl==1.9.4
874
+ ydata-profiling==4.6.4
875
+ yellowbrick==1.5
876
+ ypy-websocket==0.8.4
877
+ zict==3.0.0
878
+ zipp==3.17.0
879
+ zstandard==0.22.0
wandb/run-20240408_201757-0wo4cvb8/files/wandb-metadata.json ADDED
@@ -0,0 +1,66 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.133+-x86_64-with-glibc2.31",
3
+ "python": "3.10.13",
4
+ "heartbeatAt": "2024-04-08T20:17:57.954624",
5
+ "startedAt": "2024-04-08T20:17:57.306023",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "kaggle.ipynb",
11
+ "codePathLocal": null,
12
+ "root": "/kaggle/working",
13
+ "host": "622eb14e717e",
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.14,
20
+ "min": 0.0,
21
+ "max": 0.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2000.14,
26
+ "min": 0.0,
27
+ "max": 0.0
28
+ },
29
+ {
30
+ "current": 2000.14,
31
+ "min": 0.0,
32
+ "max": 0.0
33
+ },
34
+ {
35
+ "current": 2000.14,
36
+ "min": 0.0,
37
+ "max": 0.0
38
+ },
39
+ {
40
+ "current": 2000.14,
41
+ "min": 0.0,
42
+ "max": 0.0
43
+ }
44
+ ],
45
+ "disk": {
46
+ "/": {
47
+ "total": 8062.387607574463,
48
+ "used": 5568.72741317749
49
+ }
50
+ },
51
+ "gpu": "Tesla T4",
52
+ "gpu_count": 2,
53
+ "gpu_devices": [
54
+ {
55
+ "name": "Tesla T4",
56
+ "memory_total": 16106127360
57
+ },
58
+ {
59
+ "name": "Tesla T4",
60
+ "memory_total": 16106127360
61
+ }
62
+ ],
63
+ "memory": {
64
+ "total": 31.357559204101562
65
+ }
66
+ }
wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"train/loss": 2.9453, "train/grad_norm": 5.314031600952148, "train/learning_rate": 2.7450980392156865e-05, "train/epoch": 0.0, "train/global_step": 280, "_timestamp": 1712607940.627796, "_runtime": 463.31381702423096, "_step": 13, "_wandb": {"runtime": 480}}
wandb/run-20240408_201757-0wo4cvb8/logs/debug-internal.log ADDED
@@ -0,0 +1,485 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-04-08 20:17:57,313 INFO StreamThr :149 [internal.py:wandb_internal():86] W&B internal server running at pid: 149, started at: 2024-04-08 20:17:57.312652
2
+ 2024-04-08 20:17:57,314 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status
3
+ 2024-04-08 20:17:57,718 INFO WriterThread:149 [datastore.py:open_for_write():87] open: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/run-0wo4cvb8.wandb
4
+ 2024-04-08 20:17:57,719 DEBUG SenderThread:149 [sender.py:send():378] send: header
5
+ 2024-04-08 20:17:57,722 DEBUG SenderThread:149 [sender.py:send():378] send: run
6
+ 2024-04-08 20:17:57,828 INFO SenderThread:149 [dir_watcher.py:__init__():211] watching files in: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files
7
+ 2024-04-08 20:17:57,828 INFO SenderThread:149 [sender.py:_start_run_threads():1099] run started: 0wo4cvb8 with start time 1712607477.313979
8
+ 2024-04-08 20:17:57,837 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: check_version
9
+ 2024-04-08 20:17:57,837 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: check_version
10
+ 2024-04-08 20:17:57,928 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: run_start
11
+ 2024-04-08 20:17:57,939 DEBUG HandlerThread:149 [system_info.py:__init__():26] System info init
12
+ 2024-04-08 20:17:57,939 DEBUG HandlerThread:149 [system_info.py:__init__():41] System info init done
13
+ 2024-04-08 20:17:57,939 INFO HandlerThread:149 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-04-08 20:17:57,940 INFO SystemMonitor:149 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-04-08 20:17:57,940 INFO HandlerThread:149 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-04-08 20:17:57,940 INFO SystemMonitor:149 [interfaces.py:start():190] Started cpu monitoring
17
+ 2024-04-08 20:17:57,941 INFO SystemMonitor:149 [interfaces.py:start():190] Started disk monitoring
18
+ 2024-04-08 20:17:57,942 INFO SystemMonitor:149 [interfaces.py:start():190] Started gpu monitoring
19
+ 2024-04-08 20:17:57,943 INFO SystemMonitor:149 [interfaces.py:start():190] Started memory monitoring
20
+ 2024-04-08 20:17:57,944 INFO SystemMonitor:149 [interfaces.py:start():190] Started network monitoring
21
+ 2024-04-08 20:17:57,954 DEBUG HandlerThread:149 [system_info.py:probe():150] Probing system
22
+ 2024-04-08 20:17:57,956 DEBUG HandlerThread:149 [gitlib.py:_init_repo():56] git repository is invalid
23
+ 2024-04-08 20:17:57,956 DEBUG HandlerThread:149 [system_info.py:probe():198] Probing system done
24
+ 2024-04-08 20:17:57,956 DEBUG HandlerThread:149 [system_monitor.py:probe():223] {'os': 'Linux-5.15.133+-x86_64-with-glibc2.31', 'python': '3.10.13', 'heartbeatAt': '2024-04-08T20:17:57.954624', 'startedAt': '2024-04-08T20:17:57.306023', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': 'kaggle.ipynb', 'codePathLocal': None, 'root': '/kaggle/working', 'host': '622eb14e717e', 'username': 'root', 'executable': '/opt/conda/bin/python3.10', 'cpu_count': 2, 'cpu_count_logical': 4, 'cpu_freq': {'current': 2000.14, 'min': 0.0, 'max': 0.0}, 'cpu_freq_per_core': [{'current': 2000.14, 'min': 0.0, 'max': 0.0}, {'current': 2000.14, 'min': 0.0, 'max': 0.0}, {'current': 2000.14, 'min': 0.0, 'max': 0.0}, {'current': 2000.14, 'min': 0.0, 'max': 0.0}], 'disk': {'/': {'total': 8062.387607574463, 'used': 5568.72741317749}}, 'gpu': 'Tesla T4', 'gpu_count': 2, 'gpu_devices': [{'name': 'Tesla T4', 'memory_total': 16106127360}, {'name': 'Tesla T4', 'memory_total': 16106127360}], 'memory': {'total': 31.357559204101562}}
25
+ 2024-04-08 20:17:57,957 INFO HandlerThread:149 [system_monitor.py:probe():224] Finished collecting system info
26
+ 2024-04-08 20:17:57,957 INFO HandlerThread:149 [system_monitor.py:probe():227] Publishing system info
27
+ 2024-04-08 20:17:57,957 DEBUG HandlerThread:149 [system_info.py:_save_conda():207] Saving list of conda packages installed into the current environment
28
+ 2024-04-08 20:17:58,831 INFO Thread-12 :149 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/conda-environment.yaml
29
+ 2024-04-08 20:18:54,823 DEBUG HandlerThread:149 [system_info.py:_save_conda():219] Saving conda packages done
30
+ 2024-04-08 20:18:54,824 INFO HandlerThread:149 [system_monitor.py:probe():229] Finished publishing system info
31
+ 2024-04-08 20:18:54,837 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
32
+ 2024-04-08 20:18:54,837 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
33
+ 2024-04-08 20:18:54,837 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
34
+ 2024-04-08 20:18:54,838 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
35
+ 2024-04-08 20:18:54,838 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
36
+ 2024-04-08 20:18:54,838 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
37
+ 2024-04-08 20:18:54,838 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
38
+ 2024-04-08 20:18:54,839 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
39
+ 2024-04-08 20:18:54,839 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
40
+ 2024-04-08 20:18:54,839 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
41
+ 2024-04-08 20:18:54,839 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
42
+ 2024-04-08 20:18:54,839 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: python_packages
43
+ 2024-04-08 20:18:54,840 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: internal_messages
44
+ 2024-04-08 20:18:54,840 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: stop_status
45
+ 2024-04-08 20:18:54,840 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
46
+ 2024-04-08 20:18:54,842 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: python_packages
47
+ 2024-04-08 20:18:54,842 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
48
+ 2024-04-08 20:18:54,845 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
49
+ 2024-04-08 20:18:54,845 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
50
+ 2024-04-08 20:18:54,845 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
51
+ 2024-04-08 20:18:54,845 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
52
+ 2024-04-08 20:18:54,845 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
53
+ 2024-04-08 20:18:54,845 DEBUG SenderThread:149 [sender.py:send():378] send: telemetry
54
+ 2024-04-08 20:18:54,846 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
55
+ 2024-04-08 20:18:54,846 DEBUG SenderThread:149 [sender.py:send():378] send: config
56
+ 2024-04-08 20:18:54,847 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/conda-environment.yaml
57
+ 2024-04-08 20:18:54,849 INFO Thread-12 :149 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/requirements.txt
58
+ 2024-04-08 20:18:54,849 INFO Thread-12 :149 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-metadata.json
59
+ 2024-04-08 20:18:54,849 DEBUG SenderThread:149 [sender.py:send():378] send: metric
60
+ 2024-04-08 20:18:54,850 DEBUG SenderThread:149 [sender.py:send():378] send: telemetry
61
+ 2024-04-08 20:18:54,850 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: stop_status
62
+ 2024-04-08 20:18:54,846 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
63
+ 2024-04-08 20:18:54,854 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
64
+ 2024-04-08 20:18:54,913 DEBUG SenderThread:149 [sender.py:send():378] send: metric
65
+ 2024-04-08 20:18:54,914 WARNING SenderThread:149 [sender.py:send_metric():1316] Seen metric with glob (shouldn't happen)
66
+ 2024-04-08 20:18:54,914 DEBUG SenderThread:149 [sender.py:send():378] send: telemetry
67
+ 2024-04-08 20:18:54,915 DEBUG SenderThread:149 [sender.py:send():378] send: files
68
+ 2024-04-08 20:18:54,915 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-metadata.json with policy now
69
+ 2024-04-08 20:18:55,108 INFO wandb-upload_0:149 [upload_job.py:push():131] Uploaded file /tmp/tmprt6zhfgrwandb/l4j4yuc6-wandb-metadata.json
70
+ 2024-04-08 20:18:55,847 INFO Thread-12 :149 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
71
+ 2024-04-08 20:18:57,848 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
72
+ 2024-04-08 20:18:57,944 DEBUG SystemMonitor:149 [system_monitor.py:_start():172] Starting system metrics aggregation loop
73
+ 2024-04-08 20:18:57,946 DEBUG SenderThread:149 [sender.py:send():378] send: stats
74
+ 2024-04-08 20:18:57,955 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
75
+ 2024-04-08 20:18:58,849 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/config.yaml
76
+ 2024-04-08 20:18:58,986 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
77
+ 2024-04-08 20:19:03,052 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
78
+ 2024-04-08 20:19:03,990 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
79
+ 2024-04-08 20:19:04,349 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
80
+ 2024-04-08 20:19:04,351 DEBUG SenderThread:149 [sender.py:send():378] send: metric
81
+ 2024-04-08 20:19:04,351 DEBUG SenderThread:149 [sender.py:send():378] send: metric
82
+ 2024-04-08 20:19:04,351 DEBUG SenderThread:149 [sender.py:send():378] send: metric
83
+ 2024-04-08 20:19:04,352 DEBUG SenderThread:149 [sender.py:send():378] send: metric
84
+ 2024-04-08 20:19:04,352 DEBUG SenderThread:149 [sender.py:send():378] send: history
85
+ 2024-04-08 20:19:04,352 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
86
+ 2024-04-08 20:19:04,352 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
87
+ 2024-04-08 20:19:04,851 INFO Thread-12 :149 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
88
+ 2024-04-08 20:19:07,852 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
89
+ 2024-04-08 20:19:08,200 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
90
+ 2024-04-08 20:19:08,991 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
91
+ 2024-04-08 20:19:13,201 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
92
+ 2024-04-08 20:19:13,992 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
93
+ 2024-04-08 20:19:18,202 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
94
+ 2024-04-08 20:19:18,997 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
95
+ 2024-04-08 20:19:23,203 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
96
+ 2024-04-08 20:19:23,998 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
97
+ 2024-04-08 20:19:27,947 DEBUG SenderThread:149 [sender.py:send():378] send: stats
98
+ 2024-04-08 20:19:28,953 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
99
+ 2024-04-08 20:19:29,004 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
100
+ 2024-04-08 20:19:29,861 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/config.yaml
101
+ 2024-04-08 20:19:33,774 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
102
+ 2024-04-08 20:19:33,775 DEBUG SenderThread:149 [sender.py:send():378] send: history
103
+ 2024-04-08 20:19:33,776 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
104
+ 2024-04-08 20:19:33,776 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
105
+ 2024-04-08 20:19:33,863 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
106
+ 2024-04-08 20:19:34,020 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
107
+ 2024-04-08 20:19:34,315 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
108
+ 2024-04-08 20:19:35,864 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
109
+ 2024-04-08 20:19:37,865 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
110
+ 2024-04-08 20:19:39,027 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
111
+ 2024-04-08 20:19:39,637 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
112
+ 2024-04-08 20:19:44,095 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
113
+ 2024-04-08 20:19:44,639 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
114
+ 2024-04-08 20:19:49,106 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
115
+ 2024-04-08 20:19:49,639 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
116
+ 2024-04-08 20:19:54,108 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
117
+ 2024-04-08 20:19:54,641 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
118
+ 2024-04-08 20:19:57,948 DEBUG SenderThread:149 [sender.py:send():378] send: stats
119
+ 2024-04-08 20:19:59,114 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
120
+ 2024-04-08 20:19:59,949 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
121
+ 2024-04-08 20:20:03,351 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
122
+ 2024-04-08 20:20:03,352 DEBUG SenderThread:149 [sender.py:send():378] send: history
123
+ 2024-04-08 20:20:03,352 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
124
+ 2024-04-08 20:20:03,352 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
125
+ 2024-04-08 20:20:03,875 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
126
+ 2024-04-08 20:20:04,120 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
127
+ 2024-04-08 20:20:05,223 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
128
+ 2024-04-08 20:20:05,876 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
129
+ 2024-04-08 20:20:09,126 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
130
+ 2024-04-08 20:20:10,224 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
131
+ 2024-04-08 20:20:14,132 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
132
+ 2024-04-08 20:20:15,225 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
133
+ 2024-04-08 20:20:19,138 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
134
+ 2024-04-08 20:20:20,226 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
135
+ 2024-04-08 20:20:24,145 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
136
+ 2024-04-08 20:20:25,227 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
137
+ 2024-04-08 20:20:27,949 DEBUG SenderThread:149 [sender.py:send():378] send: stats
138
+ 2024-04-08 20:20:29,151 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
139
+ 2024-04-08 20:20:30,951 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
140
+ 2024-04-08 20:20:32,950 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
141
+ 2024-04-08 20:20:32,952 DEBUG SenderThread:149 [sender.py:send():378] send: history
142
+ 2024-04-08 20:20:32,952 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
143
+ 2024-04-08 20:20:32,952 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
144
+ 2024-04-08 20:20:33,887 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
145
+ 2024-04-08 20:20:34,157 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
146
+ 2024-04-08 20:20:35,888 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
147
+ 2024-04-08 20:20:36,904 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
148
+ 2024-04-08 20:20:39,166 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
149
+ 2024-04-08 20:20:41,905 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
150
+ 2024-04-08 20:20:44,176 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
151
+ 2024-04-08 20:20:46,906 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
152
+ 2024-04-08 20:20:49,180 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
153
+ 2024-04-08 20:20:51,907 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
154
+ 2024-04-08 20:20:54,181 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
155
+ 2024-04-08 20:20:56,908 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
156
+ 2024-04-08 20:20:57,950 DEBUG SenderThread:149 [sender.py:send():378] send: stats
157
+ 2024-04-08 20:20:59,336 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
158
+ 2024-04-08 20:21:01,951 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
159
+ 2024-04-08 20:21:04,314 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
160
+ 2024-04-08 20:21:04,315 DEBUG SenderThread:149 [sender.py:send():378] send: history
161
+ 2024-04-08 20:21:04,316 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
162
+ 2024-04-08 20:21:04,316 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
163
+ 2024-04-08 20:21:04,337 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
164
+ 2024-04-08 20:21:04,900 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
165
+ 2024-04-08 20:21:07,160 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
166
+ 2024-04-08 20:21:07,901 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
167
+ 2024-04-08 20:21:09,341 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
168
+ 2024-04-08 20:21:12,161 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
169
+ 2024-04-08 20:21:14,347 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
170
+ 2024-04-08 20:21:17,162 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
171
+ 2024-04-08 20:21:19,348 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
172
+ 2024-04-08 20:21:22,162 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
173
+ 2024-04-08 20:21:24,360 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
174
+ 2024-04-08 20:21:27,164 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
175
+ 2024-04-08 20:21:27,951 DEBUG SenderThread:149 [sender.py:send():378] send: stats
176
+ 2024-04-08 20:21:29,366 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
177
+ 2024-04-08 20:21:32,953 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
178
+ 2024-04-08 20:21:34,451 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
179
+ 2024-04-08 20:21:34,608 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
180
+ 2024-04-08 20:21:34,609 DEBUG SenderThread:149 [sender.py:send():378] send: history
181
+ 2024-04-08 20:21:34,610 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
182
+ 2024-04-08 20:21:34,610 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
183
+ 2024-04-08 20:21:34,912 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
184
+ 2024-04-08 20:21:37,913 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
185
+ 2024-04-08 20:21:38,567 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
186
+ 2024-04-08 20:21:39,452 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
187
+ 2024-04-08 20:21:43,568 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
188
+ 2024-04-08 20:21:44,453 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
189
+ 2024-04-08 20:21:48,569 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
190
+ 2024-04-08 20:21:49,454 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
191
+ 2024-04-08 20:21:53,569 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
192
+ 2024-04-08 20:21:54,455 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
193
+ 2024-04-08 20:21:57,952 DEBUG SenderThread:149 [sender.py:send():378] send: stats
194
+ 2024-04-08 20:21:58,953 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
195
+ 2024-04-08 20:21:59,456 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
196
+ 2024-04-08 20:22:03,954 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
197
+ 2024-04-08 20:22:04,473 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
198
+ 2024-04-08 20:22:06,792 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
199
+ 2024-04-08 20:22:06,794 DEBUG SenderThread:149 [sender.py:send():378] send: history
200
+ 2024-04-08 20:22:06,794 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
201
+ 2024-04-08 20:22:06,794 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
202
+ 2024-04-08 20:22:06,924 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
203
+ 2024-04-08 20:22:09,484 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
204
+ 2024-04-08 20:22:09,587 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
205
+ 2024-04-08 20:22:09,925 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
206
+ 2024-04-08 20:22:14,485 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
207
+ 2024-04-08 20:22:14,588 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
208
+ 2024-04-08 20:22:19,491 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
209
+ 2024-04-08 20:22:19,589 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
210
+ 2024-04-08 20:22:24,498 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
211
+ 2024-04-08 20:22:24,590 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
212
+ 2024-04-08 20:22:27,953 DEBUG SenderThread:149 [sender.py:send():378] send: stats
213
+ 2024-04-08 20:22:29,535 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
214
+ 2024-04-08 20:22:29,953 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
215
+ 2024-04-08 20:22:34,537 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
216
+ 2024-04-08 20:22:34,954 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
217
+ 2024-04-08 20:22:37,779 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
218
+ 2024-04-08 20:22:37,780 DEBUG SenderThread:149 [sender.py:send():378] send: history
219
+ 2024-04-08 20:22:37,781 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
220
+ 2024-04-08 20:22:37,781 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
221
+ 2024-04-08 20:22:37,936 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
222
+ 2024-04-08 20:22:39,543 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
223
+ 2024-04-08 20:22:39,937 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
224
+ 2024-04-08 20:22:40,864 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
225
+ 2024-04-08 20:22:41,938 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
226
+ 2024-04-08 20:22:44,544 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
227
+ 2024-04-08 20:22:45,865 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
228
+ 2024-04-08 20:22:49,545 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
229
+ 2024-04-08 20:22:50,866 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
230
+ 2024-04-08 20:22:54,551 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
231
+ 2024-04-08 20:22:55,867 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
232
+ 2024-04-08 20:22:57,953 DEBUG SenderThread:149 [sender.py:send():378] send: stats
233
+ 2024-04-08 20:22:59,552 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
234
+ 2024-04-08 20:23:00,955 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
235
+ 2024-04-08 20:23:04,559 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
236
+ 2024-04-08 20:23:05,956 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
237
+ 2024-04-08 20:23:08,968 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
238
+ 2024-04-08 20:23:08,970 DEBUG SenderThread:149 [sender.py:send():378] send: history
239
+ 2024-04-08 20:23:08,970 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
240
+ 2024-04-08 20:23:08,970 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
241
+ 2024-04-08 20:23:09,811 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
242
+ 2024-04-08 20:23:09,949 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
243
+ 2024-04-08 20:23:11,419 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
244
+ 2024-04-08 20:23:11,950 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
245
+ 2024-04-08 20:23:14,817 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
246
+ 2024-04-08 20:23:16,421 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
247
+ 2024-04-08 20:23:19,819 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
248
+ 2024-04-08 20:23:21,422 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
249
+ 2024-04-08 20:23:24,820 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
250
+ 2024-04-08 20:23:26,423 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
251
+ 2024-04-08 20:23:27,954 DEBUG SenderThread:149 [sender.py:send():378] send: stats
252
+ 2024-04-08 20:23:29,821 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
253
+ 2024-04-08 20:23:31,955 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
254
+ 2024-04-08 20:23:34,832 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
255
+ 2024-04-08 20:23:36,956 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
256
+ 2024-04-08 20:23:38,435 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
257
+ 2024-04-08 20:23:38,437 DEBUG SenderThread:149 [sender.py:send():378] send: history
258
+ 2024-04-08 20:23:38,437 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
259
+ 2024-04-08 20:23:38,437 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
260
+ 2024-04-08 20:23:38,961 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
261
+ 2024-04-08 20:23:39,843 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
262
+ 2024-04-08 20:23:41,962 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
263
+ 2024-04-08 20:23:42,265 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
264
+ 2024-04-08 20:23:44,844 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
265
+ 2024-04-08 20:23:47,266 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
266
+ 2024-04-08 20:23:49,845 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
267
+ 2024-04-08 20:23:52,267 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
268
+ 2024-04-08 20:23:54,847 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
269
+ 2024-04-08 20:23:57,267 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
270
+ 2024-04-08 20:23:57,955 DEBUG SenderThread:149 [sender.py:send():378] send: stats
271
+ 2024-04-08 20:23:59,939 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
272
+ 2024-04-08 20:24:02,957 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
273
+ 2024-04-08 20:24:04,940 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
274
+ 2024-04-08 20:24:06,398 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
275
+ 2024-04-08 20:24:06,399 DEBUG SenderThread:149 [sender.py:send():378] send: history
276
+ 2024-04-08 20:24:06,399 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
277
+ 2024-04-08 20:24:06,400 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
278
+ 2024-04-08 20:24:06,973 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
279
+ 2024-04-08 20:24:08,284 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
280
+ 2024-04-08 20:24:09,943 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
281
+ 2024-04-08 20:24:09,974 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
282
+ 2024-04-08 20:24:13,285 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
283
+ 2024-04-08 20:24:14,954 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
284
+ 2024-04-08 20:24:18,286 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
285
+ 2024-04-08 20:24:19,961 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
286
+ 2024-04-08 20:24:23,287 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
287
+ 2024-04-08 20:24:24,962 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
288
+ 2024-04-08 20:24:27,956 DEBUG SenderThread:149 [sender.py:send():378] send: stats
289
+ 2024-04-08 20:24:28,957 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
290
+ 2024-04-08 20:24:29,963 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
291
+ 2024-04-08 20:24:33,958 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
292
+ 2024-04-08 20:24:35,167 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
293
+ 2024-04-08 20:24:36,867 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
294
+ 2024-04-08 20:24:36,868 DEBUG SenderThread:149 [sender.py:send():378] send: history
295
+ 2024-04-08 20:24:36,868 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
296
+ 2024-04-08 20:24:36,869 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
297
+ 2024-04-08 20:24:36,984 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
298
+ 2024-04-08 20:24:39,025 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
299
+ 2024-04-08 20:24:39,985 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
300
+ 2024-04-08 20:24:40,168 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
301
+ 2024-04-08 20:24:44,026 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
302
+ 2024-04-08 20:24:45,174 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
303
+ 2024-04-08 20:24:49,027 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
304
+ 2024-04-08 20:24:50,175 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
305
+ 2024-04-08 20:24:54,027 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
306
+ 2024-04-08 20:24:55,176 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
307
+ 2024-04-08 20:24:57,957 DEBUG SenderThread:149 [sender.py:send():378] send: stats
308
+ 2024-04-08 20:24:59,958 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
309
+ 2024-04-08 20:25:00,182 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
310
+ 2024-04-08 20:25:04,959 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
311
+ 2024-04-08 20:25:05,183 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
312
+ 2024-04-08 20:25:07,336 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
313
+ 2024-04-08 20:25:07,342 DEBUG SenderThread:149 [sender.py:send():378] send: history
314
+ 2024-04-08 20:25:07,342 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
315
+ 2024-04-08 20:25:07,342 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
316
+ 2024-04-08 20:25:07,996 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
317
+ 2024-04-08 20:25:09,997 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
318
+ 2024-04-08 20:25:10,184 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
319
+ 2024-04-08 20:25:10,198 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
320
+ 2024-04-08 20:25:15,199 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
321
+ 2024-04-08 20:25:15,545 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
322
+ 2024-04-08 20:25:20,200 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
323
+ 2024-04-08 20:25:20,546 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
324
+ 2024-04-08 20:25:25,201 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
325
+ 2024-04-08 20:25:25,547 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
326
+ 2024-04-08 20:25:27,958 DEBUG SenderThread:149 [sender.py:send():378] send: stats
327
+ 2024-04-08 20:25:30,549 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
328
+ 2024-04-08 20:25:30,960 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
329
+ 2024-04-08 20:25:35,556 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
330
+ 2024-04-08 20:25:35,961 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
331
+ 2024-04-08 20:25:40,557 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
332
+ 2024-04-08 20:25:40,628 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: partial_history
333
+ 2024-04-08 20:25:40,629 DEBUG SenderThread:149 [sender.py:send():378] send: history
334
+ 2024-04-08 20:25:40,629 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: summary_record
335
+ 2024-04-08 20:25:40,630 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
336
+ 2024-04-08 20:25:41,009 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
337
+ 2024-04-08 20:25:41,201 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
338
+ 2024-04-08 20:25:44,010 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
339
+ 2024-04-08 20:25:45,563 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
340
+ 2024-04-08 20:25:46,527 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
341
+ 2024-04-08 20:25:50,564 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
342
+ 2024-04-08 20:25:51,528 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
343
+ 2024-04-08 20:25:55,580 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
344
+ 2024-04-08 20:25:56,528 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
345
+ 2024-04-08 20:25:57,959 DEBUG SenderThread:149 [sender.py:send():378] send: stats
346
+ 2024-04-08 20:25:58,913 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: pause
347
+ 2024-04-08 20:25:58,913 INFO HandlerThread:149 [handler.py:handle_request_pause():708] stopping system metrics thread
348
+ 2024-04-08 20:25:58,913 INFO HandlerThread:149 [system_monitor.py:finish():203] Stopping system monitor
349
+ 2024-04-08 20:25:58,913 INFO HandlerThread:149 [interfaces.py:finish():202] Joined cpu monitor
350
+ 2024-04-08 20:25:58,914 INFO HandlerThread:149 [interfaces.py:finish():202] Joined disk monitor
351
+ 2024-04-08 20:25:58,914 DEBUG SystemMonitor:149 [system_monitor.py:_start():179] Finished system metrics aggregation loop
352
+ 2024-04-08 20:25:58,915 DEBUG SystemMonitor:149 [system_monitor.py:_start():183] Publishing last batch of metrics
353
+ 2024-04-08 20:25:58,926 INFO HandlerThread:149 [interfaces.py:finish():202] Joined gpu monitor
354
+ 2024-04-08 20:25:58,927 INFO HandlerThread:149 [interfaces.py:finish():202] Joined memory monitor
355
+ 2024-04-08 20:25:58,927 INFO HandlerThread:149 [interfaces.py:finish():202] Joined network monitor
356
+ 2024-04-08 20:25:58,927 DEBUG SenderThread:149 [sender.py:send():378] send: stats
357
+ 2024-04-08 20:26:00,591 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: keepalive
358
+ 2024-04-08 20:26:01,928 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
359
+ 2024-04-08 20:26:04,725 DEBUG SenderThread:149 [sender.py:send():378] send: exit
360
+ 2024-04-08 20:26:04,725 INFO SenderThread:149 [sender.py:send_exit():585] handling exit code: 0
361
+ 2024-04-08 20:26:04,725 INFO SenderThread:149 [sender.py:send_exit():587] handling runtime: 480
362
+ 2024-04-08 20:26:04,725 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
363
+ 2024-04-08 20:26:04,725 INFO SenderThread:149 [sender.py:send_exit():593] send defer
364
+ 2024-04-08 20:26:04,726 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
365
+ 2024-04-08 20:26:04,726 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 0
366
+ 2024-04-08 20:26:04,726 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
367
+ 2024-04-08 20:26:04,726 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 0
368
+ 2024-04-08 20:26:04,726 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 1
369
+ 2024-04-08 20:26:04,726 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
370
+ 2024-04-08 20:26:04,726 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 1
371
+ 2024-04-08 20:26:04,727 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
372
+ 2024-04-08 20:26:04,727 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 1
373
+ 2024-04-08 20:26:04,727 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 2
374
+ 2024-04-08 20:26:04,727 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
375
+ 2024-04-08 20:26:04,727 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 2
376
+ 2024-04-08 20:26:04,727 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
377
+ 2024-04-08 20:26:04,727 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 2
378
+ 2024-04-08 20:26:04,727 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 3
379
+ 2024-04-08 20:26:04,727 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
380
+ 2024-04-08 20:26:04,727 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 3
381
+ 2024-04-08 20:26:04,727 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
382
+ 2024-04-08 20:26:04,728 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 3
383
+ 2024-04-08 20:26:04,728 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 4
384
+ 2024-04-08 20:26:04,728 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
385
+ 2024-04-08 20:26:04,728 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 4
386
+ 2024-04-08 20:26:04,728 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
387
+ 2024-04-08 20:26:04,728 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 4
388
+ 2024-04-08 20:26:04,728 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 5
389
+ 2024-04-08 20:26:04,728 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
390
+ 2024-04-08 20:26:04,728 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 5
391
+ 2024-04-08 20:26:04,729 DEBUG SenderThread:149 [sender.py:send():378] send: summary
392
+ 2024-04-08 20:26:04,729 INFO SenderThread:149 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
393
+ 2024-04-08 20:26:04,729 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
394
+ 2024-04-08 20:26:04,729 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 5
395
+ 2024-04-08 20:26:04,729 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 6
396
+ 2024-04-08 20:26:04,730 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
397
+ 2024-04-08 20:26:04,730 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 6
398
+ 2024-04-08 20:26:04,730 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
399
+ 2024-04-08 20:26:04,730 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 6
400
+ 2024-04-08 20:26:04,730 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 7
401
+ 2024-04-08 20:26:04,730 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: status_report
402
+ 2024-04-08 20:26:04,730 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
403
+ 2024-04-08 20:26:04,730 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 7
404
+ 2024-04-08 20:26:04,731 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
405
+ 2024-04-08 20:26:04,731 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 7
406
+ 2024-04-08 20:26:05,018 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
407
+ 2024-04-08 20:26:05,440 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 8
408
+ 2024-04-08 20:26:05,440 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
409
+ 2024-04-08 20:26:05,440 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 8
410
+ 2024-04-08 20:26:05,441 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
411
+ 2024-04-08 20:26:05,441 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 8
412
+ 2024-04-08 20:26:05,441 INFO SenderThread:149 [job_builder.py:build():298] Attempting to build job artifact
413
+ 2024-04-08 20:26:05,443 INFO SenderThread:149 [job_builder.py:_get_source_type():439] no source found
414
+ 2024-04-08 20:26:05,443 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 9
415
+ 2024-04-08 20:26:05,443 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
416
+ 2024-04-08 20:26:05,443 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 9
417
+ 2024-04-08 20:26:05,443 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
418
+ 2024-04-08 20:26:05,443 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 9
419
+ 2024-04-08 20:26:05,443 INFO SenderThread:149 [dir_watcher.py:finish():358] shutting down directory watcher
420
+ 2024-04-08 20:26:05,725 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: poll_exit
421
+ 2024-04-08 20:26:06,018 INFO Thread-12 :149 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
422
+ 2024-04-08 20:26:06,019 INFO SenderThread:149 [dir_watcher.py:finish():388] scan: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files
423
+ 2024-04-08 20:26:06,019 INFO SenderThread:149 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/conda-environment.yaml conda-environment.yaml
424
+ 2024-04-08 20:26:06,019 INFO SenderThread:149 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log output.log
425
+ 2024-04-08 20:26:06,023 INFO SenderThread:149 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-metadata.json wandb-metadata.json
426
+ 2024-04-08 20:26:06,023 INFO SenderThread:149 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/config.yaml config.yaml
427
+ 2024-04-08 20:26:06,026 INFO SenderThread:149 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json wandb-summary.json
428
+ 2024-04-08 20:26:06,026 INFO SenderThread:149 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/requirements.txt requirements.txt
429
+ 2024-04-08 20:26:06,026 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 10
430
+ 2024-04-08 20:26:06,026 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: poll_exit
431
+ 2024-04-08 20:26:06,029 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
432
+ 2024-04-08 20:26:06,029 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 10
433
+ 2024-04-08 20:26:06,033 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
434
+ 2024-04-08 20:26:06,033 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 10
435
+ 2024-04-08 20:26:06,033 INFO SenderThread:149 [file_pusher.py:finish():172] shutting down file pusher
436
+ 2024-04-08 20:26:06,223 INFO wandb-upload_0:149 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/conda-environment.yaml
437
+ 2024-04-08 20:26:06,237 INFO wandb-upload_2:149 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/config.yaml
438
+ 2024-04-08 20:26:06,238 INFO wandb-upload_3:149 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/wandb-summary.json
439
+ 2024-04-08 20:26:06,297 INFO wandb-upload_1:149 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/output.log
440
+ 2024-04-08 20:26:06,356 INFO wandb-upload_4:149 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/files/requirements.txt
441
+ 2024-04-08 20:26:06,557 INFO Thread-11 (_thread_body):149 [sender.py:transition_state():613] send defer: 11
442
+ 2024-04-08 20:26:06,557 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
443
+ 2024-04-08 20:26:06,558 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 11
444
+ 2024-04-08 20:26:06,558 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
445
+ 2024-04-08 20:26:06,558 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 11
446
+ 2024-04-08 20:26:06,558 INFO SenderThread:149 [file_pusher.py:join():178] waiting for file pusher
447
+ 2024-04-08 20:26:06,558 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 12
448
+ 2024-04-08 20:26:06,559 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
449
+ 2024-04-08 20:26:06,559 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 12
450
+ 2024-04-08 20:26:06,559 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
451
+ 2024-04-08 20:26:06,559 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 12
452
+ 2024-04-08 20:26:06,559 INFO SenderThread:149 [file_stream.py:finish():595] file stream finish called
453
+ 2024-04-08 20:26:06,632 INFO SenderThread:149 [file_stream.py:finish():599] file stream finish is done
454
+ 2024-04-08 20:26:06,633 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 13
455
+ 2024-04-08 20:26:06,633 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
456
+ 2024-04-08 20:26:06,633 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 13
457
+ 2024-04-08 20:26:06,633 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
458
+ 2024-04-08 20:26:06,633 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 13
459
+ 2024-04-08 20:26:06,634 INFO SenderThread:149 [sender.py:transition_state():613] send defer: 14
460
+ 2024-04-08 20:26:06,634 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: defer
461
+ 2024-04-08 20:26:06,634 INFO HandlerThread:149 [handler.py:handle_request_defer():172] handle defer: 14
462
+ 2024-04-08 20:26:06,634 DEBUG SenderThread:149 [sender.py:send():378] send: final
463
+ 2024-04-08 20:26:06,635 DEBUG SenderThread:149 [sender.py:send():378] send: footer
464
+ 2024-04-08 20:26:06,635 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: defer
465
+ 2024-04-08 20:26:06,635 INFO SenderThread:149 [sender.py:send_request_defer():609] handle sender defer: 14
466
+ 2024-04-08 20:26:06,637 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: poll_exit
467
+ 2024-04-08 20:26:06,638 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: poll_exit
468
+ 2024-04-08 20:26:06,638 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: server_info
469
+ 2024-04-08 20:26:06,638 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: get_summary
470
+ 2024-04-08 20:26:06,639 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: sampled_history
471
+ 2024-04-08 20:26:06,640 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: internal_messages
472
+ 2024-04-08 20:26:06,640 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: poll_exit
473
+ 2024-04-08 20:26:06,641 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: poll_exit
474
+ 2024-04-08 20:26:06,641 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: server_info
475
+ 2024-04-08 20:26:06,645 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: job_info
476
+ 2024-04-08 20:26:06,655 DEBUG SenderThread:149 [sender.py:send_request():405] send_request: job_info
477
+ 2024-04-08 20:26:06,656 INFO MainThread:149 [wandb_run.py:_footer_history_summary_info():3851] rendering history
478
+ 2024-04-08 20:26:06,656 INFO MainThread:149 [wandb_run.py:_footer_history_summary_info():3883] rendering summary
479
+ 2024-04-08 20:26:06,656 INFO MainThread:149 [wandb_run.py:_footer_sync_info():3810] logging synced files
480
+ 2024-04-08 20:26:06,657 DEBUG HandlerThread:149 [handler.py:handle_request():146] handle_request: shutdown
481
+ 2024-04-08 20:26:06,657 INFO HandlerThread:149 [handler.py:finish():869] shutting down handler
482
+ 2024-04-08 20:26:07,646 INFO WriterThread:149 [datastore.py:close():296] close: /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/run-0wo4cvb8.wandb
483
+ 2024-04-08 20:26:07,656 INFO SenderThread:149 [sender.py:finish():1521] shutting down sender
484
+ 2024-04-08 20:26:07,656 INFO SenderThread:149 [file_pusher.py:finish():172] shutting down file pusher
485
+ 2024-04-08 20:26:07,656 INFO SenderThread:149 [file_pusher.py:join():178] waiting for file pusher
wandb/run-20240408_201757-0wo4cvb8/logs/debug.log ADDED
@@ -0,0 +1,33 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-04-08 20:17:57,307 INFO MainThread:103 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4
2
+ 2024-04-08 20:17:57,307 INFO MainThread:103 [wandb_setup.py:_flush():76] Configure stats pid to 103
3
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_init.py:_log_setup():526] Logging user logs to /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/logs/debug.log
10
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_init.py:_log_setup():527] Logging internal logs to /kaggle/working/wandb/run-20240408_201757-0wo4cvb8/logs/debug-internal.log
11
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7f55fcb65060>
12
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_init.py:init():566] calling init triggers
13
+ 2024-04-08 20:17:57,308 INFO MainThread:103 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-04-08 20:17:57,309 INFO MainThread:103 [wandb_init.py:init():616] starting backend
16
+ 2024-04-08 20:17:57,309 INFO MainThread:103 [wandb_init.py:init():620] setting up manager
17
+ 2024-04-08 20:17:57,310 INFO MainThread:103 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-04-08 20:17:57,313 INFO MainThread:103 [wandb_init.py:init():628] backend started and connected
19
+ 2024-04-08 20:17:57,327 INFO MainThread:103 [wandb_run.py:_label_probe_notebook():1295] probe notebook
20
+ 2024-04-08 20:17:57,718 INFO MainThread:103 [wandb_init.py:init():720] updated telemetry
21
+ 2024-04-08 20:17:57,721 INFO MainThread:103 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
+ 2024-04-08 20:17:57,836 INFO MainThread:103 [wandb_run.py:_on_init():2262] communicating current version
23
+ 2024-04-08 20:17:57,922 INFO MainThread:103 [wandb_run.py:_on_init():2271] got version response upgrade_message: "wandb version 0.16.6 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
24
+
25
+ 2024-04-08 20:17:57,922 INFO MainThread:103 [wandb_init.py:init():804] starting run threads in backend
26
+ 2024-04-08 20:18:28,945 INFO MainThread:103 [wandb_run.py:_console_start():2241] atexit reg
27
+ 2024-04-08 20:18:28,945 INFO MainThread:103 [wandb_run.py:_redirect():2096] redirect: wrap_raw
28
+ 2024-04-08 20:18:28,947 INFO MainThread:103 [wandb_run.py:_redirect():2161] Wrapping output streams.
29
+ 2024-04-08 20:18:28,947 INFO MainThread:103 [wandb_run.py:_redirect():2186] Redirects installed.
30
+ 2024-04-08 20:18:28,948 INFO MainThread:103 [wandb_init.py:init():847] run started, returning control to user process
31
+ 2024-04-08 20:18:28,954 INFO MainThread:103 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 32000, 'max_position_embeddings': 2048, 'hidden_size': 2048, 'intermediate_size': 5632, 'num_hidden_layers': 22, 'num_attention_heads': 32, 'num_key_value_heads': 4, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': False, 'rope_theta': 10000.0, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'chunk_size_feed_forward': 0, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'typical_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['LlamaForCausalLM'], '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': 1, 'pad_token_id': None, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T', 'transformers_version': '4.38.2', 'model_type': 'llama', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', '_load_in_8bit': False, '_load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': False, 'bnb_4bit_compute_dtype': 'float16', 'load_in_4bit': True, 'load_in_8bit': False}, 'output_dir': '/kaggle/working/', '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': 2, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 5e-05, 'weight_decay': 0.001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.1, 'num_train_epochs': 1, 'max_steps': 17000, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/Apr08_20-13-31_622eb14e717e', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 20, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 20, 'save_total_limit': 1, '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, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': 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}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
32
+ 2024-04-08 20:25:58,912 INFO MainThread:103 [jupyter.py:save_ipynb():373] not saving jupyter notebook
33
+ 2024-04-08 20:25:58,912 INFO MainThread:103 [wandb_init.py:_pause_backend():437] pausing backend
wandb/run-20240408_201757-0wo4cvb8/run-0wo4cvb8.wandb ADDED
Binary file (37.5 kB). View file
 
wandb/run-20240408_202622-e7ipds5r/files/conda-environment.yaml ADDED
@@ -0,0 +1,1068 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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.9.1=py310h2372a71_0
13
+ - aiosignal=1.3.1=pyhd8ed1ab_0
14
+ - annotated-types=0.6.0=pyhd8ed1ab_0
15
+ - anyio=4.2.0=pyhd8ed1ab_0
16
+ - archspec=0.2.2=pyhd8ed1ab_0
17
+ - argon2-cffi=23.1.0=pyhd8ed1ab_0
18
+ - argon2-cffi-bindings=21.2.0=py310h2372a71_4
19
+ - arrow=1.3.0=pyhd8ed1ab_0
20
+ - arrow-cpp=11.0.0=ha770c72_9_cpu
21
+ - asttokens=2.4.1=pyhd8ed1ab_0
22
+ - async-timeout=4.0.3=pyhd8ed1ab_0
23
+ - atk-1.0=2.38.0=hd4edc92_1
24
+ - attrs=23.2.0=pyh71513ae_0
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
+ - beautifulsoup4=4.12.2=pyha770c72_0
39
+ - bleach=6.1.0=pyhd8ed1ab_0
40
+ - boltons=23.1.1=pyhd8ed1ab_0
41
+ - brotli=1.0.9=h166bdaf_9
42
+ - brotli-bin=1.0.9=h166bdaf_9
43
+ - brotli-python=1.0.9=py310hd8f1fbe_9
44
+ - brotlipy=0.7.0=py310h7f8727e_1002
45
+ - bzip2=1.0.8=h7b6447c_0
46
+ - c-ares=1.25.0=hd590300_0
47
+ - ca-certificates=2024.2.2=hbcca054_0
48
+ - cached-property=1.5.2=hd8ed1ab_1
49
+ - cached_property=1.5.2=pyha770c72_1
50
+ - cairo=1.18.0=h3faef2a_0
51
+ - cartopy=0.22.0=py310hcc13569_1
52
+ - catalogue=2.0.10=py310hff52083_0
53
+ - certifi=2024.2.2=pyhd8ed1ab_0
54
+ - cffi=1.16.0=py310h2fee648_0
55
+ - charset-normalizer=3.3.2=pyhd8ed1ab_0
56
+ - click=8.1.7=unix_pyh707e725_0
57
+ - cloudpathlib=0.16.0=pyhd8ed1ab_0
58
+ - colorama=0.4.6=pyhd8ed1ab_0
59
+ - comm=0.2.1=pyhd8ed1ab_0
60
+ - conda=23.7.4=py310hff52083_0
61
+ - conda-libmamba-solver=23.7.0=pyhd8ed1ab_0
62
+ - conda-package-handling=2.2.0=pyh38be061_0
63
+ - conda-package-streaming=0.9.0=pyhd8ed1ab_0
64
+ - confection=0.1.4=py310h17c5347_0
65
+ - contourpy=1.2.0=py310hd41b1e2_0
66
+ - cryptography=41.0.7=py310hb8475ec_1
67
+ - cuda-cccl=12.4.99=0
68
+ - cuda-cudart=12.4.99=0
69
+ - cuda-cudart-dev=12.4.99=0
70
+ - cuda-nvcc-dev_linux-64=12.1.105=ha770c72_0
71
+ - cuda-nvcc-impl=12.1.105=hd3aeb46_0
72
+ - cuda-nvcc-tools=12.1.105=hd3aeb46_0
73
+ - cuda-nvrtc=12.1.105=hd3aeb46_0
74
+ - cuda-profiler-api=12.4.99=0
75
+ - cuda-python=12.4.0=py310h52dc4f0_0
76
+ - cuda-version=12.1=h1d6eff3_3
77
+ - cudf=23.08.00=cuda12_py310_230809_g8150d38e08_0
78
+ - cuml=23.08.00=cuda12_py310_230809_gd7162cdea_0
79
+ - cupy=13.0.0=py310h7aad9d2_3
80
+ - cupy-core=13.0.0=py310had4011e_3
81
+ - curl=8.6.0=hca28451_0
82
+ - cycler=0.12.1=pyhd8ed1ab_0
83
+ - cymem=2.0.8=py310hc6cd4ac_1
84
+ - cython-blis=0.7.10=py310h1f7b6fc_2
85
+ - cytoolz=0.12.3=py310h2372a71_0
86
+ - dask-cuda=23.08.00=py310_230809_gefbd6ca_0
87
+ - dask-cudf=23.08.00=cuda12_py310_230809_g8150d38e08_0
88
+ - debugpy=1.8.0=py310hc6cd4ac_1
89
+ - decorator=5.1.1=pyhd8ed1ab_0
90
+ - defusedxml=0.7.1=pyhd8ed1ab_0
91
+ - distributed=2023.7.1=pyhd8ed1ab_0
92
+ - distro=1.9.0=pyhd8ed1ab_0
93
+ - dlenv-tf-2-15-gpu=1.0.20240111=py310ha20f8e0_0
94
+ - dlpack=0.5=h9c3ff4c_0
95
+ - entrypoints=0.4=pyhd8ed1ab_0
96
+ - exceptiongroup=1.2.0=pyhd8ed1ab_2
97
+ - executing=2.0.1=pyhd8ed1ab_0
98
+ - expat=2.6.2=h59595ed_0
99
+ - fastrlock=0.8.2=py310hc6cd4ac_2
100
+ - fftw=3.3.10=nompi_hc118613_108
101
+ - fmt=9.1.0=h924138e_0
102
+ - font-ttf-dejavu-sans-mono=2.37=hab24e00_0
103
+ - font-ttf-inconsolata=3.000=h77eed37_0
104
+ - font-ttf-source-code-pro=2.038=h77eed37_0
105
+ - font-ttf-ubuntu=0.83=h77eed37_1
106
+ - fontconfig=2.14.2=h14ed4e7_0
107
+ - fonts-conda-ecosystem=1=0
108
+ - fonts-conda-forge=1=0
109
+ - fqdn=1.5.1=pyhd8ed1ab_0
110
+ - freetype=2.12.1=h267a509_2
111
+ - fribidi=1.0.10=h36c2ea0_0
112
+ - frozenlist=1.4.1=py310h2372a71_0
113
+ - gdk-pixbuf=2.42.10=h829c605_5
114
+ - geos=3.11.1=h27087fc_0
115
+ - gettext=0.21.1=h27087fc_0
116
+ - gflags=2.2.2=he1b5a44_1004
117
+ - ghostscript=10.03.0=h59595ed_0
118
+ - giflib=5.2.1=h0b41bf4_3
119
+ - glog=0.6.0=h6f12383_0
120
+ - gmock=1.14.0=ha770c72_1
121
+ - gmp=6.3.0=h59595ed_0
122
+ - google-api-core-grpc=2.11.1=hd8ed1ab_0
123
+ - google-auth=2.26.1=pyhca7485f_0
124
+ - google-cloud-core=2.4.1=pyhd8ed1ab_0
125
+ - google-cloud-datastore=2.19.0=pyhd8ed1ab_0
126
+ - googleapis-common-protos=1.62.0=pyhd8ed1ab_0
127
+ - graphite2=1.3.13=h58526e2_1001
128
+ - graphviz=9.0.0=h78e8752_1
129
+ - grpc-cpp=1.51.1=h27aab58_3
130
+ - gtest=1.14.0=h00ab1b0_1
131
+ - gtk2=2.24.33=h280cfa0_4
132
+ - gts=0.7.6=h977cf35_4
133
+ - harfbuzz=8.3.0=h3d44ed6_0
134
+ - icu=73.2=h59595ed_0
135
+ - idna=3.6=pyhd8ed1ab_0
136
+ - imagemagick=7.1.1_29=pl5321hb90aeea_0
137
+ - importlib_metadata=7.0.1=hd8ed1ab_0
138
+ - importlib_resources=6.1.1=pyhd8ed1ab_0
139
+ - intel-openmp=2023.1.0=hdb19cb5_46306
140
+ - ipykernel=6.28.0=pyhd33586a_0
141
+ - ipython=8.20.0=pyh707e725_0
142
+ - ipython_genutils=0.2.0=py_1
143
+ - isoduration=20.11.0=pyhd8ed1ab_0
144
+ - jbig=2.1=h7f98852_2003
145
+ - jedi=0.19.1=pyhd8ed1ab_0
146
+ - jinja2=3.1.2=pyhd8ed1ab_1
147
+ - joblib=1.3.2=pyhd8ed1ab_0
148
+ - jsonpatch=1.33=pyhd8ed1ab_0
149
+ - jsonpointer=2.4=py310hff52083_3
150
+ - jsonschema=4.20.0=pyhd8ed1ab_0
151
+ - jsonschema-specifications=2023.12.1=pyhd8ed1ab_0
152
+ - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0
153
+ - jupyter_client=8.6.0=pyhd8ed1ab_0
154
+ - jupyter_core=5.7.1=py310hff52083_0
155
+ - jupyter_events=0.9.0=pyhd8ed1ab_0
156
+ - jupyter_server_terminals=0.5.1=pyhd8ed1ab_0
157
+ - jupyterlab_pygments=0.3.0=pyhd8ed1ab_0
158
+ - keyutils=1.6.1=h166bdaf_0
159
+ - kiwisolver=1.4.5=py310hd41b1e2_1
160
+ - krb5=1.21.2=h659d440_0
161
+ - langcodes=3.3.0=pyhd8ed1ab_0
162
+ - lcms2=2.16=hb7c19ff_0
163
+ - ld_impl_linux-64=2.40=h41732ed_0
164
+ - lerc=4.0.0=h27087fc_0
165
+ - libabseil=20230125.0=cxx17_hcb278e6_1
166
+ - libarchive=3.6.2=h039dbb9_1
167
+ - libarrow=11.0.0=h33598ff_9_cpu
168
+ - libblas=3.9.0=21_linux64_openblas
169
+ - libbrotlicommon=1.0.9=h166bdaf_9
170
+ - libbrotlidec=1.0.9=h166bdaf_9
171
+ - libbrotlienc=1.0.9=h166bdaf_9
172
+ - libcblas=3.9.0=21_linux64_openblas
173
+ - libcrc32c=1.1.2=h9c3ff4c_0
174
+ - libcublas=12.1.3.1=hd3aeb46_0
175
+ - libcublas-dev=12.1.3.1=0
176
+ - libcudf=23.08.00=cuda12_230809_g8150d38e08_0
177
+ - libcufft=11.0.2.54=hd3aeb46_0
178
+ - libcufile=1.9.0.20=0
179
+ - libcufile-dev=1.9.0.20=0
180
+ - libcuml=23.08.00=cuda12_230809_gd7162cdea_0
181
+ - libcumlprims=23.08.00=cuda12_230809_g71c0a86_0
182
+ - libcurand=10.3.2.106=hd3aeb46_0
183
+ - libcurand-dev=10.3.2.106=0
184
+ - libcurl=8.6.0=hca28451_0
185
+ - libcusolver=11.4.5.107=hd3aeb46_0
186
+ - libcusolver-dev=11.4.5.107=0
187
+ - libcusparse=12.1.0.106=hd3aeb46_0
188
+ - libcusparse-dev=12.1.0.106=0
189
+ - libdeflate=1.19=hd590300_0
190
+ - libedit=3.1.20191231=he28a2e2_2
191
+ - libev=4.33=hd590300_2
192
+ - libevent=2.1.10=h28343ad_4
193
+ - libexpat=2.6.2=h59595ed_0
194
+ - libffi=3.4.2=h7f98852_5
195
+ - libgcc-ng=13.2.0=h807b86a_3
196
+ - libgd=2.3.3=h119a65a_9
197
+ - libgfortran-ng=13.2.0=h69a702a_5
198
+ - libgfortran5=13.2.0=ha4646dd_5
199
+ - libglib=2.80.0=hf2295e7_0
200
+ - libgomp=13.2.0=h807b86a_3
201
+ - libgoogle-cloud=2.8.0=h3c06191_0
202
+ - libgrpc=1.51.1=hcf146ea_3
203
+ - libhwloc=2.9.3=default_h554bfaf_1009
204
+ - libiconv=1.17=hd590300_2
205
+ - libjpeg-turbo=3.0.0=hd590300_1
206
+ - libkvikio=23.08.00=cuda12_230809_g51a9036_0
207
+ - liblapack=3.9.0=21_linux64_openblas
208
+ - libllvm14=14.0.6=hcd5def8_4
209
+ - libmamba=1.5.0=h658169a_0
210
+ - libmambapy=1.5.0=py310h8aae740_0
211
+ - libnghttp2=1.58.0=h47da74e_1
212
+ - libnsl=2.0.1=hd590300_0
213
+ - libnuma=2.0.18=hd590300_0
214
+ - libnvjitlink=12.1.105=hd3aeb46_0
215
+ - libopenblas=0.3.26=pthreads_h413a1c8_0
216
+ - libpng=1.6.43=h2797004_0
217
+ - libprotobuf=3.21.12=hfc55251_2
218
+ - libraft=23.08.00=cuda12_230809_ge588d7b5_0
219
+ - libraft-headers=23.08.00=cuda12_230809_ge588d7b5_0
220
+ - libraft-headers-only=23.08.00=cuda12_230809_ge588d7b5_0
221
+ - librmm=23.08.00=cuda12_230809_gf3af0e8d_0
222
+ - librsvg=2.56.3=he3f83f7_1
223
+ - libsodium=1.0.18=h36c2ea0_1
224
+ - libsolv=0.7.27=hfc55251_0
225
+ - libsqlite=3.44.2=h2797004_0
226
+ - libssh2=1.11.0=h0841786_0
227
+ - libstdcxx-ng=13.2.0=h7e041cc_3
228
+ - libthrift=0.18.0=h5e4af38_0
229
+ - libtiff=4.6.0=ha9c0a0a_2
230
+ - libutf8proc=2.8.0=h166bdaf_0
231
+ - libuuid=2.38.1=h0b41bf4_0
232
+ - libuv=1.46.0=hd590300_0
233
+ - libwebp=1.3.2=h658648e_1
234
+ - libwebp-base=1.3.2=hd590300_0
235
+ - libxcb=1.15=h0b41bf4_0
236
+ - libxcrypt=4.4.36=hd590300_1
237
+ - libxml2=2.12.6=h232c23b_0
238
+ - libzlib=1.2.13=hd590300_5
239
+ - llvm-openmp=8.0.1=hc9558a2_0
240
+ - locket=1.0.0=pyhd8ed1ab_0
241
+ - lz4=4.3.3=py310h350c4a5_0
242
+ - lz4-c=1.9.4=hcb278e6_0
243
+ - lzo=2.10=h516909a_1000
244
+ - magma-cuda121=2.6.1=1
245
+ - mamba=1.5.0=py310h51d5547_0
246
+ - markdown-it-py=3.0.0=pyhd8ed1ab_0
247
+ - matplotlib-base=3.8.3=py310h62c0568_0
248
+ - matplotlib-inline=0.1.6=pyhd8ed1ab_0
249
+ - mdurl=0.1.2=pyhd8ed1ab_0
250
+ - menuinst=2.0.1=py310hff52083_0
251
+ - mkl=2023.1.0=h213fc3f_46344
252
+ - msgpack-python=1.0.7=py310hd41b1e2_0
253
+ - multidict=6.0.4=py310h2372a71_1
254
+ - munkres=1.1.4=pyh9f0ad1d_0
255
+ - murmurhash=1.0.10=py310hc6cd4ac_1
256
+ - nb_conda=2.2.1=unix_7
257
+ - nb_conda_kernels=2.3.1=pyhd8ed1ab_3
258
+ - nbclassic=1.0.0=pyhb4ecaf3_1
259
+ - nbconvert-pandoc=7.14.0=pyhd8ed1ab_0
260
+ - nbformat=5.9.2=pyhd8ed1ab_0
261
+ - nccl=2.20.5.1=h3a97aeb_0
262
+ - ncurses=6.4=h59595ed_2
263
+ - nest-asyncio=1.5.8=pyhd8ed1ab_0
264
+ - nodejs=20.9.0=hb753e55_0
265
+ - notebook-shim=0.2.3=pyhd8ed1ab_0
266
+ - numpy=1.26.4=py310hb13e2d6_0
267
+ - nvcomp=2.6.1=h10b603f_3
268
+ - nvtx=0.2.10=py310h2372a71_0
269
+ - openjpeg=2.5.2=h488ebb8_0
270
+ - openmp=8.0.1=0
271
+ - openssl=3.2.1=hd590300_0
272
+ - orc=1.8.2=hfdbbad2_2
273
+ - overrides=7.4.0=pyhd8ed1ab_0
274
+ - pandoc=3.1.3=h32600fe_0
275
+ - pandocfilters=1.5.0=pyhd8ed1ab_0
276
+ - pango=1.52.1=ha41ecd1_0
277
+ - parquet-cpp=1.5.1=2
278
+ - parso=0.8.3=pyhd8ed1ab_0
279
+ - partd=1.4.1=pyhd8ed1ab_0
280
+ - pathy=0.10.3=py310h06a4308_0
281
+ - pcre2=10.43=hcad00b1_0
282
+ - perl=5.32.1=7_hd590300_perl5
283
+ - pickleshare=0.7.5=py_1003
284
+ - pip=23.3.2=pyhd8ed1ab_0
285
+ - pixman=0.43.2=h59595ed_0
286
+ - pkg-config=0.29.2=h36c2ea0_1008
287
+ - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_1
288
+ - preshed=3.0.9=py310hc6cd4ac_1
289
+ - proj=9.3.1=h1d62c97_0
290
+ - prometheus_client=0.19.0=pyhd8ed1ab_0
291
+ - proto-plus=1.23.0=pyhd8ed1ab_0
292
+ - pthread-stubs=0.4=h36c2ea0_1001
293
+ - ptyprocess=0.7.0=pyhd3deb0d_0
294
+ - pure_eval=0.2.2=pyhd8ed1ab_0
295
+ - pyarrow=11.0.0=py310h633f555_9_cpu
296
+ - pyasn1=0.5.1=pyhd8ed1ab_0
297
+ - pyasn1-modules=0.3.0=pyhd8ed1ab_0
298
+ - pybind11-abi=4=hd8ed1ab_3
299
+ - pycosat=0.6.6=py310h2372a71_0
300
+ - pygments=2.17.2=pyhd8ed1ab_0
301
+ - pylibraft=23.08.00=cuda12_py310_230809_ge588d7b5_0
302
+ - pynvml=11.4.1=pyhd8ed1ab_0
303
+ - pyopenssl=23.3.0=pyhd8ed1ab_0
304
+ - pyproj=3.6.1=py310hd5c30f3_5
305
+ - pyshp=2.3.1=pyhd8ed1ab_0
306
+ - pysocks=1.7.1=py310h06a4308_0
307
+ - python=3.10.13=hd12c33a_1_cpython
308
+ - python-fastjsonschema=2.19.1=pyhd8ed1ab_0
309
+ - python-json-logger=2.0.7=pyhd8ed1ab_0
310
+ - python_abi=3.10=4_cp310
311
+ - pyu2f=0.1.5=pyhd8ed1ab_0
312
+ - pyyaml=6.0.1=py310h2372a71_1
313
+ - raft-dask=23.08.00=cuda12_py310_230809_ge588d7b5_0
314
+ - rdma-core=28.9=h59595ed_1
315
+ - re2=2023.02.02=hcb278e6_0
316
+ - readline=8.2=h8228510_1
317
+ - referencing=0.32.1=pyhd8ed1ab_0
318
+ - reproc=14.2.4.post0=hd590300_1
319
+ - reproc-cpp=14.2.4.post0=h59595ed_1
320
+ - requests=2.31.0=pyhd8ed1ab_0
321
+ - rfc3339-validator=0.1.4=pyhd8ed1ab_0
322
+ - rfc3986-validator=0.1.1=pyh9f0ad1d_0
323
+ - rmm=23.08.00=cuda12_py310_230809_gf3af0e8d_0
324
+ - rpds-py=0.16.2=py310hcb5633a_0
325
+ - rsa=4.9=pyhd8ed1ab_0
326
+ - ruamel.yaml=0.17.40=py310h2372a71_0
327
+ - ruamel.yaml.clib=0.2.7=py310h2372a71_2
328
+ - ruamel_yaml=0.15.100=py310h7f8727e_0
329
+ - s2n=1.3.41=h3358134_0
330
+ - send2trash=1.8.2=pyh41d4057_0
331
+ - setuptools=69.0.3=pyhd8ed1ab_0
332
+ - shellingham=1.5.4=pyhd8ed1ab_0
333
+ - smart_open=6.4.0=pyhd8ed1ab_0
334
+ - snappy=1.1.10=h9fff704_0
335
+ - sniffio=1.3.0=pyhd8ed1ab_0
336
+ - sortedcontainers=2.4.0=pyhd8ed1ab_0
337
+ - soupsieve=2.5=pyhd8ed1ab_1
338
+ - spacy=3.7.2=py310hcb52e73_0
339
+ - spacy-legacy=3.0.12=pyhd8ed1ab_0
340
+ - spacy-loggers=1.0.5=pyhd8ed1ab_0
341
+ - spdlog=1.11.0=h9b3ece8_1
342
+ - sqlite=3.38.2=hc218d9a_0
343
+ - srsly=2.4.8=py310hc6cd4ac_1
344
+ - stack_data=0.6.2=pyhd8ed1ab_0
345
+ - tblib=3.0.0=pyhd8ed1ab_0
346
+ - terminado=0.18.0=pyh0d859eb_0
347
+ - thinc=8.2.2=py310hcb52e73_0
348
+ - tinycss2=1.2.1=pyhd8ed1ab_0
349
+ - tk=8.6.13=noxft_h4845f30_101
350
+ - toolz=0.12.1=pyhd8ed1ab_0
351
+ - tornado=6.3.3=py310h2372a71_1
352
+ - tqdm=4.66.1=pyhd8ed1ab_0
353
+ - traitlets=5.9.0=pyhd8ed1ab_0
354
+ - treelite=3.2.0=py310h1be96d9_0
355
+ - truststore=0.8.0=pyhd8ed1ab_0
356
+ - typer=0.9.0=pyhd8ed1ab_0
357
+ - types-python-dateutil=2.8.19.20240106=pyhd8ed1ab_0
358
+ - typing-extensions=4.9.0=hd8ed1ab_0
359
+ - typing_extensions=4.9.0=pyha770c72_0
360
+ - typing_utils=0.1.0=pyhd8ed1ab_0
361
+ - ucx=1.14.1=h195a15c_5
362
+ - ucx-proc=1.0.0=gpu
363
+ - ucx-py=0.33.00=py310_230809_gea1eb8f_0
364
+ - unicodedata2=15.1.0=py310h2372a71_0
365
+ - uri-template=1.3.0=pyhd8ed1ab_0
366
+ - wasabi=1.1.2=py310hff52083_0
367
+ - wcwidth=0.2.13=pyhd8ed1ab_0
368
+ - weasel=0.3.4=pyhd8ed1ab_0
369
+ - webcolors=1.13=pyhd8ed1ab_0
370
+ - webencodings=0.5.1=pyhd8ed1ab_2
371
+ - websocket-client=1.7.0=pyhd8ed1ab_0
372
+ - wheel=0.42.0=pyhd8ed1ab_0
373
+ - xorg-kbproto=1.0.7=h7f98852_1002
374
+ - xorg-libice=1.1.1=hd590300_0
375
+ - xorg-libsm=1.2.4=h7391055_0
376
+ - xorg-libx11=1.8.7=h8ee46fc_0
377
+ - xorg-libxau=1.0.11=hd590300_0
378
+ - xorg-libxdmcp=1.1.3=h7f98852_0
379
+ - xorg-libxext=1.3.4=h0b41bf4_2
380
+ - xorg-libxrender=0.9.11=hd590300_0
381
+ - xorg-libxt=1.3.0=hd590300_1
382
+ - xorg-renderproto=0.11.1=h7f98852_1002
383
+ - xorg-xextproto=7.3.0=h0b41bf4_1003
384
+ - xorg-xproto=7.0.31=h7f98852_1007
385
+ - xyzservices=2023.10.1=pyhd8ed1ab_0
386
+ - xz=5.2.6=h166bdaf_0
387
+ - yaml=0.2.5=h7b6447c_0
388
+ - yaml-cpp=0.7.0=h59595ed_3
389
+ - zeromq=4.3.5=h59595ed_0
390
+ - zict=3.0.0=pyhd8ed1ab_0
391
+ - zipp=3.17.0=pyhd8ed1ab_0
392
+ - zlib=1.2.13=hd590300_5
393
+ - zstandard=0.22.0=py310h1275a96_0
394
+ - zstd=1.5.5=hfc55251_0
395
+ - pip:
396
+ - absl-py==1.4.0
397
+ - accelerate==0.28.0
398
+ - access==1.1.9
399
+ - affine==2.4.0
400
+ - aiobotocore==2.12.1
401
+ - aiofiles==22.1.0
402
+ - aiohttp-cors==0.7.0
403
+ - aioitertools==0.11.0
404
+ - aiorwlock==1.3.0
405
+ - aiosqlite==0.19.0
406
+ - albumentations==1.4.0
407
+ - alembic==1.13.1
408
+ - altair==5.2.0
409
+ - annoy==1.17.3
410
+ - apache-beam==2.46.0
411
+ - aplus==0.11.0
412
+ - appdirs==1.4.4
413
+ - array-record==0.5.0
414
+ - arviz==0.17.1
415
+ - astroid==3.0.3
416
+ - astropy==6.0.0
417
+ - astropy-iers-data==0.2024.3.18.0.29.47
418
+ - astunparse==1.6.3
419
+ - async-lru==2.0.4
420
+ - audioread==3.0.1
421
+ - autopep8==2.0.4
422
+ - babel==2.14.0
423
+ - backoff==2.2.1
424
+ - bayesian-optimization==1.4.3
425
+ - beatrix-jupyterlab==2023.128.151533
426
+ - bidict==0.23.1
427
+ - bitsandbytes==0.43.0
428
+ - blake3==0.2.1
429
+ - blessed==1.20.0
430
+ - blinker==1.7.0
431
+ - blosc2==2.5.1
432
+ - bokeh==3.3.4
433
+ - boruta==0.3
434
+ - boto3==1.26.100
435
+ - botocore==1.34.51
436
+ - bqplot==0.12.43
437
+ - branca==0.7.1
438
+ - brewer2mpl==1.4.1
439
+ - cachetools==4.2.4
440
+ - catalyst==22.4
441
+ - catboost==1.2.3
442
+ - category-encoders==2.6.3
443
+ - cesium==0.12.1
444
+ - chex==0.1.85
445
+ - cleverhans==4.0.0
446
+ - click-plugins==1.1.1
447
+ - cligj==0.7.2
448
+ - cloud-tpu-client==0.10
449
+ - cloud-tpu-profiler==2.4.0
450
+ - cloudpickle==2.2.1
451
+ - cmdstanpy==1.2.1
452
+ - cmudict==1.0.21
453
+ - colorcet==3.1.0
454
+ - colorful==0.5.6
455
+ - colorlog==6.8.2
456
+ - colorlover==0.3.0
457
+ - contextily==1.5.2
458
+ - convertdate==2.4.0
459
+ - crcmod==1.7
460
+ - cufflinks==0.17.3
461
+ - cvxcanon==0.1.2
462
+ - cython==3.0.8
463
+ - daal==2024.1.0
464
+ - daal4py==2024.1.0
465
+ - dacite==1.8.1
466
+ - dask==2024.3.1
467
+ - dask-expr==1.0.4
468
+ - dataclasses-json==0.6.4
469
+ - dataproc-jupyter-plugin==0.1.66
470
+ - datasets==2.16.0
471
+ - datashader==0.16.0
472
+ - datatile==1.0.3
473
+ - db-dtypes==1.2.0
474
+ - deap==1.4.1
475
+ - deepdiff==6.7.1
476
+ - deprecated==1.2.14
477
+ - deprecation==2.1.0
478
+ - descartes==1.1.0
479
+ - dill==0.3.7
480
+ - dipy==1.9.0
481
+ - distlib==0.3.8
482
+ - dm-tree==0.1.8
483
+ - docker==7.0.0
484
+ - docker-pycreds==0.4.0
485
+ - docopt==0.6.2
486
+ - docstring-parser==0.15
487
+ - docstring-to-markdown==0.15
488
+ - docutils==0.20.1
489
+ - earthengine-api==0.1.394
490
+ - easydict==1.13
491
+ - easyocr==1.7.1
492
+ - ecos==2.0.13
493
+ - eli5==0.13.0
494
+ - emoji==2.10.1
495
+ - en-core-web-lg==3.7.1
496
+ - en-core-web-sm==3.7.1
497
+ - ephem==4.1.5
498
+ - esda==2.5.1
499
+ - essentia==2.1b6.dev1110
500
+ - et-xmlfile==1.1.0
501
+ - etils==1.6.0
502
+ - explainable-ai-sdk==1.3.3
503
+ - farama-notifications==0.0.4
504
+ - fastai==2.7.14
505
+ - fastapi==0.108.0
506
+ - fastavro==1.9.3
507
+ - fastcore==1.5.29
508
+ - fastdownload==0.0.7
509
+ - fasteners==0.19
510
+ - fastprogress==1.0.3
511
+ - fasttext==0.9.2
512
+ - feather-format==0.4.1
513
+ - featuretools==1.30.0
514
+ - filelock==3.13.1
515
+ - fiona==1.9.6
516
+ - fitter==1.7.0
517
+ - flake8==7.0.0
518
+ - flashtext==2.7
519
+ - flask==3.0.2
520
+ - flatbuffers==23.5.26
521
+ - flax==0.8.2
522
+ - folium==0.16.0
523
+ - fonttools==4.47.0
524
+ - frozendict==2.4.0
525
+ - fsspec==2023.10.0
526
+ - funcy==2.0
527
+ - fury==0.10.0
528
+ - future==1.0.0
529
+ - fuzzywuzzy==0.18.0
530
+ - gast==0.5.4
531
+ - gatspy==0.3
532
+ - gcsfs==2023.12.2.post1
533
+ - gensim==4.3.2
534
+ - geographiclib==2.0
535
+ - geohash==1.0
536
+ - geojson==3.1.0
537
+ - geopandas==0.14.3
538
+ - geoplot==0.5.1
539
+ - geopy==2.4.1
540
+ - geoviews==1.11.1
541
+ - ggplot==0.11.5
542
+ - giddy==2.3.5
543
+ - gitdb==4.0.11
544
+ - gitpython==3.1.41
545
+ - google-ai-generativelanguage==0.4.0
546
+ - google-api-core==2.17.1
547
+ - google-api-python-client==2.122.0
548
+ - google-apitools==0.5.31
549
+ - google-auth-httplib2==0.1.1
550
+ - google-auth-oauthlib==1.2.0
551
+ - google-cloud-aiplatform==0.6.0a1
552
+ - google-cloud-artifact-registry==1.10.0
553
+ - google-cloud-automl==1.0.1
554
+ - google-cloud-bigquery==2.34.4
555
+ - google-cloud-bigtable==1.7.3
556
+ - google-cloud-dlp==3.14.0
557
+ - google-cloud-jupyter-config==0.0.5
558
+ - google-cloud-language==2.13.3
559
+ - google-cloud-monitoring==2.18.0
560
+ - google-cloud-pubsub==2.19.0
561
+ - google-cloud-pubsublite==1.9.0
562
+ - google-cloud-recommendations-ai==0.7.1
563
+ - google-cloud-resource-manager==1.11.0
564
+ - google-cloud-spanner==3.40.1
565
+ - google-cloud-storage==1.44.0
566
+ - google-cloud-translate==3.12.1
567
+ - google-cloud-videointelligence==2.13.3
568
+ - google-cloud-vision==2.8.0
569
+ - google-crc32c==1.5.0
570
+ - google-generativeai==0.4.1
571
+ - google-pasta==0.2.0
572
+ - google-resumable-media==2.7.0
573
+ - gplearn==0.4.2
574
+ - gpustat==1.0.0
575
+ - gpxpy==1.6.2
576
+ - greenlet==3.0.3
577
+ - grpc-google-iam-v1==0.12.7
578
+ - grpcio==1.60.0
579
+ - grpcio-status==1.48.2
580
+ - gviz-api==1.10.0
581
+ - gym==0.26.2
582
+ - gym-notices==0.0.8
583
+ - gymnasium==0.29.0
584
+ - h11==0.14.0
585
+ - h2o==3.46.0.1
586
+ - h5netcdf==1.3.0
587
+ - h5py==3.10.0
588
+ - haversine==2.8.1
589
+ - hdfs==2.7.3
590
+ - hep-ml==0.7.2
591
+ - hijri-converter==2.3.1
592
+ - hmmlearn==0.3.2
593
+ - holidays==0.24
594
+ - holoviews==1.18.3
595
+ - hpsklearn==0.1.0
596
+ - html5lib==1.1
597
+ - htmlmin==0.1.12
598
+ - httpcore==1.0.4
599
+ - httplib2==0.21.0
600
+ - httptools==0.6.1
601
+ - httpx==0.27.0
602
+ - huggingface-hub==0.22.2
603
+ - hunspell==0.5.5
604
+ - husl==4.0.3
605
+ - hydra-slayer==0.5.0
606
+ - hyperopt==0.2.7
607
+ - hypertools==0.8.0
608
+ - igraph==0.11.4
609
+ - imagecodecs==2024.1.1
610
+ - imagehash==4.3.1
611
+ - imageio==2.33.1
612
+ - imbalanced-learn==0.12.0
613
+ - imgaug==0.4.0
614
+ - importlib-metadata==6.11.0
615
+ - inequality==1.0.1
616
+ - iniconfig==2.0.0
617
+ - ipydatawidgets==4.3.5
618
+ - ipyleaflet==0.18.2
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.2
624
+ - ipyvuetify==1.9.2
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.23
633
+ - jax-jumpy==1.0.0
634
+ - jaxlib==0.4.23.dev20240116
635
+ - jeepney==0.8.0
636
+ - jieba==0.42.1
637
+ - jmespath==1.0.1
638
+ - json5==0.9.14
639
+ - jupyter-client==7.4.9
640
+ - jupyter-console==6.6.3
641
+ - jupyter-http-over-ws==0.0.8
642
+ - jupyter-lsp==1.5.1
643
+ - jupyter-server==2.13.0
644
+ - jupyter-server-fileid==0.9.1
645
+ - jupyter-server-mathjax==0.2.6
646
+ - jupyter-server-proxy==4.1.0
647
+ - jupyter-server-ydoc==0.8.0
648
+ - jupyter-ydoc==0.2.5
649
+ - jupyterlab==4.1.5
650
+ - jupyterlab-git==0.44.0
651
+ - jupyterlab-lsp==5.1.0
652
+ - jupyterlab-server==2.25.2
653
+ - jupyterlab-widgets==3.0.9
654
+ - jupytext==1.16.0
655
+ - kaggle==1.6.6
656
+ - kaggle-environments==1.14.3
657
+ - kagglehub==0.2.0
658
+ - keras==3.0.5
659
+ - keras-cv==0.8.2
660
+ - keras-nlp==0.8.2
661
+ - keras-tuner==1.4.6
662
+ - kernels-mixer==0.0.7
663
+ - keyring==24.3.0
664
+ - keyrings-google-artifactregistry-auth==1.1.2
665
+ - kfp==2.5.0
666
+ - kfp-pipeline-spec==0.2.2
667
+ - kfp-server-api==2.0.5
668
+ - kmapper==2.0.1
669
+ - kmodes==0.12.2
670
+ - korean-lunar-calendar==0.3.1
671
+ - kornia==0.7.2
672
+ - kornia-rs==0.1.2
673
+ - kt-legacy==1.0.5
674
+ - kubernetes==26.1.0
675
+ - langid==1.1.6
676
+ - lazy-loader==0.3
677
+ - learntools==0.3.4
678
+ - leven==1.0.4
679
+ - levenshtein==0.25.0
680
+ - libclang==16.0.6
681
+ - libpysal==4.9.2
682
+ - librosa==0.10.1
683
+ - lightgbm==4.2.0
684
+ - lightning-utilities==0.10.1
685
+ - lime==0.2.0.1
686
+ - line-profiler==4.1.2
687
+ - linkify-it-py==2.0.3
688
+ - llvmlite==0.41.1
689
+ - lml==0.1.0
690
+ - loguru==0.7.2
691
+ - lunarcalendar==0.0.9
692
+ - lxml==5.1.0
693
+ - mako==1.3.2
694
+ - mapclassify==2.6.1
695
+ - markdown==3.5.2
696
+ - markovify==0.9.4
697
+ - markupsafe==2.1.5
698
+ - marshmallow==3.21.1
699
+ - matplotlib==3.7.5
700
+ - matplotlib-venn==0.11.10
701
+ - mccabe==0.7.0
702
+ - mdit-py-plugins==0.4.0
703
+ - memory-profiler==0.61.0
704
+ - mercantile==1.2.1
705
+ - mgwr==2.2.1
706
+ - missingno==0.5.2
707
+ - mistune==0.8.4
708
+ - mizani==0.11.0
709
+ - ml-dtypes==0.2.0
710
+ - mlcrate==0.2.0
711
+ - mlens==0.2.3
712
+ - mlxtend==0.23.1
713
+ - mmh3==4.1.0
714
+ - mne==1.6.1
715
+ - mnist==0.2.2
716
+ - mock==5.1.0
717
+ - momepy==0.7.0
718
+ - more-itertools==10.2.0
719
+ - mpld3==0.5.10
720
+ - mpmath==1.3.0
721
+ - msgpack-numpy==0.4.8
722
+ - multimethod==1.10
723
+ - multipledispatch==1.0.0
724
+ - multiprocess==0.70.15
725
+ - mypy-extensions==1.0.0
726
+ - namex==0.0.7
727
+ - nbclient==0.5.13
728
+ - nbconvert==6.4.5
729
+ - nbdime==3.2.0
730
+ - ndindex==1.8
731
+ - networkx==3.2.1
732
+ - nibabel==5.2.1
733
+ - nilearn==0.10.3
734
+ - ninja==1.11.1.1
735
+ - nltk==3.2.4
736
+ - nose==1.3.7
737
+ - notebook==6.5.6
738
+ - notebook-executor==0.2
739
+ - numba==0.58.1
740
+ - numexpr==2.9.0
741
+ - nvidia-ml-py==11.495.46
742
+ - oauth2client==4.1.3
743
+ - oauthlib==3.2.2
744
+ - objsize==0.6.1
745
+ - odfpy==1.4.1
746
+ - olefile==0.47
747
+ - onnx==1.15.0
748
+ - opencensus==0.11.4
749
+ - opencensus-context==0.1.3
750
+ - opencv-contrib-python==4.9.0.80
751
+ - opencv-python==4.9.0.80
752
+ - opencv-python-headless==4.9.0.80
753
+ - openpyxl==3.1.2
754
+ - openslide-python==1.3.1
755
+ - opentelemetry-api==1.22.0
756
+ - opentelemetry-exporter-otlp==1.22.0
757
+ - opentelemetry-exporter-otlp-proto-common==1.22.0
758
+ - opentelemetry-exporter-otlp-proto-grpc==1.22.0
759
+ - opentelemetry-exporter-otlp-proto-http==1.22.0
760
+ - opentelemetry-proto==1.22.0
761
+ - opentelemetry-sdk==1.22.0
762
+ - opentelemetry-semantic-conventions==0.43b0
763
+ - opt-einsum==3.3.0
764
+ - optax==0.2.1
765
+ - optuna==3.6.0
766
+ - orbax-checkpoint==0.5.6
767
+ - ordered-set==4.1.0
768
+ - orjson==3.9.10
769
+ - ortools==9.4.1874
770
+ - osmnx==1.9.1
771
+ - packaging==21.3
772
+ - pandas==2.2.1
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.8
778
+ - papermill==2.5.0
779
+ - param==2.0.2
780
+ - path==16.10.0
781
+ - path-py==12.5.0
782
+ - pathos==0.3.2
783
+ - patsy==0.5.6
784
+ - pdf2image==1.17.0
785
+ - peft==0.10.0
786
+ - pettingzoo==1.24.0
787
+ - pexpect==4.9.0
788
+ - phik==0.12.4
789
+ - pillow==9.5.0
790
+ - platformdirs==4.2.0
791
+ - plotly==5.18.0
792
+ - plotly-express==0.4.1
793
+ - plotnine==0.13.2
794
+ - pluggy==1.4.0
795
+ - pointpats==2.4.0
796
+ - polars==0.20.15
797
+ - polyglot==16.7.4
798
+ - pooch==1.8.1
799
+ - pox==0.3.4
800
+ - ppca==0.0.4
801
+ - ppft==1.7.6.8
802
+ - preprocessing==0.1.13
803
+ - prettytable==3.9.0
804
+ - progressbar2==4.4.2
805
+ - promise==2.3
806
+ - prompt-toolkit==3.0.43
807
+ - pronouncing==0.2.0
808
+ - prophet==1.1.1
809
+ - protobuf==3.20.3
810
+ - psutil==5.9.3
811
+ - pudb==2024.1
812
+ - pulp==2.8.0
813
+ - py-cpuinfo==9.0.0
814
+ - py-spy==0.3.14
815
+ - py4j==0.10.9.7
816
+ - pyaml==23.12.0
817
+ - pyarabic==0.6.15
818
+ - pyarrow-hotfix==0.6
819
+ - pyastronomy==0.21.0
820
+ - pybind11==2.11.1
821
+ - pyclipper==1.3.0.post5
822
+ - pycodestyle==2.11.1
823
+ - pycparser==2.21
824
+ - pycryptodome==3.20.0
825
+ - pyct==0.5.0
826
+ - pycuda==2024.1
827
+ - pydantic==2.5.3
828
+ - pydantic-core==2.14.6
829
+ - pydegensac==0.1.2
830
+ - pydicom==2.4.4
831
+ - pydocstyle==6.3.0
832
+ - pydot==1.4.2
833
+ - pydub==0.25.1
834
+ - pyemd==1.0.0
835
+ - pyerfa==2.0.1.1
836
+ - pyexcel-io==0.6.6
837
+ - pyexcel-ods==0.6.0
838
+ - pyflakes==3.2.0
839
+ - pygltflib==1.16.2
840
+ - pyjwt==2.8.0
841
+ - pykalman==0.9.5
842
+ - pyldavis==3.4.1
843
+ - pylint==3.0.4
844
+ - pymc3==3.11.4
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.1.1
852
+ - pypdf==4.1.0
853
+ - pysal==24.1
854
+ - pytesseract==0.3.10
855
+ - pytest==8.1.1
856
+ - python-bidi==0.4.2
857
+ - python-dateutil==2.9.0.post0
858
+ - python-dotenv==1.0.0
859
+ - python-graphviz==0.20.2
860
+ - python-levenshtein==0.25.0
861
+ - python-louvain==0.16
862
+ - python-lsp-jsonrpc==1.1.2
863
+ - python-lsp-server==1.10.1
864
+ - python-slugify==8.0.4
865
+ - python-utils==3.8.2
866
+ - pythreejs==2.4.2
867
+ - pytoolconfig==1.3.1
868
+ - pytools==2023.1.1
869
+ - pytorch-ignite==0.4.13
870
+ - pytorch-lightning==2.2.1
871
+ - pytz==2023.3.post1
872
+ - pyupset==0.1.1.post7
873
+ - pyviz-comms==3.0.1
874
+ - pywavelets==1.5.0
875
+ - pyzmq==24.0.1
876
+ - qgrid==1.3.1
877
+ - qtconsole==5.5.1
878
+ - qtpy==2.4.1
879
+ - quantecon==0.7.2
880
+ - quantities==0.15.0
881
+ - qudida==0.0.4
882
+ - rapidfuzz==3.6.2
883
+ - rasterio==1.3.9
884
+ - rasterstats==0.19.0
885
+ - ray==2.9.0
886
+ - ray-cpp==2.9.0
887
+ - regex==2023.12.25
888
+ - requests-oauthlib==1.3.1
889
+ - requests-toolbelt==0.10.1
890
+ - responses==0.18.0
891
+ - retrying==1.3.4
892
+ - rgf-python==3.12.0
893
+ - rich==13.7.0
894
+ - rich-click==1.7.4
895
+ - rope==1.12.0
896
+ - rtree==1.2.0
897
+ - s2sphere==0.2.5
898
+ - s3fs==2024.3.0
899
+ - s3transfer==0.6.2
900
+ - safetensors==0.4.2
901
+ - scattertext==0.1.19
902
+ - scikit-image==0.22.0
903
+ - scikit-learn==1.2.2
904
+ - scikit-learn-intelex==2024.1.0
905
+ - scikit-multilearn==0.2.0
906
+ - scikit-optimize==0.10.1
907
+ - scikit-plot==0.3.7
908
+ - scikit-surprise==1.1.3
909
+ - scipy==1.11.4
910
+ - seaborn==0.12.2
911
+ - secretstorage==3.3.3
912
+ - segment-anything==1.0
913
+ - segregation==2.5
914
+ - semver==3.0.2
915
+ - sentencepiece==0.2.0
916
+ - sentry-sdk==1.42.0
917
+ - setproctitle==1.3.3
918
+ - setuptools-git==1.2
919
+ - setuptools-scm==8.0.4
920
+ - shap==0.44.1
921
+ - shapely==2.0.3
922
+ - shimmy==1.3.0
923
+ - shtab==1.7.1
924
+ - simpervisor==1.0.0
925
+ - simpleitk==2.3.1
926
+ - simplejson==3.19.2
927
+ - six==1.16.0
928
+ - sklearn-pandas==2.2.0
929
+ - slicer==0.0.7
930
+ - smmap==5.0.1
931
+ - snowballstemmer==2.2.0
932
+ - snuggs==1.4.7
933
+ - soundfile==0.12.1
934
+ - soxr==0.3.7
935
+ - spaghetti==1.7.5.post1
936
+ - spectral==0.23.1
937
+ - spglm==1.1.0
938
+ - sphinx-rtd-theme==0.2.4
939
+ - spint==1.0.7
940
+ - splot==1.1.5.post1
941
+ - spopt==0.6.0
942
+ - spreg==1.4.2
943
+ - spvcm==0.3.0
944
+ - sqlalchemy==2.0.25
945
+ - sqlparse==0.4.4
946
+ - squarify==0.4.3
947
+ - stable-baselines3==2.1.0
948
+ - stack-data==0.6.3
949
+ - stanio==0.3.0
950
+ - starlette==0.32.0.post1
951
+ - statsmodels==0.14.1
952
+ - stemming==1.0.1
953
+ - stop-words==2018.7.23
954
+ - stopit==1.1.2
955
+ - stumpy==1.12.0
956
+ - sympy==1.12
957
+ - tables==3.9.2
958
+ - tabulate==0.9.0
959
+ - tangled-up-in-unicode==0.2.0
960
+ - tbb==2021.11.0
961
+ - tenacity==8.2.3
962
+ - tensorboard==2.15.1
963
+ - tensorboard-data-server==0.7.2
964
+ - tensorboard-plugin-profile==2.15.0
965
+ - tensorboardx==2.6.2.2
966
+ - tensorflow==2.15.0
967
+ - tensorflow-cloud==0.1.16
968
+ - tensorflow-datasets==4.9.4
969
+ - tensorflow-decision-forests==1.8.1
970
+ - tensorflow-estimator==2.15.0
971
+ - tensorflow-hub==0.16.1
972
+ - tensorflow-io==0.35.0
973
+ - tensorflow-io-gcs-filesystem==0.35.0
974
+ - tensorflow-metadata==0.14.0
975
+ - tensorflow-probability==0.23.0
976
+ - tensorflow-serving-api==2.14.1
977
+ - tensorflow-text==2.15.0
978
+ - tensorflow-transform==0.14.0
979
+ - tensorpack==0.11
980
+ - tensorstore==0.1.56
981
+ - termcolor==2.4.0
982
+ - testpath==0.6.0
983
+ - text-unidecode==1.3
984
+ - textblob==0.18.0.post0
985
+ - texttable==1.7.0
986
+ - tf-keras==2.15.1
987
+ - tfp-nightly==0.24.0.dev0
988
+ - theano==1.0.5
989
+ - theano-pymc==1.1.2
990
+ - threadpoolctl==3.2.0
991
+ - tifffile==2023.12.9
992
+ - timm==0.9.16
993
+ - tobler==0.11.2
994
+ - tokenizers==0.15.2
995
+ - toml==0.10.2
996
+ - tomli==2.0.1
997
+ - tomlkit==0.12.4
998
+ - torch==2.1.2
999
+ - torchaudio==2.1.2
1000
+ - torchdata==0.7.1
1001
+ - torchinfo==1.8.0
1002
+ - torchmetrics==1.3.2
1003
+ - torchtext==0.16.2
1004
+ - torchvision==0.16.2
1005
+ - tpot==0.12.1
1006
+ - traceml==1.0.8
1007
+ - traittypes==0.2.1
1008
+ - transformers==4.38.2
1009
+ - treelite-runtime==3.2.0
1010
+ - trl==0.8.1
1011
+ - trueskill==0.4.5
1012
+ - trx-python==0.2.9
1013
+ - tsfresh==0.20.2
1014
+ - typeguard==4.1.5
1015
+ - typing-inspect==0.9.0
1016
+ - tyro==0.8.2
1017
+ - tzdata==2023.4
1018
+ - uc-micro-py==1.0.3
1019
+ - ujson==5.9.0
1020
+ - umap-learn==0.5.5
1021
+ - unidecode==1.3.8
1022
+ - update-checker==0.18.0
1023
+ - uritemplate==3.0.1
1024
+ - urllib3==1.26.18
1025
+ - urwid==2.6.9
1026
+ - urwid-readline==0.14
1027
+ - uvicorn==0.25.0
1028
+ - uvloop==0.19.0
1029
+ - vaex==4.17.0
1030
+ - vaex-astro==0.9.3
1031
+ - vaex-core==4.17.1
1032
+ - vaex-hdf5==0.14.1
1033
+ - vaex-jupyter==0.8.2
1034
+ - vaex-ml==0.18.3
1035
+ - vaex-server==0.9.0
1036
+ - vaex-viz==0.5.4
1037
+ - vec-noise==1.1.4
1038
+ - vecstack==0.4.0
1039
+ - virtualenv==20.21.0
1040
+ - visions==0.7.5
1041
+ - vowpalwabbit==9.9.0
1042
+ - vtk==9.3.0
1043
+ - wand==0.6.13
1044
+ - wandb==0.16.4
1045
+ - watchfiles==0.21.0
1046
+ - wavio==0.0.8
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.29.0
1054
+ - wordcloud==1.9.3
1055
+ - wordsegment==1.3.1
1056
+ - wrapt==1.14.1
1057
+ - xarray==2024.2.0
1058
+ - xarray-einstats==0.7.0
1059
+ - xgboost==2.0.3
1060
+ - xvfbwrapper==0.2.9
1061
+ - xxhash==3.4.1
1062
+ - y-py==0.6.2
1063
+ - yapf==0.40.2
1064
+ - yarl==1.9.4
1065
+ - ydata-profiling==4.6.4
1066
+ - yellowbrick==1.5
1067
+ - ypy-websocket==0.8.4
1068
+ prefix: /opt/conda
wandb/run-20240408_202622-e7ipds5r/files/config.yaml ADDED
@@ -0,0 +1,682 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.13
7
+ cli_version: 0.16.4
8
+ framework: huggingface
9
+ huggingface_version: 4.38.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1712607982.0
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
+ - 23
47
+ 4: 3.10.13
48
+ 5: 0.16.4
49
+ 6: 4.38.2
50
+ 8:
51
+ - 1
52
+ - 2
53
+ - 5
54
+ 9:
55
+ 1: transformers_trainer
56
+ 13: linux-x86_64
57
+ m:
58
+ - 1: train/global_step
59
+ 6:
60
+ - 3
61
+ - 1: train/loss
62
+ 5: 1
63
+ 6:
64
+ - 1
65
+ - 1: train/grad_norm
66
+ 5: 1
67
+ 6:
68
+ - 1
69
+ - 1: train/learning_rate
70
+ 5: 1
71
+ 6:
72
+ - 1
73
+ - 1: train/epoch
74
+ 5: 1
75
+ 6:
76
+ - 1
77
+ vocab_size:
78
+ desc: null
79
+ value: 32000
80
+ max_position_embeddings:
81
+ desc: null
82
+ value: 2048
83
+ hidden_size:
84
+ desc: null
85
+ value: 2048
86
+ intermediate_size:
87
+ desc: null
88
+ value: 5632
89
+ num_hidden_layers:
90
+ desc: null
91
+ value: 22
92
+ num_attention_heads:
93
+ desc: null
94
+ value: 32
95
+ num_key_value_heads:
96
+ desc: null
97
+ value: 4
98
+ hidden_act:
99
+ desc: null
100
+ value: silu
101
+ initializer_range:
102
+ desc: null
103
+ value: 0.02
104
+ rms_norm_eps:
105
+ desc: null
106
+ value: 1.0e-05
107
+ pretraining_tp:
108
+ desc: null
109
+ value: 1
110
+ use_cache:
111
+ desc: null
112
+ value: false
113
+ rope_theta:
114
+ desc: null
115
+ value: 10000.0
116
+ rope_scaling:
117
+ desc: null
118
+ value: null
119
+ attention_bias:
120
+ desc: null
121
+ value: false
122
+ attention_dropout:
123
+ desc: null
124
+ value: 0.0
125
+ return_dict:
126
+ desc: null
127
+ value: true
128
+ output_hidden_states:
129
+ desc: null
130
+ value: false
131
+ output_attentions:
132
+ desc: null
133
+ value: false
134
+ torchscript:
135
+ desc: null
136
+ value: false
137
+ torch_dtype:
138
+ desc: null
139
+ value: float32
140
+ use_bfloat16:
141
+ desc: null
142
+ value: false
143
+ tf_legacy_loss:
144
+ desc: null
145
+ value: false
146
+ pruned_heads:
147
+ desc: null
148
+ value: {}
149
+ tie_word_embeddings:
150
+ desc: null
151
+ value: false
152
+ chunk_size_feed_forward:
153
+ desc: null
154
+ value: 0
155
+ is_encoder_decoder:
156
+ desc: null
157
+ value: false
158
+ is_decoder:
159
+ desc: null
160
+ value: false
161
+ cross_attention_hidden_size:
162
+ desc: null
163
+ value: null
164
+ add_cross_attention:
165
+ desc: null
166
+ value: false
167
+ tie_encoder_decoder:
168
+ desc: null
169
+ value: false
170
+ max_length:
171
+ desc: null
172
+ value: 20
173
+ min_length:
174
+ desc: null
175
+ value: 0
176
+ do_sample:
177
+ desc: null
178
+ value: false
179
+ early_stopping:
180
+ desc: null
181
+ value: false
182
+ num_beams:
183
+ desc: null
184
+ value: 1
185
+ num_beam_groups:
186
+ desc: null
187
+ value: 1
188
+ diversity_penalty:
189
+ desc: null
190
+ value: 0.0
191
+ temperature:
192
+ desc: null
193
+ value: 1.0
194
+ top_k:
195
+ desc: null
196
+ value: 50
197
+ top_p:
198
+ desc: null
199
+ value: 1.0
200
+ typical_p:
201
+ desc: null
202
+ value: 1.0
203
+ repetition_penalty:
204
+ desc: null
205
+ value: 1.0
206
+ length_penalty:
207
+ desc: null
208
+ value: 1.0
209
+ no_repeat_ngram_size:
210
+ desc: null
211
+ value: 0
212
+ encoder_no_repeat_ngram_size:
213
+ desc: null
214
+ value: 0
215
+ bad_words_ids:
216
+ desc: null
217
+ value: null
218
+ num_return_sequences:
219
+ desc: null
220
+ value: 1
221
+ output_scores:
222
+ desc: null
223
+ value: false
224
+ return_dict_in_generate:
225
+ desc: null
226
+ value: false
227
+ forced_bos_token_id:
228
+ desc: null
229
+ value: null
230
+ forced_eos_token_id:
231
+ desc: null
232
+ value: null
233
+ remove_invalid_values:
234
+ desc: null
235
+ value: false
236
+ exponential_decay_length_penalty:
237
+ desc: null
238
+ value: null
239
+ suppress_tokens:
240
+ desc: null
241
+ value: null
242
+ begin_suppress_tokens:
243
+ desc: null
244
+ value: null
245
+ architectures:
246
+ desc: null
247
+ value:
248
+ - LlamaForCausalLM
249
+ finetuning_task:
250
+ desc: null
251
+ value: null
252
+ id2label:
253
+ desc: null
254
+ value:
255
+ '0': LABEL_0
256
+ '1': LABEL_1
257
+ label2id:
258
+ desc: null
259
+ value:
260
+ LABEL_0: 0
261
+ LABEL_1: 1
262
+ tokenizer_class:
263
+ desc: null
264
+ value: null
265
+ prefix:
266
+ desc: null
267
+ value: null
268
+ bos_token_id:
269
+ desc: null
270
+ value: 1
271
+ pad_token_id:
272
+ desc: null
273
+ value: null
274
+ eos_token_id:
275
+ desc: null
276
+ value: 2
277
+ sep_token_id:
278
+ desc: null
279
+ value: null
280
+ decoder_start_token_id:
281
+ desc: null
282
+ value: null
283
+ task_specific_params:
284
+ desc: null
285
+ value: null
286
+ problem_type:
287
+ desc: null
288
+ value: null
289
+ _name_or_path:
290
+ desc: null
291
+ value: TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T
292
+ transformers_version:
293
+ desc: null
294
+ value: 4.38.2
295
+ model_type:
296
+ desc: null
297
+ value: llama
298
+ quantization_config:
299
+ desc: null
300
+ value:
301
+ quant_method: QuantizationMethod.BITS_AND_BYTES
302
+ _load_in_8bit: false
303
+ _load_in_4bit: true
304
+ llm_int8_threshold: 6.0
305
+ llm_int8_skip_modules: null
306
+ llm_int8_enable_fp32_cpu_offload: false
307
+ llm_int8_has_fp16_weight: false
308
+ bnb_4bit_quant_type: nf4
309
+ bnb_4bit_use_double_quant: false
310
+ bnb_4bit_compute_dtype: float16
311
+ load_in_4bit: true
312
+ load_in_8bit: false
313
+ output_dir:
314
+ desc: null
315
+ value: /kaggle/working/
316
+ overwrite_output_dir:
317
+ desc: null
318
+ value: false
319
+ do_train:
320
+ desc: null
321
+ value: false
322
+ do_eval:
323
+ desc: null
324
+ value: false
325
+ do_predict:
326
+ desc: null
327
+ value: false
328
+ evaluation_strategy:
329
+ desc: null
330
+ value: 'no'
331
+ prediction_loss_only:
332
+ desc: null
333
+ value: false
334
+ per_device_train_batch_size:
335
+ desc: null
336
+ value: 2
337
+ per_device_eval_batch_size:
338
+ desc: null
339
+ value: 8
340
+ per_gpu_train_batch_size:
341
+ desc: null
342
+ value: null
343
+ per_gpu_eval_batch_size:
344
+ desc: null
345
+ value: null
346
+ gradient_accumulation_steps:
347
+ desc: null
348
+ value: 1
349
+ eval_accumulation_steps:
350
+ desc: null
351
+ value: null
352
+ eval_delay:
353
+ desc: null
354
+ value: 0
355
+ learning_rate:
356
+ desc: null
357
+ value: 1.5e-05
358
+ weight_decay:
359
+ desc: null
360
+ value: 0.001
361
+ adam_beta1:
362
+ desc: null
363
+ value: 0.9
364
+ adam_beta2:
365
+ desc: null
366
+ value: 0.999
367
+ adam_epsilon:
368
+ desc: null
369
+ value: 1.0e-08
370
+ max_grad_norm:
371
+ desc: null
372
+ value: 0.1
373
+ num_train_epochs:
374
+ desc: null
375
+ value: 1
376
+ max_steps:
377
+ desc: null
378
+ value: 17000
379
+ lr_scheduler_type:
380
+ desc: null
381
+ value: cosine
382
+ lr_scheduler_kwargs:
383
+ desc: null
384
+ value: {}
385
+ warmup_ratio:
386
+ desc: null
387
+ value: 0.03
388
+ warmup_steps:
389
+ desc: null
390
+ value: 0
391
+ log_level:
392
+ desc: null
393
+ value: passive
394
+ log_level_replica:
395
+ desc: null
396
+ value: warning
397
+ log_on_each_node:
398
+ desc: null
399
+ value: true
400
+ logging_dir:
401
+ desc: null
402
+ value: /kaggle/working/runs/Apr08_20-26-16_622eb14e717e
403
+ logging_strategy:
404
+ desc: null
405
+ value: steps
406
+ logging_first_step:
407
+ desc: null
408
+ value: false
409
+ logging_steps:
410
+ desc: null
411
+ value: 20
412
+ logging_nan_inf_filter:
413
+ desc: null
414
+ value: true
415
+ save_strategy:
416
+ desc: null
417
+ value: steps
418
+ save_steps:
419
+ desc: null
420
+ value: 20
421
+ save_total_limit:
422
+ desc: null
423
+ value: 1
424
+ save_safetensors:
425
+ desc: null
426
+ value: true
427
+ save_on_each_node:
428
+ desc: null
429
+ value: false
430
+ save_only_model:
431
+ desc: null
432
+ value: false
433
+ no_cuda:
434
+ desc: null
435
+ value: false
436
+ use_cpu:
437
+ desc: null
438
+ value: false
439
+ use_mps_device:
440
+ desc: null
441
+ value: false
442
+ seed:
443
+ desc: null
444
+ value: 42
445
+ data_seed:
446
+ desc: null
447
+ value: null
448
+ jit_mode_eval:
449
+ desc: null
450
+ value: false
451
+ use_ipex:
452
+ desc: null
453
+ value: false
454
+ bf16:
455
+ desc: null
456
+ value: false
457
+ fp16:
458
+ desc: null
459
+ value: false
460
+ fp16_opt_level:
461
+ desc: null
462
+ value: O1
463
+ half_precision_backend:
464
+ desc: null
465
+ value: auto
466
+ bf16_full_eval:
467
+ desc: null
468
+ value: false
469
+ fp16_full_eval:
470
+ desc: null
471
+ value: false
472
+ tf32:
473
+ desc: null
474
+ value: null
475
+ local_rank:
476
+ desc: null
477
+ value: 0
478
+ ddp_backend:
479
+ desc: null
480
+ value: null
481
+ tpu_num_cores:
482
+ desc: null
483
+ value: null
484
+ tpu_metrics_debug:
485
+ desc: null
486
+ value: false
487
+ debug:
488
+ desc: null
489
+ value: []
490
+ dataloader_drop_last:
491
+ desc: null
492
+ value: false
493
+ eval_steps:
494
+ desc: null
495
+ value: null
496
+ dataloader_num_workers:
497
+ desc: null
498
+ value: 0
499
+ dataloader_prefetch_factor:
500
+ desc: null
501
+ value: null
502
+ past_index:
503
+ desc: null
504
+ value: -1
505
+ run_name:
506
+ desc: null
507
+ value: /kaggle/working/
508
+ disable_tqdm:
509
+ desc: null
510
+ value: false
511
+ remove_unused_columns:
512
+ desc: null
513
+ value: true
514
+ label_names:
515
+ desc: null
516
+ value: null
517
+ load_best_model_at_end:
518
+ desc: null
519
+ value: false
520
+ metric_for_best_model:
521
+ desc: null
522
+ value: null
523
+ greater_is_better:
524
+ desc: null
525
+ value: null
526
+ ignore_data_skip:
527
+ desc: null
528
+ value: false
529
+ fsdp:
530
+ desc: null
531
+ value: []
532
+ fsdp_min_num_params:
533
+ desc: null
534
+ value: 0
535
+ fsdp_config:
536
+ desc: null
537
+ value:
538
+ min_num_params: 0
539
+ xla: false
540
+ xla_fsdp_v2: false
541
+ xla_fsdp_grad_ckpt: false
542
+ fsdp_transformer_layer_cls_to_wrap:
543
+ desc: null
544
+ value: null
545
+ accelerator_config:
546
+ desc: null
547
+ value:
548
+ split_batches: false
549
+ dispatch_batches: null
550
+ even_batches: true
551
+ use_seedable_sampler: true
552
+ deepspeed:
553
+ desc: null
554
+ value: null
555
+ label_smoothing_factor:
556
+ desc: null
557
+ value: 0.0
558
+ optim:
559
+ desc: null
560
+ value: paged_adamw_32bit
561
+ optim_args:
562
+ desc: null
563
+ value: null
564
+ adafactor:
565
+ desc: null
566
+ value: false
567
+ group_by_length:
568
+ desc: null
569
+ value: false
570
+ length_column_name:
571
+ desc: null
572
+ value: length
573
+ report_to:
574
+ desc: null
575
+ value:
576
+ - tensorboard
577
+ - wandb
578
+ ddp_find_unused_parameters:
579
+ desc: null
580
+ value: null
581
+ ddp_bucket_cap_mb:
582
+ desc: null
583
+ value: null
584
+ ddp_broadcast_buffers:
585
+ desc: null
586
+ value: null
587
+ dataloader_pin_memory:
588
+ desc: null
589
+ value: true
590
+ dataloader_persistent_workers:
591
+ desc: null
592
+ value: false
593
+ skip_memory_metrics:
594
+ desc: null
595
+ value: true
596
+ use_legacy_prediction_loop:
597
+ desc: null
598
+ value: false
599
+ push_to_hub:
600
+ desc: null
601
+ value: false
602
+ resume_from_checkpoint:
603
+ desc: null
604
+ value: null
605
+ hub_model_id:
606
+ desc: null
607
+ value: null
608
+ hub_strategy:
609
+ desc: null
610
+ value: every_save
611
+ hub_token:
612
+ desc: null
613
+ value: <HUB_TOKEN>
614
+ hub_private_repo:
615
+ desc: null
616
+ value: false
617
+ hub_always_push:
618
+ desc: null
619
+ value: false
620
+ gradient_checkpointing:
621
+ desc: null
622
+ value: false
623
+ gradient_checkpointing_kwargs:
624
+ desc: null
625
+ value: null
626
+ include_inputs_for_metrics:
627
+ desc: null
628
+ value: false
629
+ fp16_backend:
630
+ desc: null
631
+ value: auto
632
+ push_to_hub_model_id:
633
+ desc: null
634
+ value: null
635
+ push_to_hub_organization:
636
+ desc: null
637
+ value: null
638
+ push_to_hub_token:
639
+ desc: null
640
+ value: <PUSH_TO_HUB_TOKEN>
641
+ mp_parameters:
642
+ desc: null
643
+ value: ''
644
+ auto_find_batch_size:
645
+ desc: null
646
+ value: false
647
+ full_determinism:
648
+ desc: null
649
+ value: false
650
+ torchdynamo:
651
+ desc: null
652
+ value: null
653
+ ray_scope:
654
+ desc: null
655
+ value: last
656
+ ddp_timeout:
657
+ desc: null
658
+ value: 1800
659
+ torch_compile:
660
+ desc: null
661
+ value: false
662
+ torch_compile_backend:
663
+ desc: null
664
+ value: null
665
+ torch_compile_mode:
666
+ desc: null
667
+ value: null
668
+ dispatch_batches:
669
+ desc: null
670
+ value: null
671
+ split_batches:
672
+ desc: null
673
+ value: null
674
+ include_tokens_per_second:
675
+ desc: null
676
+ value: false
677
+ include_num_input_tokens_seen:
678
+ desc: null
679
+ value: false
680
+ neftune_noise_alpha:
681
+ desc: null
682
+ value: null
wandb/run-20240408_202622-e7ipds5r/files/output.log ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
2
+ warnings.warn(
3
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
4
+ warnings.warn('Was asked to gather along dimension 0, but all '
5
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
6
+ warnings.warn(
7
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
8
+ warnings.warn('Was asked to gather along dimension 0, but all '
9
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
10
+ warnings.warn(
11
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
12
+ warnings.warn('Was asked to gather along dimension 0, but all '
13
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
14
+ warnings.warn(
15
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
16
+ warnings.warn('Was asked to gather along dimension 0, but all '
17
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
18
+ warnings.warn(
19
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
20
+ warnings.warn('Was asked to gather along dimension 0, but all '
21
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
22
+ warnings.warn(
23
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
24
+ warnings.warn('Was asked to gather along dimension 0, but all '
25
+ /opt/conda/lib/python3.10/site-packages/torch/utils/checkpoint.py:429: UserWarning: torch.utils.checkpoint: please pass in use_reentrant=True or use_reentrant=False explicitly. The default value of use_reentrant will be updated to be False in the future. To maintain current behavior, pass use_reentrant=True. It is recommended that you use use_reentrant=False. Refer to docs for more details on the differences between the two variants.
26
+ warnings.warn(
27
+ /opt/conda/lib/python3.10/site-packages/torch/nn/parallel/_functions.py:68: UserWarning: Was asked to gather along dimension 0, but all input tensors were scalars; will instead unsqueeze and return a vector.
28
+ warnings.warn('Was asked to gather along dimension 0, but all '
wandb/run-20240408_202622-e7ipds5r/files/requirements.txt ADDED
@@ -0,0 +1,879 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ==
2
+ Babel==2.14.0
3
+ Boruta==0.3
4
+ Brotli==1.0.9
5
+ CVXcanon==0.1.2
6
+ Cartopy==0.22.0
7
+ Cython==3.0.8
8
+ Deprecated==1.2.14
9
+ Farama-Notifications==0.0.4
10
+ Flask==3.0.2
11
+ Geohash==1.0
12
+ GitPython==3.1.41
13
+ ImageHash==4.3.1
14
+ Janome==0.5.0
15
+ Jinja2==3.1.2
16
+ Levenshtein==0.25.0
17
+ LunarCalendar==0.0.9
18
+ Mako==1.3.2
19
+ Markdown==3.5.2
20
+ MarkupSafe==2.1.3
21
+ MarkupSafe==2.1.5
22
+ Pillow==9.5.0
23
+ PuLP==2.8.0
24
+ PyArabic==0.6.15
25
+ PyAstronomy==0.21.0
26
+ PyJWT==2.8.0
27
+ PyMeeus==0.5.12
28
+ PySocks==1.7.1
29
+ PyUpSet==0.1.1.post7
30
+ PyWavelets==1.5.0
31
+ PyYAML==6.0.1
32
+ Pygments==2.17.2
33
+ Pympler==1.0.1
34
+ QtPy==2.4.1
35
+ Rtree==1.2.0
36
+ SQLAlchemy==2.0.25
37
+ SecretStorage==3.3.3
38
+ Send2Trash==1.8.2
39
+ Shapely==1.8.5.post1
40
+ Shimmy==1.3.0
41
+ SimpleITK==2.3.1
42
+ TPOT==0.12.1
43
+ Theano-PyMC==1.1.2
44
+ Theano==1.0.5
45
+ Unidecode==1.3.8
46
+ Wand==0.6.13
47
+ Werkzeug==3.0.1
48
+ absl-py==1.4.0
49
+ accelerate==0.28.0
50
+ access==1.1.9
51
+ affine==2.4.0
52
+ aiobotocore==2.12.1
53
+ aiofiles==22.1.0
54
+ aiohttp-cors==0.7.0
55
+ aiohttp==3.9.1
56
+ aioitertools==0.11.0
57
+ aiorwlock==1.3.0
58
+ aiosignal==1.3.1
59
+ aiosqlite==0.19.0
60
+ albumentations==1.4.0
61
+ alembic==1.13.1
62
+ altair==5.2.0
63
+ annotated-types==0.6.0
64
+ annoy==1.17.3
65
+ anyio==4.2.0
66
+ apache-beam==2.46.0
67
+ aplus==0.11.0
68
+ appdirs==1.4.4
69
+ archspec==0.2.2
70
+ argon2-cffi-bindings==21.2.0
71
+ argon2-cffi==23.1.0
72
+ array-record==0.5.0
73
+ arrow==1.3.0
74
+ arviz==0.17.1
75
+ astroid==3.0.3
76
+ astropy-iers-data==0.2024.3.18.0.29.47
77
+ astropy==6.0.0
78
+ asttokens==2.4.1
79
+ astunparse==1.6.3
80
+ async-lru==2.0.4
81
+ async-timeout==4.0.3
82
+ attrs==23.2.0
83
+ audioread==3.0.1
84
+ autopep8==2.0.4
85
+ backoff==2.2.1
86
+ bayesian-optimization==1.4.3
87
+ beatrix_jupyterlab==2023.128.151533
88
+ beautifulsoup4==4.12.2
89
+ bidict==0.23.1
90
+ bitsandbytes==0.43.0
91
+ blake3==0.2.1
92
+ bleach==6.1.0
93
+ blessed==1.20.0
94
+ blinker==1.7.0
95
+ blis==0.7.10
96
+ blosc2==2.5.1
97
+ bokeh==3.3.4
98
+ boltons==23.1.1
99
+ boto3==1.26.100
100
+ botocore==1.34.51
101
+ bq_helper==0.4.1
102
+ bqplot==0.12.43
103
+ branca==0.7.1
104
+ brewer2mpl==1.4.1
105
+ brotlipy==0.7.0
106
+ cached-property==1.5.2
107
+ cachetools==4.2.4
108
+ cachetools==5.3.2
109
+ catalogue==2.0.10
110
+ catalyst==22.4
111
+ catboost==1.2.3
112
+ category-encoders==2.6.3
113
+ certifi==2024.2.2
114
+ cesium==0.12.1
115
+ cffi==1.16.0
116
+ charset-normalizer==3.3.2
117
+ chex==0.1.85
118
+ cleverhans==4.0.0
119
+ click-plugins==1.1.1
120
+ click==8.1.7
121
+ cligj==0.7.2
122
+ cloud-tpu-client==0.10
123
+ cloud-tpu-profiler==2.4.0
124
+ cloudpathlib==0.16.0
125
+ cloudpickle==2.2.1
126
+ cloudpickle==3.0.0
127
+ cmdstanpy==1.2.1
128
+ cmudict==1.0.21
129
+ colorama==0.4.6
130
+ colorcet==3.1.0
131
+ colorful==0.5.6
132
+ colorlog==6.8.2
133
+ colorlover==0.3.0
134
+ comm==0.2.1
135
+ conda-libmamba-solver==23.7.0
136
+ conda-package-handling==2.2.0
137
+ conda==23.7.4
138
+ conda_package_streaming==0.9.0
139
+ confection==0.1.4
140
+ contextily==1.5.2
141
+ contourpy==1.2.0
142
+ convertdate==2.4.0
143
+ crcmod==1.7
144
+ cryptography==41.0.7
145
+ cuda-python==12.4.0
146
+ cudf==23.8.0
147
+ cufflinks==0.17.3
148
+ cuml==23.8.0
149
+ cupy==13.0.0
150
+ cycler==0.12.1
151
+ cymem==2.0.8
152
+ cytoolz==0.12.3
153
+ daal4py==2024.1.0
154
+ daal==2024.1.0
155
+ dacite==1.8.1
156
+ dask-cuda==23.8.0
157
+ dask-cudf==23.8.0
158
+ dask-expr==1.0.4
159
+ dask==2024.3.1
160
+ dataclasses-json==0.6.4
161
+ dataproc_jupyter_plugin==0.1.66
162
+ datasets==2.16.0
163
+ datashader==0.16.0
164
+ datatile==1.0.3
165
+ db-dtypes==1.2.0
166
+ deap==1.4.1
167
+ debugpy==1.8.0
168
+ decorator==5.1.1
169
+ deepdiff==6.7.1
170
+ defusedxml==0.7.1
171
+ deprecation==2.1.0
172
+ descartes==1.1.0
173
+ dill==0.3.7
174
+ dipy==1.9.0
175
+ distlib==0.3.8
176
+ distributed==2023.7.1
177
+ distro==1.9.0
178
+ dm-tree==0.1.8
179
+ docker-pycreds==0.4.0
180
+ docker==7.0.0
181
+ docopt==0.6.2
182
+ docstring-parser==0.15
183
+ docstring-to-markdown==0.15
184
+ docutils==0.20.1
185
+ earthengine-api==0.1.394
186
+ easydict==1.13
187
+ easyocr==1.7.1
188
+ ecos==2.0.13
189
+ eli5==0.13.0
190
+ emoji==2.10.1
191
+ en-core-web-lg==3.7.1
192
+ en-core-web-sm==3.7.1
193
+ entrypoints==0.4
194
+ ephem==4.1.5
195
+ esda==2.5.1
196
+ essentia==2.1b6.dev1110
197
+ et-xmlfile==1.1.0
198
+ etils==1.6.0
199
+ exceptiongroup==1.2.0
200
+ executing==2.0.1
201
+ explainable-ai-sdk==1.3.3
202
+ fastai==2.7.14
203
+ fastapi==0.108.0
204
+ fastavro==1.9.3
205
+ fastcore==1.5.29
206
+ fastdownload==0.0.7
207
+ fasteners==0.19
208
+ fastjsonschema==2.19.1
209
+ fastprogress==1.0.3
210
+ fastrlock==0.8.2
211
+ fasttext==0.9.2
212
+ feather-format==0.4.1
213
+ featuretools==1.30.0
214
+ filelock==3.13.1
215
+ fiona==1.9.6
216
+ fitter==1.7.0
217
+ flake8==7.0.0
218
+ flashtext==2.7
219
+ flatbuffers==23.5.26
220
+ flax==0.8.2
221
+ folium==0.16.0
222
+ fonttools==4.47.0
223
+ fonttools==4.49.0
224
+ fqdn==1.5.1
225
+ frozendict==2.4.0
226
+ frozenlist==1.4.1
227
+ fsspec==2023.10.0
228
+ funcy==2.0
229
+ fury==0.10.0
230
+ future==1.0.0
231
+ fuzzywuzzy==0.18.0
232
+ gast==0.5.4
233
+ gatspy==0.3
234
+ gcsfs==2023.12.2.post1
235
+ gensim==4.3.2
236
+ geographiclib==2.0
237
+ geojson==3.1.0
238
+ geopandas==0.14.3
239
+ geoplot==0.5.1
240
+ geopy==2.4.1
241
+ geoviews==1.11.1
242
+ ggplot==0.11.5
243
+ giddy==2.3.5
244
+ gitdb==4.0.11
245
+ google-ai-generativelanguage==0.4.0
246
+ google-api-core==2.11.1
247
+ google-api-core==2.17.1
248
+ google-api-python-client==2.122.0
249
+ google-apitools==0.5.31
250
+ google-auth-httplib2==0.1.1
251
+ google-auth-oauthlib==1.2.0
252
+ google-auth==2.26.1
253
+ google-cloud-aiplatform==0.6.0a1
254
+ google-cloud-artifact-registry==1.10.0
255
+ google-cloud-automl==1.0.1
256
+ google-cloud-bigquery==2.34.4
257
+ google-cloud-bigtable==1.7.3
258
+ google-cloud-core==2.4.1
259
+ google-cloud-datastore==2.19.0
260
+ google-cloud-dlp==3.14.0
261
+ google-cloud-jupyter-config==0.0.5
262
+ google-cloud-language==2.13.3
263
+ google-cloud-monitoring==2.18.0
264
+ google-cloud-pubsub==2.19.0
265
+ google-cloud-pubsublite==1.9.0
266
+ google-cloud-recommendations-ai==0.7.1
267
+ google-cloud-resource-manager==1.11.0
268
+ google-cloud-spanner==3.40.1
269
+ google-cloud-storage==1.44.0
270
+ google-cloud-translate==3.12.1
271
+ google-cloud-videointelligence==2.13.3
272
+ google-cloud-vision==2.8.0
273
+ google-crc32c==1.5.0
274
+ google-generativeai==0.4.1
275
+ google-pasta==0.2.0
276
+ google-resumable-media==2.7.0
277
+ googleapis-common-protos==1.62.0
278
+ gplearn==0.4.2
279
+ gpustat==1.0.0
280
+ gpxpy==1.6.2
281
+ graphviz==0.20.2
282
+ greenlet==3.0.3
283
+ grpc-google-iam-v1==0.12.7
284
+ grpcio-status==1.48.1
285
+ grpcio-status==1.48.2
286
+ grpcio==1.51.1
287
+ grpcio==1.60.0
288
+ gviz-api==1.10.0
289
+ gym-notices==0.0.8
290
+ gym==0.26.2
291
+ gymnasium==0.29.0
292
+ h11==0.14.0
293
+ h2o==3.46.0.1
294
+ h5netcdf==1.3.0
295
+ h5py==3.10.0
296
+ haversine==2.8.1
297
+ hdfs==2.7.3
298
+ hep-ml==0.7.2
299
+ hijri-converter==2.3.1
300
+ hmmlearn==0.3.2
301
+ holidays==0.24
302
+ holoviews==1.18.3
303
+ hpsklearn==0.1.0
304
+ html5lib==1.1
305
+ htmlmin==0.1.12
306
+ httpcore==1.0.4
307
+ httplib2==0.21.0
308
+ httptools==0.6.1
309
+ httpx==0.27.0
310
+ huggingface-hub==0.22.2
311
+ hunspell==0.5.5
312
+ husl==4.0.3
313
+ hydra-slayer==0.5.0
314
+ hyperopt==0.2.7
315
+ hypertools==0.8.0
316
+ idna==3.6
317
+ igraph==0.11.4
318
+ imagecodecs==2024.1.1
319
+ imageio==2.33.1
320
+ imbalanced-learn==0.12.0
321
+ imgaug==0.4.0
322
+ importlib-metadata==6.11.0
323
+ importlib-metadata==7.0.1
324
+ importlib-resources==6.1.1
325
+ inequality==1.0.1
326
+ iniconfig==2.0.0
327
+ ipydatawidgets==4.3.5
328
+ ipykernel==6.28.0
329
+ ipyleaflet==0.18.2
330
+ ipympl==0.7.0
331
+ ipython-genutils==0.2.0
332
+ ipython-genutils==0.2.0
333
+ ipython-sql==0.5.0
334
+ ipython==8.20.0
335
+ ipyvolume==0.6.3
336
+ ipyvue==1.10.2
337
+ ipyvuetify==1.9.2
338
+ ipywebrtc==0.6.0
339
+ ipywidgets==7.7.1
340
+ isoduration==20.11.0
341
+ isort==5.13.2
342
+ isoweek==1.3.3
343
+ itsdangerous==2.1.2
344
+ jaraco.classes==3.3.0
345
+ jax-jumpy==1.0.0
346
+ jax==0.4.23
347
+ jaxlib==0.4.23.dev20240116
348
+ jedi==0.19.1
349
+ jeepney==0.8.0
350
+ jieba==0.42.1
351
+ jmespath==1.0.1
352
+ joblib==1.3.2
353
+ json5==0.9.14
354
+ jsonpatch==1.33
355
+ jsonpointer==2.4
356
+ jsonschema-specifications==2023.12.1
357
+ jsonschema==4.20.0
358
+ jupyter-console==6.6.3
359
+ jupyter-events==0.9.0
360
+ jupyter-http-over-ws==0.0.8
361
+ jupyter-lsp==1.5.1
362
+ jupyter-server-mathjax==0.2.6
363
+ jupyter-ydoc==0.2.5
364
+ jupyter_client==7.4.9
365
+ jupyter_client==8.6.0
366
+ jupyter_core==5.7.1
367
+ jupyter_server==2.13.0
368
+ jupyter_server_fileid==0.9.1
369
+ jupyter_server_proxy==4.1.0
370
+ jupyter_server_terminals==0.5.1
371
+ jupyter_server_ydoc==0.8.0
372
+ jupyterlab-lsp==5.1.0
373
+ jupyterlab-widgets==3.0.9
374
+ jupyterlab==4.1.5
375
+ jupyterlab_git==0.44.0
376
+ jupyterlab_pygments==0.3.0
377
+ jupyterlab_server==2.25.2
378
+ jupytext==1.16.0
379
+ kaggle-environments==1.14.3
380
+ kaggle==1.6.6
381
+ kagglehub==0.2.0
382
+ keras-cv==0.8.2
383
+ keras-nlp==0.8.2
384
+ keras-tuner==1.4.6
385
+ keras==3.0.5
386
+ kernels-mixer==0.0.7
387
+ keyring==24.3.0
388
+ keyrings.google-artifactregistry-auth==1.1.2
389
+ kfp-pipeline-spec==0.2.2
390
+ kfp-server-api==2.0.5
391
+ kfp==2.5.0
392
+ kiwisolver==1.4.5
393
+ kmapper==2.0.1
394
+ kmodes==0.12.2
395
+ korean-lunar-calendar==0.3.1
396
+ kornia==0.7.2
397
+ kornia_rs==0.1.2
398
+ kt-legacy==1.0.5
399
+ kubernetes==26.1.0
400
+ langcodes==3.3.0
401
+ langid==1.1.6
402
+ lazy_loader==0.3
403
+ learntools==0.3.4
404
+ leven==1.0.4
405
+ libclang==16.0.6
406
+ libmambapy==1.5.0
407
+ libpysal==4.9.2
408
+ librosa==0.10.1
409
+ lightgbm==4.2.0
410
+ lightning-utilities==0.10.1
411
+ lime==0.2.0.1
412
+ line-profiler==4.1.2
413
+ linkify-it-py==2.0.3
414
+ llvmlite==0.41.1
415
+ llvmlite==0.42.0
416
+ lml==0.1.0
417
+ locket==1.0.0
418
+ loguru==0.7.2
419
+ lxml==5.1.0
420
+ lz4==4.3.3
421
+ mamba==1.5.0
422
+ mapclassify==2.6.1
423
+ markdown-it-py==3.0.0
424
+ markovify==0.9.4
425
+ marshmallow==3.21.1
426
+ matplotlib-inline==0.1.6
427
+ matplotlib-venn==0.11.10
428
+ matplotlib==3.7.5
429
+ matplotlib==3.8.3
430
+ mccabe==0.7.0
431
+ mdit-py-plugins==0.4.0
432
+ mdurl==0.1.2
433
+ memory-profiler==0.61.0
434
+ menuinst==2.0.1
435
+ mercantile==1.2.1
436
+ mgwr==2.2.1
437
+ missingno==0.5.2
438
+ mistune==0.8.4
439
+ mizani==0.11.0
440
+ ml-dtypes==0.2.0
441
+ mlcrate==0.2.0
442
+ mlens==0.2.3
443
+ mlxtend==0.23.1
444
+ mmh3==4.1.0
445
+ mne==1.6.1
446
+ mnist==0.2.2
447
+ mock==5.1.0
448
+ momepy==0.7.0
449
+ more-itertools==10.2.0
450
+ mpld3==0.5.10
451
+ mpmath==1.3.0
452
+ msgpack-numpy==0.4.8
453
+ msgpack==1.0.7
454
+ multidict==6.0.4
455
+ multimethod==1.10
456
+ multipledispatch==1.0.0
457
+ multiprocess==0.70.15
458
+ munkres==1.1.4
459
+ murmurhash==1.0.10
460
+ mypy-extensions==1.0.0
461
+ namex==0.0.7
462
+ nb-conda-kernels==2.3.1
463
+ nb_conda==2.2.1
464
+ nbclassic==1.0.0
465
+ nbclient==0.5.13
466
+ nbconvert==6.4.5
467
+ nbdime==3.2.0
468
+ nbformat==5.9.2
469
+ ndindex==1.8
470
+ nest-asyncio==1.5.8
471
+ networkx==3.2.1
472
+ nibabel==5.2.1
473
+ nilearn==0.10.3
474
+ ninja==1.11.1.1
475
+ nltk==3.2.4
476
+ nose==1.3.7
477
+ notebook==6.5.4
478
+ notebook==6.5.6
479
+ notebook_executor==0.2
480
+ notebook_shim==0.2.3
481
+ numba==0.58.1
482
+ numba==0.59.0
483
+ numexpr==2.9.0
484
+ numpy==1.26.4
485
+ nvidia-ml-py==11.495.46
486
+ nvtx==0.2.10
487
+ oauth2client==4.1.3
488
+ oauthlib==3.2.2
489
+ objsize==0.6.1
490
+ odfpy==1.4.1
491
+ olefile==0.47
492
+ onnx==1.15.0
493
+ opencensus-context==0.1.3
494
+ opencensus==0.11.4
495
+ opencv-contrib-python==4.9.0.80
496
+ opencv-python-headless==4.9.0.80
497
+ opencv-python==4.9.0.80
498
+ openpyxl==3.1.2
499
+ openslide-python==1.3.1
500
+ opentelemetry-api==1.22.0
501
+ opentelemetry-exporter-otlp-proto-common==1.22.0
502
+ opentelemetry-exporter-otlp-proto-grpc==1.22.0
503
+ opentelemetry-exporter-otlp-proto-http==1.22.0
504
+ opentelemetry-exporter-otlp==1.22.0
505
+ opentelemetry-proto==1.22.0
506
+ opentelemetry-sdk==1.22.0
507
+ opentelemetry-semantic-conventions==0.43b0
508
+ opt-einsum==3.3.0
509
+ optax==0.2.1
510
+ optuna==3.6.0
511
+ orbax-checkpoint==0.5.6
512
+ ordered-set==4.1.0
513
+ orjson==3.9.10
514
+ ortools==9.4.1874
515
+ osmnx==1.9.1
516
+ overrides==7.4.0
517
+ packaging==21.3
518
+ pandas-datareader==0.10.0
519
+ pandas-profiling==3.6.6
520
+ pandas-summary==0.2.0
521
+ pandas==2.1.4
522
+ pandas==2.2.1
523
+ pandasql==0.7.3
524
+ pandocfilters==1.5.0
525
+ panel==1.3.8
526
+ papermill==2.5.0
527
+ param==2.0.2
528
+ parso==0.8.3
529
+ partd==1.4.1
530
+ path.py==12.5.0
531
+ path==16.10.0
532
+ pathos==0.3.2
533
+ pathy==0.10.3
534
+ patsy==0.5.6
535
+ pdf2image==1.17.0
536
+ peft==0.10.0
537
+ pettingzoo==1.24.0
538
+ pexpect==4.8.0
539
+ pexpect==4.9.0
540
+ phik==0.12.4
541
+ pickleshare==0.7.5
542
+ pip==23.3.2
543
+ pkgutil_resolve_name==1.3.10
544
+ platformdirs==4.2.0
545
+ plotly-express==0.4.1
546
+ plotly==5.18.0
547
+ plotnine==0.13.2
548
+ pluggy==1.4.0
549
+ pointpats==2.4.0
550
+ polars==0.20.15
551
+ polyglot==16.7.4
552
+ pooch==1.8.1
553
+ pox==0.3.4
554
+ ppca==0.0.4
555
+ ppft==1.7.6.8
556
+ preprocessing==0.1.13
557
+ preshed==3.0.9
558
+ prettytable==3.9.0
559
+ progressbar2==4.4.2
560
+ prometheus-client==0.19.0
561
+ promise==2.3
562
+ prompt-toolkit==3.0.42
563
+ prompt-toolkit==3.0.43
564
+ pronouncing==0.2.0
565
+ prophet==1.1.1
566
+ proto-plus==1.23.0
567
+ protobuf==3.20.3
568
+ protobuf==4.21.12
569
+ psutil==5.9.3
570
+ psutil==5.9.7
571
+ ptyprocess==0.7.0
572
+ pudb==2024.1
573
+ pure-eval==0.2.2
574
+ py-cpuinfo==9.0.0
575
+ py-spy==0.3.14
576
+ py4j==0.10.9.7
577
+ pyLDAvis==3.4.1
578
+ pyOpenSSL==23.3.0
579
+ pyaml==23.12.0
580
+ pyarrow-hotfix==0.6
581
+ pyarrow==11.0.0
582
+ pyasn1-modules==0.3.0
583
+ pyasn1==0.5.1
584
+ pybind11==2.11.1
585
+ pyclipper==1.3.0.post5
586
+ pycodestyle==2.11.1
587
+ pycosat==0.6.6
588
+ pycparser==2.21
589
+ pycryptodome==3.20.0
590
+ pyct==0.5.0
591
+ pycuda==2024.1
592
+ pydantic==2.5.3
593
+ pydantic==2.6.4
594
+ pydantic_core==2.14.6
595
+ pydantic_core==2.16.3
596
+ pydegensac==0.1.2
597
+ pydicom==2.4.4
598
+ pydocstyle==6.3.0
599
+ pydot==1.4.2
600
+ pydub==0.25.1
601
+ pyemd==1.0.0
602
+ pyerfa==2.0.1.1
603
+ pyexcel-io==0.6.6
604
+ pyexcel-ods==0.6.0
605
+ pyflakes==3.2.0
606
+ pygltflib==1.16.2
607
+ pykalman==0.9.5
608
+ pylibraft==23.8.0
609
+ pylint==3.0.4
610
+ pymc3==3.11.4
611
+ pymongo==3.13.0
612
+ pynndescent==0.5.11
613
+ pynvml==11.4.1
614
+ pynvrtc==9.2
615
+ pyocr==0.8.5
616
+ pyparsing==3.1.1
617
+ pyparsing==3.1.2
618
+ pypdf==4.1.0
619
+ pyproj==3.6.1
620
+ pysal==24.1
621
+ pyshp==2.3.1
622
+ pytesseract==0.3.10
623
+ pytest==8.1.1
624
+ python-Levenshtein==0.25.0
625
+ python-bidi==0.4.2
626
+ python-dateutil==2.9.0.post0
627
+ python-dotenv==1.0.0
628
+ python-json-logger==2.0.7
629
+ python-louvain==0.16
630
+ python-lsp-jsonrpc==1.1.2
631
+ python-lsp-server==1.10.1
632
+ python-slugify==8.0.4
633
+ python-utils==3.8.2
634
+ pythreejs==2.4.2
635
+ pytoolconfig==1.3.1
636
+ pytools==2023.1.1
637
+ pytorch-ignite==0.4.13
638
+ pytorch-lightning==2.2.1
639
+ pytz==2023.3.post1
640
+ pytz==2024.1
641
+ pyu2f==0.1.5
642
+ pyviz_comms==3.0.1
643
+ pyzmq==24.0.1
644
+ pyzmq==25.1.2
645
+ qgrid==1.3.1
646
+ qtconsole==5.5.1
647
+ quantecon==0.7.2
648
+ quantities==0.15.0
649
+ qudida==0.0.4
650
+ raft-dask==23.8.0
651
+ rapidfuzz==3.6.2
652
+ rasterio==1.3.9
653
+ rasterstats==0.19.0
654
+ ray-cpp==2.9.0
655
+ ray==2.9.0
656
+ referencing==0.32.1
657
+ regex==2023.12.25
658
+ requests-oauthlib==1.3.1
659
+ requests-toolbelt==0.10.1
660
+ requests==2.31.0
661
+ responses==0.18.0
662
+ retrying==1.3.3
663
+ retrying==1.3.4
664
+ rfc3339-validator==0.1.4
665
+ rfc3986-validator==0.1.1
666
+ rgf-python==3.12.0
667
+ rich-click==1.7.4
668
+ rich==13.7.0
669
+ rich==13.7.1
670
+ rmm==23.8.0
671
+ rope==1.12.0
672
+ rpds-py==0.16.2
673
+ rsa==4.9
674
+ ruamel-yaml-conda==0.15.100
675
+ ruamel.yaml.clib==0.2.7
676
+ ruamel.yaml==0.17.40
677
+ s2sphere==0.2.5
678
+ s3fs==2024.3.0
679
+ s3transfer==0.6.2
680
+ safetensors==0.4.2
681
+ scattertext==0.1.19
682
+ scikit-image==0.22.0
683
+ scikit-learn-intelex==2024.1.0
684
+ scikit-learn==1.2.2
685
+ scikit-multilearn==0.2.0
686
+ scikit-optimize==0.10.1
687
+ scikit-plot==0.3.7
688
+ scikit-surprise==1.1.3
689
+ scipy==1.11.4
690
+ scipy==1.12.0
691
+ seaborn==0.12.2
692
+ segment_anything==1.0
693
+ segregation==2.5
694
+ semver==3.0.2
695
+ sentencepiece==0.2.0
696
+ sentry-sdk==1.42.0
697
+ setproctitle==1.3.3
698
+ setuptools-git==1.2
699
+ setuptools-scm==8.0.4
700
+ setuptools==69.0.3
701
+ shap==0.44.1
702
+ shapely==2.0.3
703
+ shellingham==1.5.4
704
+ shtab==1.7.1
705
+ simpervisor==1.0.0
706
+ simplejson==3.19.2
707
+ six==1.16.0
708
+ sklearn-pandas==2.2.0
709
+ slicer==0.0.7
710
+ smart-open==6.4.0
711
+ smmap==5.0.1
712
+ sniffio==1.3.0
713
+ snowballstemmer==2.2.0
714
+ snuggs==1.4.7
715
+ sortedcontainers==2.4.0
716
+ soundfile==0.12.1
717
+ soupsieve==2.5
718
+ soxr==0.3.7
719
+ spacy-legacy==3.0.12
720
+ spacy-loggers==1.0.5
721
+ spacy==3.7.2
722
+ spaghetti==1.7.5.post1
723
+ spectral==0.23.1
724
+ spglm==1.1.0
725
+ sphinx-rtd-theme==0.2.4
726
+ spint==1.0.7
727
+ splot==1.1.5.post1
728
+ spopt==0.6.0
729
+ spreg==1.4.2
730
+ spvcm==0.3.0
731
+ sqlparse==0.4.4
732
+ squarify==0.4.3
733
+ srsly==2.4.8
734
+ stable-baselines3==2.1.0
735
+ stack-data==0.6.2
736
+ stack-data==0.6.3
737
+ stanio==0.3.0
738
+ starlette==0.32.0.post1
739
+ statsmodels==0.14.1
740
+ stemming==1.0.1
741
+ stop-words==2018.7.23
742
+ stopit==1.1.2
743
+ stumpy==1.12.0
744
+ sympy==1.12
745
+ tables==3.9.2
746
+ tabulate==0.9.0
747
+ tangled-up-in-unicode==0.2.0
748
+ tbb==2021.11.0
749
+ tblib==3.0.0
750
+ tenacity==8.2.3
751
+ tensorboard-data-server==0.7.2
752
+ tensorboard-plugin-profile==2.15.0
753
+ tensorboard==2.15.1
754
+ tensorboardX==2.6.2.2
755
+ tensorflow-cloud==0.1.16
756
+ tensorflow-datasets==4.9.4
757
+ tensorflow-decision-forests==1.8.1
758
+ tensorflow-estimator==2.15.0
759
+ tensorflow-hub==0.16.1
760
+ tensorflow-io-gcs-filesystem==0.35.0
761
+ tensorflow-io==0.35.0
762
+ tensorflow-metadata==0.14.0
763
+ tensorflow-probability==0.23.0
764
+ tensorflow-serving-api==2.14.1
765
+ tensorflow-text==2.15.0
766
+ tensorflow-transform==0.14.0
767
+ tensorflow==2.15.0
768
+ tensorpack==0.11
769
+ tensorstore==0.1.56
770
+ termcolor==2.4.0
771
+ terminado==0.18.0
772
+ testpath==0.6.0
773
+ text-unidecode==1.3
774
+ textblob==0.18.0.post0
775
+ texttable==1.7.0
776
+ tf_keras==2.15.1
777
+ tfp-nightly==0.24.0.dev0
778
+ thinc==8.2.2
779
+ threadpoolctl==3.2.0
780
+ tifffile==2023.12.9
781
+ timm==0.9.16
782
+ tinycss2==1.2.1
783
+ tobler==0.11.2
784
+ tokenizers==0.15.2
785
+ toml==0.10.2
786
+ tomli==2.0.1
787
+ tomlkit==0.12.4
788
+ toolz==0.12.1
789
+ torch==2.1.2
790
+ torchaudio==2.1.2
791
+ torchdata==0.7.1
792
+ torchinfo==1.8.0
793
+ torchmetrics==1.3.2
794
+ torchtext==0.16.2
795
+ torchvision==0.16.2
796
+ tornado==6.3.3
797
+ tqdm==4.66.1
798
+ traceml==1.0.8
799
+ traitlets==5.9.0
800
+ traittypes==0.2.1
801
+ transformers==4.38.2
802
+ treelite-runtime==3.2.0
803
+ treelite==3.2.0
804
+ trl==0.8.1
805
+ trueskill==0.4.5
806
+ truststore==0.8.0
807
+ trx-python==0.2.9
808
+ tsfresh==0.20.2
809
+ typeguard==4.1.5
810
+ typer==0.9.0
811
+ types-python-dateutil==2.8.19.20240106
812
+ typing-inspect==0.9.0
813
+ typing-utils==0.1.0
814
+ typing_extensions==4.9.0
815
+ tyro==0.8.2
816
+ tzdata==2023.4
817
+ uc-micro-py==1.0.3
818
+ ucx-py==0.33.0
819
+ ujson==5.9.0
820
+ umap-learn==0.5.5
821
+ unicodedata2==15.1.0
822
+ update-checker==0.18.0
823
+ uri-template==1.3.0
824
+ uritemplate==3.0.1
825
+ urllib3==1.26.18
826
+ urllib3==2.1.0
827
+ urwid==2.6.9
828
+ urwid_readline==0.14
829
+ uvicorn==0.25.0
830
+ uvloop==0.19.0
831
+ vaex-astro==0.9.3
832
+ vaex-core==4.17.1
833
+ vaex-hdf5==0.14.1
834
+ vaex-jupyter==0.8.2
835
+ vaex-ml==0.18.3
836
+ vaex-server==0.9.0
837
+ vaex-viz==0.5.4
838
+ vaex==4.17.0
839
+ vec_noise==1.1.4
840
+ vecstack==0.4.0
841
+ virtualenv==20.21.0
842
+ visions==0.7.5
843
+ vowpalwabbit==9.9.0
844
+ vtk==9.3.0
845
+ wandb==0.16.4
846
+ wasabi==1.1.2
847
+ watchfiles==0.21.0
848
+ wavio==0.0.8
849
+ wcwidth==0.2.13
850
+ weasel==0.3.4
851
+ webcolors==1.13
852
+ webencodings==0.5.1
853
+ websocket-client==1.7.0
854
+ websockets==12.0
855
+ wfdb==4.1.2
856
+ whatthepatch==1.0.5
857
+ wheel==0.42.0
858
+ widgetsnbextension==3.6.6
859
+ witwidget==1.8.1
860
+ woodwork==0.29.0
861
+ wordcloud==1.9.3
862
+ wordsegment==1.3.1
863
+ wrapt==1.14.1
864
+ xarray-einstats==0.7.0
865
+ xarray==2024.2.0
866
+ xgboost==2.0.3
867
+ xvfbwrapper==0.2.9
868
+ xxhash==3.4.1
869
+ xyzservices==2023.10.1
870
+ y-py==0.6.2
871
+ yapf==0.40.2
872
+ yarl==1.9.3
873
+ yarl==1.9.4
874
+ ydata-profiling==4.6.4
875
+ yellowbrick==1.5
876
+ ypy-websocket==0.8.4
877
+ zict==3.0.0
878
+ zipp==3.17.0
879
+ zstandard==0.22.0
wandb/run-20240408_202622-e7ipds5r/files/wandb-metadata.json ADDED
@@ -0,0 +1,66 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.133+-x86_64-with-glibc2.31",
3
+ "python": "3.10.13",
4
+ "heartbeatAt": "2024-04-08T20:26:23.375466",
5
+ "startedAt": "2024-04-08T20:26:22.756825",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "kaggle.ipynb",
11
+ "codePathLocal": null,
12
+ "root": "/kaggle/working",
13
+ "host": "622eb14e717e",
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.14,
20
+ "min": 0.0,
21
+ "max": 0.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2000.14,
26
+ "min": 0.0,
27
+ "max": 0.0
28
+ },
29
+ {
30
+ "current": 2000.14,
31
+ "min": 0.0,
32
+ "max": 0.0
33
+ },
34
+ {
35
+ "current": 2000.14,
36
+ "min": 0.0,
37
+ "max": 0.0
38
+ },
39
+ {
40
+ "current": 2000.14,
41
+ "min": 0.0,
42
+ "max": 0.0
43
+ }
44
+ ],
45
+ "disk": {
46
+ "/": {
47
+ "total": 8062.387607574463,
48
+ "used": 5568.727535247803
49
+ }
50
+ },
51
+ "gpu": "Tesla T4",
52
+ "gpu_count": 2,
53
+ "gpu_devices": [
54
+ {
55
+ "name": "Tesla T4",
56
+ "memory_total": 16106127360
57
+ },
58
+ {
59
+ "name": "Tesla T4",
60
+ "memory_total": 16106127360
61
+ }
62
+ ],
63
+ "memory": {
64
+ "total": 31.357559204101562
65
+ }
66
+ }
wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"train/loss": 3.3771, "train/grad_norm": 6.049938201904297, "train/learning_rate": 3.5294117647058825e-06, "train/epoch": 0.0, "train/global_step": 120, "_timestamp": 1712608200.1904802, "_runtime": 217.42743515968323, "_step": 5, "_wandb": {"runtime": 237}}
wandb/run-20240408_202622-e7ipds5r/logs/debug-internal.log ADDED
@@ -0,0 +1,330 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-04-08 20:26:22,764 INFO StreamThr :823 [internal.py:wandb_internal():86] W&B internal server running at pid: 823, started at: 2024-04-08 20:26:22.763383
2
+ 2024-04-08 20:26:22,765 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status
3
+ 2024-04-08 20:26:23,135 INFO WriterThread:823 [datastore.py:open_for_write():87] open: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/run-e7ipds5r.wandb
4
+ 2024-04-08 20:26:23,135 DEBUG SenderThread:823 [sender.py:send():378] send: header
5
+ 2024-04-08 20:26:23,138 DEBUG SenderThread:823 [sender.py:send():378] send: run
6
+ 2024-04-08 20:26:23,253 INFO SenderThread:823 [dir_watcher.py:__init__():211] watching files in: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files
7
+ 2024-04-08 20:26:23,253 INFO SenderThread:823 [sender.py:_start_run_threads():1099] run started: e7ipds5r with start time 1712607982.763045
8
+ 2024-04-08 20:26:23,261 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: check_version
9
+ 2024-04-08 20:26:23,261 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: check_version
10
+ 2024-04-08 20:26:23,350 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: run_start
11
+ 2024-04-08 20:26:23,360 DEBUG HandlerThread:823 [system_info.py:__init__():26] System info init
12
+ 2024-04-08 20:26:23,360 DEBUG HandlerThread:823 [system_info.py:__init__():41] System info init done
13
+ 2024-04-08 20:26:23,361 INFO HandlerThread:823 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-04-08 20:26:23,361 INFO SystemMonitor:823 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-04-08 20:26:23,361 INFO HandlerThread:823 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-04-08 20:26:23,361 INFO SystemMonitor:823 [interfaces.py:start():190] Started cpu monitoring
17
+ 2024-04-08 20:26:23,362 INFO SystemMonitor:823 [interfaces.py:start():190] Started disk monitoring
18
+ 2024-04-08 20:26:23,363 INFO SystemMonitor:823 [interfaces.py:start():190] Started gpu monitoring
19
+ 2024-04-08 20:26:23,364 INFO SystemMonitor:823 [interfaces.py:start():190] Started memory monitoring
20
+ 2024-04-08 20:26:23,365 INFO SystemMonitor:823 [interfaces.py:start():190] Started network monitoring
21
+ 2024-04-08 20:26:23,375 DEBUG HandlerThread:823 [system_info.py:probe():150] Probing system
22
+ 2024-04-08 20:26:23,377 DEBUG HandlerThread:823 [gitlib.py:_init_repo():56] git repository is invalid
23
+ 2024-04-08 20:26:23,377 DEBUG HandlerThread:823 [system_info.py:probe():198] Probing system done
24
+ 2024-04-08 20:26:23,377 DEBUG HandlerThread:823 [system_monitor.py:probe():223] {'os': 'Linux-5.15.133+-x86_64-with-glibc2.31', 'python': '3.10.13', 'heartbeatAt': '2024-04-08T20:26:23.375466', 'startedAt': '2024-04-08T20:26:22.756825', 'docker': None, 'cuda': None, 'args': (), 'state': 'running', 'program': 'kaggle.ipynb', 'codePathLocal': None, 'root': '/kaggle/working', 'host': '622eb14e717e', 'username': 'root', 'executable': '/opt/conda/bin/python3.10', 'cpu_count': 2, 'cpu_count_logical': 4, 'cpu_freq': {'current': 2000.14, 'min': 0.0, 'max': 0.0}, 'cpu_freq_per_core': [{'current': 2000.14, 'min': 0.0, 'max': 0.0}, {'current': 2000.14, 'min': 0.0, 'max': 0.0}, {'current': 2000.14, 'min': 0.0, 'max': 0.0}, {'current': 2000.14, 'min': 0.0, 'max': 0.0}], 'disk': {'/': {'total': 8062.387607574463, 'used': 5568.727535247803}}, 'gpu': 'Tesla T4', 'gpu_count': 2, 'gpu_devices': [{'name': 'Tesla T4', 'memory_total': 16106127360}, {'name': 'Tesla T4', 'memory_total': 16106127360}], 'memory': {'total': 31.357559204101562}}
25
+ 2024-04-08 20:26:23,377 INFO HandlerThread:823 [system_monitor.py:probe():224] Finished collecting system info
26
+ 2024-04-08 20:26:23,377 INFO HandlerThread:823 [system_monitor.py:probe():227] Publishing system info
27
+ 2024-04-08 20:26:23,377 DEBUG HandlerThread:823 [system_info.py:_save_conda():207] Saving list of conda packages installed into the current environment
28
+ 2024-04-08 20:26:24,255 INFO Thread-12 :823 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/conda-environment.yaml
29
+ 2024-04-08 20:27:18,271 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/conda-environment.yaml
30
+ 2024-04-08 20:27:18,767 DEBUG HandlerThread:823 [system_info.py:_save_conda():219] Saving conda packages done
31
+ 2024-04-08 20:27:18,768 INFO HandlerThread:823 [system_monitor.py:probe():229] Finished publishing system info
32
+ 2024-04-08 20:27:18,773 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
33
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
34
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
35
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
36
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
37
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
38
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
39
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
40
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
41
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
42
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
43
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: python_packages
44
+ 2024-04-08 20:27:18,774 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: stop_status
45
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: internal_messages
46
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
47
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
48
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
49
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
50
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
51
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
52
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
53
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
54
+ 2024-04-08 20:27:18,775 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
55
+ 2024-04-08 20:27:18,777 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: python_packages
56
+ 2024-04-08 20:27:18,780 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: stop_status
57
+ 2024-04-08 20:27:18,820 DEBUG SenderThread:823 [sender.py:send():378] send: telemetry
58
+ 2024-04-08 20:27:18,821 DEBUG SenderThread:823 [sender.py:send():378] send: config
59
+ 2024-04-08 20:27:18,823 DEBUG SenderThread:823 [sender.py:send():378] send: metric
60
+ 2024-04-08 20:27:18,823 DEBUG SenderThread:823 [sender.py:send():378] send: telemetry
61
+ 2024-04-08 20:27:18,824 DEBUG SenderThread:823 [sender.py:send():378] send: metric
62
+ 2024-04-08 20:27:18,824 WARNING SenderThread:823 [sender.py:send_metric():1316] Seen metric with glob (shouldn't happen)
63
+ 2024-04-08 20:27:18,824 DEBUG SenderThread:823 [sender.py:send():378] send: telemetry
64
+ 2024-04-08 20:27:18,825 DEBUG SenderThread:823 [sender.py:send():378] send: files
65
+ 2024-04-08 20:27:18,825 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-metadata.json with policy now
66
+ 2024-04-08 20:27:19,055 INFO wandb-upload_0:823 [upload_job.py:push():131] Uploaded file /tmp/tmpo241np2dwandb/elvgsb5j-wandb-metadata.json
67
+ 2024-04-08 20:27:19,272 INFO Thread-12 :823 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/requirements.txt
68
+ 2024-04-08 20:27:19,272 INFO Thread-12 :823 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-metadata.json
69
+ 2024-04-08 20:27:19,272 INFO Thread-12 :823 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
70
+ 2024-04-08 20:27:20,499 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
71
+ 2024-04-08 20:27:21,273 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
72
+ 2024-04-08 20:27:23,365 DEBUG SystemMonitor:823 [system_monitor.py:_start():172] Starting system metrics aggregation loop
73
+ 2024-04-08 20:27:23,367 DEBUG SenderThread:823 [sender.py:send():378] send: stats
74
+ 2024-04-08 20:27:23,376 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
75
+ 2024-04-08 20:27:24,274 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/config.yaml
76
+ 2024-04-08 20:27:25,510 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
77
+ 2024-04-08 20:27:28,472 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
78
+ 2024-04-08 20:27:30,182 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: partial_history
79
+ 2024-04-08 20:27:30,185 DEBUG SenderThread:823 [sender.py:send():378] send: metric
80
+ 2024-04-08 20:27:30,185 DEBUG SenderThread:823 [sender.py:send():378] send: metric
81
+ 2024-04-08 20:27:30,185 DEBUG SenderThread:823 [sender.py:send():378] send: metric
82
+ 2024-04-08 20:27:30,185 DEBUG SenderThread:823 [sender.py:send():378] send: metric
83
+ 2024-04-08 20:27:30,185 DEBUG SenderThread:823 [sender.py:send():378] send: history
84
+ 2024-04-08 20:27:30,185 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: summary_record
85
+ 2024-04-08 20:27:30,186 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
86
+ 2024-04-08 20:27:30,276 INFO Thread-12 :823 [dir_watcher.py:_on_file_created():271] file/dir created: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json
87
+ 2024-04-08 20:27:30,516 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
88
+ 2024-04-08 20:27:33,278 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
89
+ 2024-04-08 20:27:34,037 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
90
+ 2024-04-08 20:27:35,523 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
91
+ 2024-04-08 20:27:39,038 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
92
+ 2024-04-08 20:27:40,529 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
93
+ 2024-04-08 20:27:44,039 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
94
+ 2024-04-08 20:27:45,535 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
95
+ 2024-04-08 20:27:49,040 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
96
+ 2024-04-08 20:27:50,546 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
97
+ 2024-04-08 20:27:53,368 DEBUG SenderThread:823 [sender.py:send():378] send: stats
98
+ 2024-04-08 20:27:54,374 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
99
+ 2024-04-08 20:27:55,286 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/config.yaml
100
+ 2024-04-08 20:27:55,558 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
101
+ 2024-04-08 20:27:59,493 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
102
+ 2024-04-08 20:28:00,574 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
103
+ 2024-04-08 20:28:00,606 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: partial_history
104
+ 2024-04-08 20:28:00,607 DEBUG SenderThread:823 [sender.py:send():378] send: history
105
+ 2024-04-08 20:28:00,607 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: summary_record
106
+ 2024-04-08 20:28:00,608 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
107
+ 2024-04-08 20:28:01,289 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json
108
+ 2024-04-08 20:28:03,290 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
109
+ 2024-04-08 20:28:05,490 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
110
+ 2024-04-08 20:28:05,597 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
111
+ 2024-04-08 20:28:10,492 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
112
+ 2024-04-08 20:28:10,879 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
113
+ 2024-04-08 20:28:15,492 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
114
+ 2024-04-08 20:28:15,880 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
115
+ 2024-04-08 20:28:20,493 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
116
+ 2024-04-08 20:28:20,881 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
117
+ 2024-04-08 20:28:23,368 DEBUG SenderThread:823 [sender.py:send():378] send: stats
118
+ 2024-04-08 20:28:25,887 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
119
+ 2024-04-08 20:28:26,369 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
120
+ 2024-04-08 20:28:29,347 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: partial_history
121
+ 2024-04-08 20:28:29,348 DEBUG SenderThread:823 [sender.py:send():378] send: history
122
+ 2024-04-08 20:28:29,348 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: summary_record
123
+ 2024-04-08 20:28:29,349 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
124
+ 2024-04-08 20:28:30,301 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json
125
+ 2024-04-08 20:28:30,894 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
126
+ 2024-04-08 20:28:31,302 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
127
+ 2024-04-08 20:28:32,196 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
128
+ 2024-04-08 20:28:35,900 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
129
+ 2024-04-08 20:28:37,197 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
130
+ 2024-04-08 20:28:40,901 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
131
+ 2024-04-08 20:28:42,198 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
132
+ 2024-04-08 20:28:45,963 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
133
+ 2024-04-08 20:28:47,199 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
134
+ 2024-04-08 20:28:50,965 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
135
+ 2024-04-08 20:28:52,200 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
136
+ 2024-04-08 20:28:53,369 DEBUG SenderThread:823 [sender.py:send():378] send: stats
137
+ 2024-04-08 20:28:55,971 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
138
+ 2024-04-08 20:28:57,370 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
139
+ 2024-04-08 20:28:58,922 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: partial_history
140
+ 2024-04-08 20:28:58,923 DEBUG SenderThread:823 [sender.py:send():378] send: history
141
+ 2024-04-08 20:28:58,923 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: summary_record
142
+ 2024-04-08 20:28:58,924 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
143
+ 2024-04-08 20:28:59,313 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json
144
+ 2024-04-08 20:29:00,971 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
145
+ 2024-04-08 20:29:01,314 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
146
+ 2024-04-08 20:29:02,865 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
147
+ 2024-04-08 20:29:05,972 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
148
+ 2024-04-08 20:29:07,866 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
149
+ 2024-04-08 20:29:10,974 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
150
+ 2024-04-08 20:29:12,867 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
151
+ 2024-04-08 20:29:15,975 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
152
+ 2024-04-08 20:29:17,868 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
153
+ 2024-04-08 20:29:21,195 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
154
+ 2024-04-08 20:29:22,869 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
155
+ 2024-04-08 20:29:23,370 DEBUG SenderThread:823 [sender.py:send():378] send: stats
156
+ 2024-04-08 20:29:26,196 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
157
+ 2024-04-08 20:29:28,372 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
158
+ 2024-04-08 20:29:30,593 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: partial_history
159
+ 2024-04-08 20:29:30,594 DEBUG SenderThread:823 [sender.py:send():378] send: history
160
+ 2024-04-08 20:29:30,595 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: summary_record
161
+ 2024-04-08 20:29:30,595 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
162
+ 2024-04-08 20:29:31,207 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
163
+ 2024-04-08 20:29:31,326 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json
164
+ 2024-04-08 20:29:33,327 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
165
+ 2024-04-08 20:29:33,454 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
166
+ 2024-04-08 20:29:36,214 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
167
+ 2024-04-08 20:29:38,455 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
168
+ 2024-04-08 20:29:41,215 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
169
+ 2024-04-08 20:29:43,455 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
170
+ 2024-04-08 20:29:46,221 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
171
+ 2024-04-08 20:29:48,456 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
172
+ 2024-04-08 20:29:51,232 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
173
+ 2024-04-08 20:29:53,371 DEBUG SenderThread:823 [sender.py:send():378] send: stats
174
+ 2024-04-08 20:29:54,372 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
175
+ 2024-04-08 20:29:56,263 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
176
+ 2024-04-08 20:29:59,373 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
177
+ 2024-04-08 20:30:00,191 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: partial_history
178
+ 2024-04-08 20:30:00,192 DEBUG SenderThread:823 [sender.py:send():378] send: history
179
+ 2024-04-08 20:30:00,192 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: summary_record
180
+ 2024-04-08 20:30:00,193 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
181
+ 2024-04-08 20:30:00,337 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json
182
+ 2024-04-08 20:30:01,264 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
183
+ 2024-04-08 20:30:03,338 INFO Thread-12 :823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
184
+ 2024-04-08 20:30:05,118 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
185
+ 2024-04-08 20:30:06,267 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
186
+ 2024-04-08 20:30:10,119 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
187
+ 2024-04-08 20:30:11,268 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
188
+ 2024-04-08 20:30:15,120 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
189
+ 2024-04-08 20:30:16,275 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
190
+ 2024-04-08 20:30:20,121 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
191
+ 2024-04-08 20:30:20,722 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: pause
192
+ 2024-04-08 20:30:20,723 INFO HandlerThread:823 [handler.py:handle_request_pause():708] stopping system metrics thread
193
+ 2024-04-08 20:30:20,723 INFO HandlerThread:823 [system_monitor.py:finish():203] Stopping system monitor
194
+ 2024-04-08 20:30:20,723 DEBUG SystemMonitor:823 [system_monitor.py:_start():179] Finished system metrics aggregation loop
195
+ 2024-04-08 20:30:20,723 DEBUG SystemMonitor:823 [system_monitor.py:_start():183] Publishing last batch of metrics
196
+ 2024-04-08 20:30:20,724 INFO HandlerThread:823 [interfaces.py:finish():202] Joined cpu monitor
197
+ 2024-04-08 20:30:20,725 INFO HandlerThread:823 [interfaces.py:finish():202] Joined disk monitor
198
+ 2024-04-08 20:30:20,736 INFO HandlerThread:823 [interfaces.py:finish():202] Joined gpu monitor
199
+ 2024-04-08 20:30:20,736 INFO HandlerThread:823 [interfaces.py:finish():202] Joined memory monitor
200
+ 2024-04-08 20:30:20,736 INFO HandlerThread:823 [interfaces.py:finish():202] Joined network monitor
201
+ 2024-04-08 20:30:20,736 DEBUG SenderThread:823 [sender.py:send():378] send: stats
202
+ 2024-04-08 20:30:21,281 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: keepalive
203
+ 2024-04-08 20:30:25,738 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
204
+ 2024-04-08 20:30:26,367 DEBUG SenderThread:823 [sender.py:send():378] send: exit
205
+ 2024-04-08 20:30:26,367 INFO SenderThread:823 [sender.py:send_exit():585] handling exit code: 0
206
+ 2024-04-08 20:30:26,367 INFO SenderThread:823 [sender.py:send_exit():587] handling runtime: 237
207
+ 2024-04-08 20:30:26,369 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
208
+ 2024-04-08 20:30:26,369 INFO SenderThread:823 [sender.py:send_exit():593] send defer
209
+ 2024-04-08 20:30:26,369 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
210
+ 2024-04-08 20:30:26,370 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 0
211
+ 2024-04-08 20:30:26,370 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
212
+ 2024-04-08 20:30:26,370 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 0
213
+ 2024-04-08 20:30:26,370 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 1
214
+ 2024-04-08 20:30:26,370 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
215
+ 2024-04-08 20:30:26,370 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 1
216
+ 2024-04-08 20:30:26,370 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
217
+ 2024-04-08 20:30:26,370 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 1
218
+ 2024-04-08 20:30:26,370 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 2
219
+ 2024-04-08 20:30:26,371 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
220
+ 2024-04-08 20:30:26,371 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 2
221
+ 2024-04-08 20:30:26,371 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
222
+ 2024-04-08 20:30:26,371 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 2
223
+ 2024-04-08 20:30:26,371 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 3
224
+ 2024-04-08 20:30:26,371 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
225
+ 2024-04-08 20:30:26,371 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 3
226
+ 2024-04-08 20:30:26,371 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
227
+ 2024-04-08 20:30:26,371 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 3
228
+ 2024-04-08 20:30:26,371 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 4
229
+ 2024-04-08 20:30:26,371 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
230
+ 2024-04-08 20:30:26,371 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 4
231
+ 2024-04-08 20:30:26,372 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
232
+ 2024-04-08 20:30:26,372 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 4
233
+ 2024-04-08 20:30:26,372 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 5
234
+ 2024-04-08 20:30:26,372 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
235
+ 2024-04-08 20:30:26,372 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 5
236
+ 2024-04-08 20:30:26,372 DEBUG SenderThread:823 [sender.py:send():378] send: summary
237
+ 2024-04-08 20:30:26,373 INFO SenderThread:823 [sender.py:_save_file():1365] saving file wandb-summary.json with policy end
238
+ 2024-04-08 20:30:26,373 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
239
+ 2024-04-08 20:30:26,373 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 5
240
+ 2024-04-08 20:30:26,373 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 6
241
+ 2024-04-08 20:30:26,373 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
242
+ 2024-04-08 20:30:26,373 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 6
243
+ 2024-04-08 20:30:26,373 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
244
+ 2024-04-08 20:30:26,373 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 6
245
+ 2024-04-08 20:30:26,373 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 7
246
+ 2024-04-08 20:30:26,373 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: status_report
247
+ 2024-04-08 20:30:26,374 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
248
+ 2024-04-08 20:30:26,374 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 7
249
+ 2024-04-08 20:30:26,374 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
250
+ 2024-04-08 20:30:26,374 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 7
251
+ 2024-04-08 20:30:27,058 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 8
252
+ 2024-04-08 20:30:27,058 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
253
+ 2024-04-08 20:30:27,058 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 8
254
+ 2024-04-08 20:30:27,058 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
255
+ 2024-04-08 20:30:27,059 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 8
256
+ 2024-04-08 20:30:27,059 INFO SenderThread:823 [job_builder.py:build():298] Attempting to build job artifact
257
+ 2024-04-08 20:30:27,060 INFO SenderThread:823 [job_builder.py:_get_source_type():439] no source found
258
+ 2024-04-08 20:30:27,061 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 9
259
+ 2024-04-08 20:30:27,061 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
260
+ 2024-04-08 20:30:27,061 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 9
261
+ 2024-04-08 20:30:27,061 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
262
+ 2024-04-08 20:30:27,061 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 9
263
+ 2024-04-08 20:30:27,061 INFO SenderThread:823 [dir_watcher.py:finish():358] shutting down directory watcher
264
+ 2024-04-08 20:30:27,346 INFO SenderThread:823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json
265
+ 2024-04-08 20:30:27,347 INFO SenderThread:823 [dir_watcher.py:_on_file_modified():288] file/dir modified: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
266
+ 2024-04-08 20:30:27,347 INFO SenderThread:823 [dir_watcher.py:finish():388] scan: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files
267
+ 2024-04-08 20:30:27,347 INFO SenderThread:823 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/conda-environment.yaml conda-environment.yaml
268
+ 2024-04-08 20:30:27,347 INFO SenderThread:823 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log output.log
269
+ 2024-04-08 20:30:27,348 INFO SenderThread:823 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-metadata.json wandb-metadata.json
270
+ 2024-04-08 20:30:27,348 INFO SenderThread:823 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/config.yaml config.yaml
271
+ 2024-04-08 20:30:27,354 INFO SenderThread:823 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json wandb-summary.json
272
+ 2024-04-08 20:30:27,354 INFO SenderThread:823 [dir_watcher.py:finish():402] scan save: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/requirements.txt requirements.txt
273
+ 2024-04-08 20:30:27,361 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 10
274
+ 2024-04-08 20:30:27,361 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
275
+ 2024-04-08 20:30:27,361 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 10
276
+ 2024-04-08 20:30:27,364 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
277
+ 2024-04-08 20:30:27,364 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 10
278
+ 2024-04-08 20:30:27,364 INFO SenderThread:823 [file_pusher.py:finish():172] shutting down file pusher
279
+ 2024-04-08 20:30:27,368 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: poll_exit
280
+ 2024-04-08 20:30:27,369 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: poll_exit
281
+ 2024-04-08 20:30:27,509 INFO wandb-upload_0:823 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/output.log
282
+ 2024-04-08 20:30:27,579 INFO wandb-upload_2:823 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/config.yaml
283
+ 2024-04-08 20:30:27,579 INFO wandb-upload_3:823 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/wandb-summary.json
284
+ 2024-04-08 20:30:27,588 INFO wandb-upload_1:823 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/conda-environment.yaml
285
+ 2024-04-08 20:30:27,590 INFO wandb-upload_4:823 [upload_job.py:push():131] Uploaded file /kaggle/working/wandb/run-20240408_202622-e7ipds5r/files/requirements.txt
286
+ 2024-04-08 20:30:27,790 INFO Thread-11 (_thread_body):823 [sender.py:transition_state():613] send defer: 11
287
+ 2024-04-08 20:30:27,791 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
288
+ 2024-04-08 20:30:27,791 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 11
289
+ 2024-04-08 20:30:27,791 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
290
+ 2024-04-08 20:30:27,791 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 11
291
+ 2024-04-08 20:30:27,792 INFO SenderThread:823 [file_pusher.py:join():178] waiting for file pusher
292
+ 2024-04-08 20:30:27,792 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 12
293
+ 2024-04-08 20:30:27,792 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
294
+ 2024-04-08 20:30:27,792 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 12
295
+ 2024-04-08 20:30:27,792 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
296
+ 2024-04-08 20:30:27,792 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 12
297
+ 2024-04-08 20:30:27,792 INFO SenderThread:823 [file_stream.py:finish():595] file stream finish called
298
+ 2024-04-08 20:30:27,839 INFO SenderThread:823 [file_stream.py:finish():599] file stream finish is done
299
+ 2024-04-08 20:30:27,839 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 13
300
+ 2024-04-08 20:30:27,840 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
301
+ 2024-04-08 20:30:27,840 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 13
302
+ 2024-04-08 20:30:27,840 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
303
+ 2024-04-08 20:30:27,840 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 13
304
+ 2024-04-08 20:30:27,840 INFO SenderThread:823 [sender.py:transition_state():613] send defer: 14
305
+ 2024-04-08 20:30:27,840 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: defer
306
+ 2024-04-08 20:30:27,840 INFO HandlerThread:823 [handler.py:handle_request_defer():172] handle defer: 14
307
+ 2024-04-08 20:30:27,841 DEBUG SenderThread:823 [sender.py:send():378] send: final
308
+ 2024-04-08 20:30:27,841 DEBUG SenderThread:823 [sender.py:send():378] send: footer
309
+ 2024-04-08 20:30:27,841 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: defer
310
+ 2024-04-08 20:30:27,841 INFO SenderThread:823 [sender.py:send_request_defer():609] handle sender defer: 14
311
+ 2024-04-08 20:30:27,841 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: poll_exit
312
+ 2024-04-08 20:30:27,842 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: poll_exit
313
+ 2024-04-08 20:30:27,843 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: poll_exit
314
+ 2024-04-08 20:30:27,843 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: poll_exit
315
+ 2024-04-08 20:30:27,844 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: server_info
316
+ 2024-04-08 20:30:27,844 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: server_info
317
+ 2024-04-08 20:30:27,847 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: get_summary
318
+ 2024-04-08 20:30:27,847 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: sampled_history
319
+ 2024-04-08 20:30:27,848 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: internal_messages
320
+ 2024-04-08 20:30:27,848 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: job_info
321
+ 2024-04-08 20:30:27,862 DEBUG SenderThread:823 [sender.py:send_request():405] send_request: job_info
322
+ 2024-04-08 20:30:27,862 INFO MainThread:823 [wandb_run.py:_footer_history_summary_info():3851] rendering history
323
+ 2024-04-08 20:30:27,862 INFO MainThread:823 [wandb_run.py:_footer_history_summary_info():3883] rendering summary
324
+ 2024-04-08 20:30:27,863 INFO MainThread:823 [wandb_run.py:_footer_sync_info():3810] logging synced files
325
+ 2024-04-08 20:30:27,863 DEBUG HandlerThread:823 [handler.py:handle_request():146] handle_request: shutdown
326
+ 2024-04-08 20:30:27,863 INFO HandlerThread:823 [handler.py:finish():869] shutting down handler
327
+ 2024-04-08 20:30:28,849 INFO WriterThread:823 [datastore.py:close():296] close: /kaggle/working/wandb/run-20240408_202622-e7ipds5r/run-e7ipds5r.wandb
328
+ 2024-04-08 20:30:28,862 INFO SenderThread:823 [sender.py:finish():1521] shutting down sender
329
+ 2024-04-08 20:30:28,862 INFO SenderThread:823 [file_pusher.py:finish():172] shutting down file pusher
330
+ 2024-04-08 20:30:28,862 INFO SenderThread:823 [file_pusher.py:join():178] waiting for file pusher
wandb/run-20240408_202622-e7ipds5r/logs/debug.log ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-04-08 20:26:22,758 INFO MainThread:781 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4
2
+ 2024-04-08 20:26:22,758 INFO MainThread:781 [wandb_setup.py:_flush():76] Configure stats pid to 781
3
+ 2024-04-08 20:26:22,758 INFO MainThread:781 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-04-08 20:26:22,758 INFO MainThread:781 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-04-08 20:26:22,758 INFO MainThread:781 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-04-08 20:26:22,758 INFO MainThread:781 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-04-08 20:26:22,758 INFO MainThread:781 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-04-08 20:26:22,759 INFO MainThread:781 [wandb_init.py:_log_setup():526] Logging user logs to /kaggle/working/wandb/run-20240408_202622-e7ipds5r/logs/debug.log
9
+ 2024-04-08 20:26:22,759 INFO MainThread:781 [wandb_init.py:_log_setup():527] Logging internal logs to /kaggle/working/wandb/run-20240408_202622-e7ipds5r/logs/debug-internal.log
10
+ 2024-04-08 20:26:22,759 INFO MainThread:781 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7bdb34728f10>
11
+ 2024-04-08 20:26:22,759 INFO MainThread:781 [wandb_init.py:init():566] calling init triggers
12
+ 2024-04-08 20:26:22,759 INFO MainThread:781 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
13
+ config: {}
14
+ 2024-04-08 20:26:22,759 INFO MainThread:781 [wandb_init.py:init():616] starting backend
15
+ 2024-04-08 20:26:22,759 INFO MainThread:781 [wandb_init.py:init():620] setting up manager
16
+ 2024-04-08 20:26:22,761 INFO MainThread:781 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
17
+ 2024-04-08 20:26:22,762 INFO MainThread:781 [wandb_init.py:init():628] backend started and connected
18
+ 2024-04-08 20:26:22,774 INFO MainThread:781 [wandb_run.py:_label_probe_notebook():1295] probe notebook
19
+ 2024-04-08 20:26:23,134 INFO MainThread:781 [wandb_init.py:init():720] updated telemetry
20
+ 2024-04-08 20:26:23,137 INFO MainThread:781 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
21
+ 2024-04-08 20:26:23,260 INFO MainThread:781 [wandb_run.py:_on_init():2262] communicating current version
22
+ 2024-04-08 20:26:23,344 INFO MainThread:781 [wandb_run.py:_on_init():2271] got version response upgrade_message: "wandb version 0.16.6 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
23
+
24
+ 2024-04-08 20:26:23,344 INFO MainThread:781 [wandb_init.py:init():804] starting run threads in backend
25
+ 2024-04-08 20:26:54,296 INFO MainThread:781 [wandb_run.py:_console_start():2241] atexit reg
26
+ 2024-04-08 20:26:54,296 INFO MainThread:781 [wandb_run.py:_redirect():2096] redirect: wrap_raw
27
+ 2024-04-08 20:26:54,298 INFO MainThread:781 [wandb_run.py:_redirect():2161] Wrapping output streams.
28
+ 2024-04-08 20:26:54,298 INFO MainThread:781 [wandb_run.py:_redirect():2186] Redirects installed.
29
+ 2024-04-08 20:26:54,299 INFO MainThread:781 [wandb_init.py:init():847] run started, returning control to user process
30
+ 2024-04-08 20:26:54,307 INFO MainThread:781 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 32000, 'max_position_embeddings': 2048, 'hidden_size': 2048, 'intermediate_size': 5632, 'num_hidden_layers': 22, 'num_attention_heads': 32, 'num_key_value_heads': 4, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': False, 'rope_theta': 10000.0, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'chunk_size_feed_forward': 0, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'typical_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['LlamaForCausalLM'], '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': 1, 'pad_token_id': None, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T', 'transformers_version': '4.38.2', 'model_type': 'llama', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', '_load_in_8bit': False, '_load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': False, 'bnb_4bit_compute_dtype': 'float16', 'load_in_4bit': True, 'load_in_8bit': False}, 'output_dir': '/kaggle/working/', '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': 2, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 1.5e-05, 'weight_decay': 0.001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.1, 'num_train_epochs': 1, 'max_steps': 17000, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/Apr08_20-26-16_622eb14e717e', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 20, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 20, 'save_total_limit': 1, '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, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': 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}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
31
+ 2024-04-08 20:30:20,721 INFO MainThread:781 [jupyter.py:save_ipynb():373] not saving jupyter notebook
32
+ 2024-04-08 20:30:20,722 INFO MainThread:781 [wandb_init.py:_pause_backend():437] pausing backend
wandb/run-20240408_202622-e7ipds5r/run-e7ipds5r.wandb ADDED
Binary file (21.1 kB). View file
 
wandb/run-20240408_203054-ldiuneeg/files/conda-environment.yaml ADDED
@@ -0,0 +1,1068 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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.9.1=py310h2372a71_0
13
+ - aiosignal=1.3.1=pyhd8ed1ab_0
14
+ - annotated-types=0.6.0=pyhd8ed1ab_0
15
+ - anyio=4.2.0=pyhd8ed1ab_0
16
+ - archspec=0.2.2=pyhd8ed1ab_0
17
+ - argon2-cffi=23.1.0=pyhd8ed1ab_0
18
+ - argon2-cffi-bindings=21.2.0=py310h2372a71_4
19
+ - arrow=1.3.0=pyhd8ed1ab_0
20
+ - arrow-cpp=11.0.0=ha770c72_9_cpu
21
+ - asttokens=2.4.1=pyhd8ed1ab_0
22
+ - async-timeout=4.0.3=pyhd8ed1ab_0
23
+ - atk-1.0=2.38.0=hd4edc92_1
24
+ - attrs=23.2.0=pyh71513ae_0
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
+ - beautifulsoup4=4.12.2=pyha770c72_0
39
+ - bleach=6.1.0=pyhd8ed1ab_0
40
+ - boltons=23.1.1=pyhd8ed1ab_0
41
+ - brotli=1.0.9=h166bdaf_9
42
+ - brotli-bin=1.0.9=h166bdaf_9
43
+ - brotli-python=1.0.9=py310hd8f1fbe_9
44
+ - brotlipy=0.7.0=py310h7f8727e_1002
45
+ - bzip2=1.0.8=h7b6447c_0
46
+ - c-ares=1.25.0=hd590300_0
47
+ - ca-certificates=2024.2.2=hbcca054_0
48
+ - cached-property=1.5.2=hd8ed1ab_1
49
+ - cached_property=1.5.2=pyha770c72_1
50
+ - cairo=1.18.0=h3faef2a_0
51
+ - cartopy=0.22.0=py310hcc13569_1
52
+ - catalogue=2.0.10=py310hff52083_0
53
+ - certifi=2024.2.2=pyhd8ed1ab_0
54
+ - cffi=1.16.0=py310h2fee648_0
55
+ - charset-normalizer=3.3.2=pyhd8ed1ab_0
56
+ - click=8.1.7=unix_pyh707e725_0
57
+ - cloudpathlib=0.16.0=pyhd8ed1ab_0
58
+ - colorama=0.4.6=pyhd8ed1ab_0
59
+ - comm=0.2.1=pyhd8ed1ab_0
60
+ - conda=23.7.4=py310hff52083_0
61
+ - conda-libmamba-solver=23.7.0=pyhd8ed1ab_0
62
+ - conda-package-handling=2.2.0=pyh38be061_0
63
+ - conda-package-streaming=0.9.0=pyhd8ed1ab_0
64
+ - confection=0.1.4=py310h17c5347_0
65
+ - contourpy=1.2.0=py310hd41b1e2_0
66
+ - cryptography=41.0.7=py310hb8475ec_1
67
+ - cuda-cccl=12.4.99=0
68
+ - cuda-cudart=12.4.99=0
69
+ - cuda-cudart-dev=12.4.99=0
70
+ - cuda-nvcc-dev_linux-64=12.1.105=ha770c72_0
71
+ - cuda-nvcc-impl=12.1.105=hd3aeb46_0
72
+ - cuda-nvcc-tools=12.1.105=hd3aeb46_0
73
+ - cuda-nvrtc=12.1.105=hd3aeb46_0
74
+ - cuda-profiler-api=12.4.99=0
75
+ - cuda-python=12.4.0=py310h52dc4f0_0
76
+ - cuda-version=12.1=h1d6eff3_3
77
+ - cudf=23.08.00=cuda12_py310_230809_g8150d38e08_0
78
+ - cuml=23.08.00=cuda12_py310_230809_gd7162cdea_0
79
+ - cupy=13.0.0=py310h7aad9d2_3
80
+ - cupy-core=13.0.0=py310had4011e_3
81
+ - curl=8.6.0=hca28451_0
82
+ - cycler=0.12.1=pyhd8ed1ab_0
83
+ - cymem=2.0.8=py310hc6cd4ac_1
84
+ - cython-blis=0.7.10=py310h1f7b6fc_2
85
+ - cytoolz=0.12.3=py310h2372a71_0
86
+ - dask-cuda=23.08.00=py310_230809_gefbd6ca_0
87
+ - dask-cudf=23.08.00=cuda12_py310_230809_g8150d38e08_0
88
+ - debugpy=1.8.0=py310hc6cd4ac_1
89
+ - decorator=5.1.1=pyhd8ed1ab_0
90
+ - defusedxml=0.7.1=pyhd8ed1ab_0
91
+ - distributed=2023.7.1=pyhd8ed1ab_0
92
+ - distro=1.9.0=pyhd8ed1ab_0
93
+ - dlenv-tf-2-15-gpu=1.0.20240111=py310ha20f8e0_0
94
+ - dlpack=0.5=h9c3ff4c_0
95
+ - entrypoints=0.4=pyhd8ed1ab_0
96
+ - exceptiongroup=1.2.0=pyhd8ed1ab_2
97
+ - executing=2.0.1=pyhd8ed1ab_0
98
+ - expat=2.6.2=h59595ed_0
99
+ - fastrlock=0.8.2=py310hc6cd4ac_2
100
+ - fftw=3.3.10=nompi_hc118613_108
101
+ - fmt=9.1.0=h924138e_0
102
+ - font-ttf-dejavu-sans-mono=2.37=hab24e00_0
103
+ - font-ttf-inconsolata=3.000=h77eed37_0
104
+ - font-ttf-source-code-pro=2.038=h77eed37_0
105
+ - font-ttf-ubuntu=0.83=h77eed37_1
106
+ - fontconfig=2.14.2=h14ed4e7_0
107
+ - fonts-conda-ecosystem=1=0
108
+ - fonts-conda-forge=1=0
109
+ - fqdn=1.5.1=pyhd8ed1ab_0
110
+ - freetype=2.12.1=h267a509_2
111
+ - fribidi=1.0.10=h36c2ea0_0
112
+ - frozenlist=1.4.1=py310h2372a71_0
113
+ - gdk-pixbuf=2.42.10=h829c605_5
114
+ - geos=3.11.1=h27087fc_0
115
+ - gettext=0.21.1=h27087fc_0
116
+ - gflags=2.2.2=he1b5a44_1004
117
+ - ghostscript=10.03.0=h59595ed_0
118
+ - giflib=5.2.1=h0b41bf4_3
119
+ - glog=0.6.0=h6f12383_0
120
+ - gmock=1.14.0=ha770c72_1
121
+ - gmp=6.3.0=h59595ed_0
122
+ - google-api-core-grpc=2.11.1=hd8ed1ab_0
123
+ - google-auth=2.26.1=pyhca7485f_0
124
+ - google-cloud-core=2.4.1=pyhd8ed1ab_0
125
+ - google-cloud-datastore=2.19.0=pyhd8ed1ab_0
126
+ - googleapis-common-protos=1.62.0=pyhd8ed1ab_0
127
+ - graphite2=1.3.13=h58526e2_1001
128
+ - graphviz=9.0.0=h78e8752_1
129
+ - grpc-cpp=1.51.1=h27aab58_3
130
+ - gtest=1.14.0=h00ab1b0_1
131
+ - gtk2=2.24.33=h280cfa0_4
132
+ - gts=0.7.6=h977cf35_4
133
+ - harfbuzz=8.3.0=h3d44ed6_0
134
+ - icu=73.2=h59595ed_0
135
+ - idna=3.6=pyhd8ed1ab_0
136
+ - imagemagick=7.1.1_29=pl5321hb90aeea_0
137
+ - importlib_metadata=7.0.1=hd8ed1ab_0
138
+ - importlib_resources=6.1.1=pyhd8ed1ab_0
139
+ - intel-openmp=2023.1.0=hdb19cb5_46306
140
+ - ipykernel=6.28.0=pyhd33586a_0
141
+ - ipython=8.20.0=pyh707e725_0
142
+ - ipython_genutils=0.2.0=py_1
143
+ - isoduration=20.11.0=pyhd8ed1ab_0
144
+ - jbig=2.1=h7f98852_2003
145
+ - jedi=0.19.1=pyhd8ed1ab_0
146
+ - jinja2=3.1.2=pyhd8ed1ab_1
147
+ - joblib=1.3.2=pyhd8ed1ab_0
148
+ - jsonpatch=1.33=pyhd8ed1ab_0
149
+ - jsonpointer=2.4=py310hff52083_3
150
+ - jsonschema=4.20.0=pyhd8ed1ab_0
151
+ - jsonschema-specifications=2023.12.1=pyhd8ed1ab_0
152
+ - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0
153
+ - jupyter_client=8.6.0=pyhd8ed1ab_0
154
+ - jupyter_core=5.7.1=py310hff52083_0
155
+ - jupyter_events=0.9.0=pyhd8ed1ab_0
156
+ - jupyter_server_terminals=0.5.1=pyhd8ed1ab_0
157
+ - jupyterlab_pygments=0.3.0=pyhd8ed1ab_0
158
+ - keyutils=1.6.1=h166bdaf_0
159
+ - kiwisolver=1.4.5=py310hd41b1e2_1
160
+ - krb5=1.21.2=h659d440_0
161
+ - langcodes=3.3.0=pyhd8ed1ab_0
162
+ - lcms2=2.16=hb7c19ff_0
163
+ - ld_impl_linux-64=2.40=h41732ed_0
164
+ - lerc=4.0.0=h27087fc_0
165
+ - libabseil=20230125.0=cxx17_hcb278e6_1
166
+ - libarchive=3.6.2=h039dbb9_1
167
+ - libarrow=11.0.0=h33598ff_9_cpu
168
+ - libblas=3.9.0=21_linux64_openblas
169
+ - libbrotlicommon=1.0.9=h166bdaf_9
170
+ - libbrotlidec=1.0.9=h166bdaf_9
171
+ - libbrotlienc=1.0.9=h166bdaf_9
172
+ - libcblas=3.9.0=21_linux64_openblas
173
+ - libcrc32c=1.1.2=h9c3ff4c_0
174
+ - libcublas=12.1.3.1=hd3aeb46_0
175
+ - libcublas-dev=12.1.3.1=0
176
+ - libcudf=23.08.00=cuda12_230809_g8150d38e08_0
177
+ - libcufft=11.0.2.54=hd3aeb46_0
178
+ - libcufile=1.9.0.20=0
179
+ - libcufile-dev=1.9.0.20=0
180
+ - libcuml=23.08.00=cuda12_230809_gd7162cdea_0
181
+ - libcumlprims=23.08.00=cuda12_230809_g71c0a86_0
182
+ - libcurand=10.3.2.106=hd3aeb46_0
183
+ - libcurand-dev=10.3.2.106=0
184
+ - libcurl=8.6.0=hca28451_0
185
+ - libcusolver=11.4.5.107=hd3aeb46_0
186
+ - libcusolver-dev=11.4.5.107=0
187
+ - libcusparse=12.1.0.106=hd3aeb46_0
188
+ - libcusparse-dev=12.1.0.106=0
189
+ - libdeflate=1.19=hd590300_0
190
+ - libedit=3.1.20191231=he28a2e2_2
191
+ - libev=4.33=hd590300_2
192
+ - libevent=2.1.10=h28343ad_4
193
+ - libexpat=2.6.2=h59595ed_0
194
+ - libffi=3.4.2=h7f98852_5
195
+ - libgcc-ng=13.2.0=h807b86a_3
196
+ - libgd=2.3.3=h119a65a_9
197
+ - libgfortran-ng=13.2.0=h69a702a_5
198
+ - libgfortran5=13.2.0=ha4646dd_5
199
+ - libglib=2.80.0=hf2295e7_0
200
+ - libgomp=13.2.0=h807b86a_3
201
+ - libgoogle-cloud=2.8.0=h3c06191_0
202
+ - libgrpc=1.51.1=hcf146ea_3
203
+ - libhwloc=2.9.3=default_h554bfaf_1009
204
+ - libiconv=1.17=hd590300_2
205
+ - libjpeg-turbo=3.0.0=hd590300_1
206
+ - libkvikio=23.08.00=cuda12_230809_g51a9036_0
207
+ - liblapack=3.9.0=21_linux64_openblas
208
+ - libllvm14=14.0.6=hcd5def8_4
209
+ - libmamba=1.5.0=h658169a_0
210
+ - libmambapy=1.5.0=py310h8aae740_0
211
+ - libnghttp2=1.58.0=h47da74e_1
212
+ - libnsl=2.0.1=hd590300_0
213
+ - libnuma=2.0.18=hd590300_0
214
+ - libnvjitlink=12.1.105=hd3aeb46_0
215
+ - libopenblas=0.3.26=pthreads_h413a1c8_0
216
+ - libpng=1.6.43=h2797004_0
217
+ - libprotobuf=3.21.12=hfc55251_2
218
+ - libraft=23.08.00=cuda12_230809_ge588d7b5_0
219
+ - libraft-headers=23.08.00=cuda12_230809_ge588d7b5_0
220
+ - libraft-headers-only=23.08.00=cuda12_230809_ge588d7b5_0
221
+ - librmm=23.08.00=cuda12_230809_gf3af0e8d_0
222
+ - librsvg=2.56.3=he3f83f7_1
223
+ - libsodium=1.0.18=h36c2ea0_1
224
+ - libsolv=0.7.27=hfc55251_0
225
+ - libsqlite=3.44.2=h2797004_0
226
+ - libssh2=1.11.0=h0841786_0
227
+ - libstdcxx-ng=13.2.0=h7e041cc_3
228
+ - libthrift=0.18.0=h5e4af38_0
229
+ - libtiff=4.6.0=ha9c0a0a_2
230
+ - libutf8proc=2.8.0=h166bdaf_0
231
+ - libuuid=2.38.1=h0b41bf4_0
232
+ - libuv=1.46.0=hd590300_0
233
+ - libwebp=1.3.2=h658648e_1
234
+ - libwebp-base=1.3.2=hd590300_0
235
+ - libxcb=1.15=h0b41bf4_0
236
+ - libxcrypt=4.4.36=hd590300_1
237
+ - libxml2=2.12.6=h232c23b_0
238
+ - libzlib=1.2.13=hd590300_5
239
+ - llvm-openmp=8.0.1=hc9558a2_0
240
+ - locket=1.0.0=pyhd8ed1ab_0
241
+ - lz4=4.3.3=py310h350c4a5_0
242
+ - lz4-c=1.9.4=hcb278e6_0
243
+ - lzo=2.10=h516909a_1000
244
+ - magma-cuda121=2.6.1=1
245
+ - mamba=1.5.0=py310h51d5547_0
246
+ - markdown-it-py=3.0.0=pyhd8ed1ab_0
247
+ - matplotlib-base=3.8.3=py310h62c0568_0
248
+ - matplotlib-inline=0.1.6=pyhd8ed1ab_0
249
+ - mdurl=0.1.2=pyhd8ed1ab_0
250
+ - menuinst=2.0.1=py310hff52083_0
251
+ - mkl=2023.1.0=h213fc3f_46344
252
+ - msgpack-python=1.0.7=py310hd41b1e2_0
253
+ - multidict=6.0.4=py310h2372a71_1
254
+ - munkres=1.1.4=pyh9f0ad1d_0
255
+ - murmurhash=1.0.10=py310hc6cd4ac_1
256
+ - nb_conda=2.2.1=unix_7
257
+ - nb_conda_kernels=2.3.1=pyhd8ed1ab_3
258
+ - nbclassic=1.0.0=pyhb4ecaf3_1
259
+ - nbconvert-pandoc=7.14.0=pyhd8ed1ab_0
260
+ - nbformat=5.9.2=pyhd8ed1ab_0
261
+ - nccl=2.20.5.1=h3a97aeb_0
262
+ - ncurses=6.4=h59595ed_2
263
+ - nest-asyncio=1.5.8=pyhd8ed1ab_0
264
+ - nodejs=20.9.0=hb753e55_0
265
+ - notebook-shim=0.2.3=pyhd8ed1ab_0
266
+ - numpy=1.26.4=py310hb13e2d6_0
267
+ - nvcomp=2.6.1=h10b603f_3
268
+ - nvtx=0.2.10=py310h2372a71_0
269
+ - openjpeg=2.5.2=h488ebb8_0
270
+ - openmp=8.0.1=0
271
+ - openssl=3.2.1=hd590300_0
272
+ - orc=1.8.2=hfdbbad2_2
273
+ - overrides=7.4.0=pyhd8ed1ab_0
274
+ - pandoc=3.1.3=h32600fe_0
275
+ - pandocfilters=1.5.0=pyhd8ed1ab_0
276
+ - pango=1.52.1=ha41ecd1_0
277
+ - parquet-cpp=1.5.1=2
278
+ - parso=0.8.3=pyhd8ed1ab_0
279
+ - partd=1.4.1=pyhd8ed1ab_0
280
+ - pathy=0.10.3=py310h06a4308_0
281
+ - pcre2=10.43=hcad00b1_0
282
+ - perl=5.32.1=7_hd590300_perl5
283
+ - pickleshare=0.7.5=py_1003
284
+ - pip=23.3.2=pyhd8ed1ab_0
285
+ - pixman=0.43.2=h59595ed_0
286
+ - pkg-config=0.29.2=h36c2ea0_1008
287
+ - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_1
288
+ - preshed=3.0.9=py310hc6cd4ac_1
289
+ - proj=9.3.1=h1d62c97_0
290
+ - prometheus_client=0.19.0=pyhd8ed1ab_0
291
+ - proto-plus=1.23.0=pyhd8ed1ab_0
292
+ - pthread-stubs=0.4=h36c2ea0_1001
293
+ - ptyprocess=0.7.0=pyhd3deb0d_0
294
+ - pure_eval=0.2.2=pyhd8ed1ab_0
295
+ - pyarrow=11.0.0=py310h633f555_9_cpu
296
+ - pyasn1=0.5.1=pyhd8ed1ab_0
297
+ - pyasn1-modules=0.3.0=pyhd8ed1ab_0
298
+ - pybind11-abi=4=hd8ed1ab_3
299
+ - pycosat=0.6.6=py310h2372a71_0
300
+ - pygments=2.17.2=pyhd8ed1ab_0
301
+ - pylibraft=23.08.00=cuda12_py310_230809_ge588d7b5_0
302
+ - pynvml=11.4.1=pyhd8ed1ab_0
303
+ - pyopenssl=23.3.0=pyhd8ed1ab_0
304
+ - pyproj=3.6.1=py310hd5c30f3_5
305
+ - pyshp=2.3.1=pyhd8ed1ab_0
306
+ - pysocks=1.7.1=py310h06a4308_0
307
+ - python=3.10.13=hd12c33a_1_cpython
308
+ - python-fastjsonschema=2.19.1=pyhd8ed1ab_0
309
+ - python-json-logger=2.0.7=pyhd8ed1ab_0
310
+ - python_abi=3.10=4_cp310
311
+ - pyu2f=0.1.5=pyhd8ed1ab_0
312
+ - pyyaml=6.0.1=py310h2372a71_1
313
+ - raft-dask=23.08.00=cuda12_py310_230809_ge588d7b5_0
314
+ - rdma-core=28.9=h59595ed_1
315
+ - re2=2023.02.02=hcb278e6_0
316
+ - readline=8.2=h8228510_1
317
+ - referencing=0.32.1=pyhd8ed1ab_0
318
+ - reproc=14.2.4.post0=hd590300_1
319
+ - reproc-cpp=14.2.4.post0=h59595ed_1
320
+ - requests=2.31.0=pyhd8ed1ab_0
321
+ - rfc3339-validator=0.1.4=pyhd8ed1ab_0
322
+ - rfc3986-validator=0.1.1=pyh9f0ad1d_0
323
+ - rmm=23.08.00=cuda12_py310_230809_gf3af0e8d_0
324
+ - rpds-py=0.16.2=py310hcb5633a_0
325
+ - rsa=4.9=pyhd8ed1ab_0
326
+ - ruamel.yaml=0.17.40=py310h2372a71_0
327
+ - ruamel.yaml.clib=0.2.7=py310h2372a71_2
328
+ - ruamel_yaml=0.15.100=py310h7f8727e_0
329
+ - s2n=1.3.41=h3358134_0
330
+ - send2trash=1.8.2=pyh41d4057_0
331
+ - setuptools=69.0.3=pyhd8ed1ab_0
332
+ - shellingham=1.5.4=pyhd8ed1ab_0
333
+ - smart_open=6.4.0=pyhd8ed1ab_0
334
+ - snappy=1.1.10=h9fff704_0
335
+ - sniffio=1.3.0=pyhd8ed1ab_0
336
+ - sortedcontainers=2.4.0=pyhd8ed1ab_0
337
+ - soupsieve=2.5=pyhd8ed1ab_1
338
+ - spacy=3.7.2=py310hcb52e73_0
339
+ - spacy-legacy=3.0.12=pyhd8ed1ab_0
340
+ - spacy-loggers=1.0.5=pyhd8ed1ab_0
341
+ - spdlog=1.11.0=h9b3ece8_1
342
+ - sqlite=3.38.2=hc218d9a_0
343
+ - srsly=2.4.8=py310hc6cd4ac_1
344
+ - stack_data=0.6.2=pyhd8ed1ab_0
345
+ - tblib=3.0.0=pyhd8ed1ab_0
346
+ - terminado=0.18.0=pyh0d859eb_0
347
+ - thinc=8.2.2=py310hcb52e73_0
348
+ - tinycss2=1.2.1=pyhd8ed1ab_0
349
+ - tk=8.6.13=noxft_h4845f30_101
350
+ - toolz=0.12.1=pyhd8ed1ab_0
351
+ - tornado=6.3.3=py310h2372a71_1
352
+ - tqdm=4.66.1=pyhd8ed1ab_0
353
+ - traitlets=5.9.0=pyhd8ed1ab_0
354
+ - treelite=3.2.0=py310h1be96d9_0
355
+ - truststore=0.8.0=pyhd8ed1ab_0
356
+ - typer=0.9.0=pyhd8ed1ab_0
357
+ - types-python-dateutil=2.8.19.20240106=pyhd8ed1ab_0
358
+ - typing-extensions=4.9.0=hd8ed1ab_0
359
+ - typing_extensions=4.9.0=pyha770c72_0
360
+ - typing_utils=0.1.0=pyhd8ed1ab_0
361
+ - ucx=1.14.1=h195a15c_5
362
+ - ucx-proc=1.0.0=gpu
363
+ - ucx-py=0.33.00=py310_230809_gea1eb8f_0
364
+ - unicodedata2=15.1.0=py310h2372a71_0
365
+ - uri-template=1.3.0=pyhd8ed1ab_0
366
+ - wasabi=1.1.2=py310hff52083_0
367
+ - wcwidth=0.2.13=pyhd8ed1ab_0
368
+ - weasel=0.3.4=pyhd8ed1ab_0
369
+ - webcolors=1.13=pyhd8ed1ab_0
370
+ - webencodings=0.5.1=pyhd8ed1ab_2
371
+ - websocket-client=1.7.0=pyhd8ed1ab_0
372
+ - wheel=0.42.0=pyhd8ed1ab_0
373
+ - xorg-kbproto=1.0.7=h7f98852_1002
374
+ - xorg-libice=1.1.1=hd590300_0
375
+ - xorg-libsm=1.2.4=h7391055_0
376
+ - xorg-libx11=1.8.7=h8ee46fc_0
377
+ - xorg-libxau=1.0.11=hd590300_0
378
+ - xorg-libxdmcp=1.1.3=h7f98852_0
379
+ - xorg-libxext=1.3.4=h0b41bf4_2
380
+ - xorg-libxrender=0.9.11=hd590300_0
381
+ - xorg-libxt=1.3.0=hd590300_1
382
+ - xorg-renderproto=0.11.1=h7f98852_1002
383
+ - xorg-xextproto=7.3.0=h0b41bf4_1003
384
+ - xorg-xproto=7.0.31=h7f98852_1007
385
+ - xyzservices=2023.10.1=pyhd8ed1ab_0
386
+ - xz=5.2.6=h166bdaf_0
387
+ - yaml=0.2.5=h7b6447c_0
388
+ - yaml-cpp=0.7.0=h59595ed_3
389
+ - zeromq=4.3.5=h59595ed_0
390
+ - zict=3.0.0=pyhd8ed1ab_0
391
+ - zipp=3.17.0=pyhd8ed1ab_0
392
+ - zlib=1.2.13=hd590300_5
393
+ - zstandard=0.22.0=py310h1275a96_0
394
+ - zstd=1.5.5=hfc55251_0
395
+ - pip:
396
+ - absl-py==1.4.0
397
+ - accelerate==0.28.0
398
+ - access==1.1.9
399
+ - affine==2.4.0
400
+ - aiobotocore==2.12.1
401
+ - aiofiles==22.1.0
402
+ - aiohttp-cors==0.7.0
403
+ - aioitertools==0.11.0
404
+ - aiorwlock==1.3.0
405
+ - aiosqlite==0.19.0
406
+ - albumentations==1.4.0
407
+ - alembic==1.13.1
408
+ - altair==5.2.0
409
+ - annoy==1.17.3
410
+ - apache-beam==2.46.0
411
+ - aplus==0.11.0
412
+ - appdirs==1.4.4
413
+ - array-record==0.5.0
414
+ - arviz==0.17.1
415
+ - astroid==3.0.3
416
+ - astropy==6.0.0
417
+ - astropy-iers-data==0.2024.3.18.0.29.47
418
+ - astunparse==1.6.3
419
+ - async-lru==2.0.4
420
+ - audioread==3.0.1
421
+ - autopep8==2.0.4
422
+ - babel==2.14.0
423
+ - backoff==2.2.1
424
+ - bayesian-optimization==1.4.3
425
+ - beatrix-jupyterlab==2023.128.151533
426
+ - bidict==0.23.1
427
+ - bitsandbytes==0.43.0
428
+ - blake3==0.2.1
429
+ - blessed==1.20.0
430
+ - blinker==1.7.0
431
+ - blosc2==2.5.1
432
+ - bokeh==3.3.4
433
+ - boruta==0.3
434
+ - boto3==1.26.100
435
+ - botocore==1.34.51
436
+ - bqplot==0.12.43
437
+ - branca==0.7.1
438
+ - brewer2mpl==1.4.1
439
+ - cachetools==4.2.4
440
+ - catalyst==22.4
441
+ - catboost==1.2.3
442
+ - category-encoders==2.6.3
443
+ - cesium==0.12.1
444
+ - chex==0.1.85
445
+ - cleverhans==4.0.0
446
+ - click-plugins==1.1.1
447
+ - cligj==0.7.2
448
+ - cloud-tpu-client==0.10
449
+ - cloud-tpu-profiler==2.4.0
450
+ - cloudpickle==2.2.1
451
+ - cmdstanpy==1.2.1
452
+ - cmudict==1.0.21
453
+ - colorcet==3.1.0
454
+ - colorful==0.5.6
455
+ - colorlog==6.8.2
456
+ - colorlover==0.3.0
457
+ - contextily==1.5.2
458
+ - convertdate==2.4.0
459
+ - crcmod==1.7
460
+ - cufflinks==0.17.3
461
+ - cvxcanon==0.1.2
462
+ - cython==3.0.8
463
+ - daal==2024.1.0
464
+ - daal4py==2024.1.0
465
+ - dacite==1.8.1
466
+ - dask==2024.3.1
467
+ - dask-expr==1.0.4
468
+ - dataclasses-json==0.6.4
469
+ - dataproc-jupyter-plugin==0.1.66
470
+ - datasets==2.16.0
471
+ - datashader==0.16.0
472
+ - datatile==1.0.3
473
+ - db-dtypes==1.2.0
474
+ - deap==1.4.1
475
+ - deepdiff==6.7.1
476
+ - deprecated==1.2.14
477
+ - deprecation==2.1.0
478
+ - descartes==1.1.0
479
+ - dill==0.3.7
480
+ - dipy==1.9.0
481
+ - distlib==0.3.8
482
+ - dm-tree==0.1.8
483
+ - docker==7.0.0
484
+ - docker-pycreds==0.4.0
485
+ - docopt==0.6.2
486
+ - docstring-parser==0.15
487
+ - docstring-to-markdown==0.15
488
+ - docutils==0.20.1
489
+ - earthengine-api==0.1.394
490
+ - easydict==1.13
491
+ - easyocr==1.7.1
492
+ - ecos==2.0.13
493
+ - eli5==0.13.0
494
+ - emoji==2.10.1
495
+ - en-core-web-lg==3.7.1
496
+ - en-core-web-sm==3.7.1
497
+ - ephem==4.1.5
498
+ - esda==2.5.1
499
+ - essentia==2.1b6.dev1110
500
+ - et-xmlfile==1.1.0
501
+ - etils==1.6.0
502
+ - explainable-ai-sdk==1.3.3
503
+ - farama-notifications==0.0.4
504
+ - fastai==2.7.14
505
+ - fastapi==0.108.0
506
+ - fastavro==1.9.3
507
+ - fastcore==1.5.29
508
+ - fastdownload==0.0.7
509
+ - fasteners==0.19
510
+ - fastprogress==1.0.3
511
+ - fasttext==0.9.2
512
+ - feather-format==0.4.1
513
+ - featuretools==1.30.0
514
+ - filelock==3.13.1
515
+ - fiona==1.9.6
516
+ - fitter==1.7.0
517
+ - flake8==7.0.0
518
+ - flashtext==2.7
519
+ - flask==3.0.2
520
+ - flatbuffers==23.5.26
521
+ - flax==0.8.2
522
+ - folium==0.16.0
523
+ - fonttools==4.47.0
524
+ - frozendict==2.4.0
525
+ - fsspec==2023.10.0
526
+ - funcy==2.0
527
+ - fury==0.10.0
528
+ - future==1.0.0
529
+ - fuzzywuzzy==0.18.0
530
+ - gast==0.5.4
531
+ - gatspy==0.3
532
+ - gcsfs==2023.12.2.post1
533
+ - gensim==4.3.2
534
+ - geographiclib==2.0
535
+ - geohash==1.0
536
+ - geojson==3.1.0
537
+ - geopandas==0.14.3
538
+ - geoplot==0.5.1
539
+ - geopy==2.4.1
540
+ - geoviews==1.11.1
541
+ - ggplot==0.11.5
542
+ - giddy==2.3.5
543
+ - gitdb==4.0.11
544
+ - gitpython==3.1.41
545
+ - google-ai-generativelanguage==0.4.0
546
+ - google-api-core==2.17.1
547
+ - google-api-python-client==2.122.0
548
+ - google-apitools==0.5.31
549
+ - google-auth-httplib2==0.1.1
550
+ - google-auth-oauthlib==1.2.0
551
+ - google-cloud-aiplatform==0.6.0a1
552
+ - google-cloud-artifact-registry==1.10.0
553
+ - google-cloud-automl==1.0.1
554
+ - google-cloud-bigquery==2.34.4
555
+ - google-cloud-bigtable==1.7.3
556
+ - google-cloud-dlp==3.14.0
557
+ - google-cloud-jupyter-config==0.0.5
558
+ - google-cloud-language==2.13.3
559
+ - google-cloud-monitoring==2.18.0
560
+ - google-cloud-pubsub==2.19.0
561
+ - google-cloud-pubsublite==1.9.0
562
+ - google-cloud-recommendations-ai==0.7.1
563
+ - google-cloud-resource-manager==1.11.0
564
+ - google-cloud-spanner==3.40.1
565
+ - google-cloud-storage==1.44.0
566
+ - google-cloud-translate==3.12.1
567
+ - google-cloud-videointelligence==2.13.3
568
+ - google-cloud-vision==2.8.0
569
+ - google-crc32c==1.5.0
570
+ - google-generativeai==0.4.1
571
+ - google-pasta==0.2.0
572
+ - google-resumable-media==2.7.0
573
+ - gplearn==0.4.2
574
+ - gpustat==1.0.0
575
+ - gpxpy==1.6.2
576
+ - greenlet==3.0.3
577
+ - grpc-google-iam-v1==0.12.7
578
+ - grpcio==1.60.0
579
+ - grpcio-status==1.48.2
580
+ - gviz-api==1.10.0
581
+ - gym==0.26.2
582
+ - gym-notices==0.0.8
583
+ - gymnasium==0.29.0
584
+ - h11==0.14.0
585
+ - h2o==3.46.0.1
586
+ - h5netcdf==1.3.0
587
+ - h5py==3.10.0
588
+ - haversine==2.8.1
589
+ - hdfs==2.7.3
590
+ - hep-ml==0.7.2
591
+ - hijri-converter==2.3.1
592
+ - hmmlearn==0.3.2
593
+ - holidays==0.24
594
+ - holoviews==1.18.3
595
+ - hpsklearn==0.1.0
596
+ - html5lib==1.1
597
+ - htmlmin==0.1.12
598
+ - httpcore==1.0.4
599
+ - httplib2==0.21.0
600
+ - httptools==0.6.1
601
+ - httpx==0.27.0
602
+ - huggingface-hub==0.22.2
603
+ - hunspell==0.5.5
604
+ - husl==4.0.3
605
+ - hydra-slayer==0.5.0
606
+ - hyperopt==0.2.7
607
+ - hypertools==0.8.0
608
+ - igraph==0.11.4
609
+ - imagecodecs==2024.1.1
610
+ - imagehash==4.3.1
611
+ - imageio==2.33.1
612
+ - imbalanced-learn==0.12.0
613
+ - imgaug==0.4.0
614
+ - importlib-metadata==6.11.0
615
+ - inequality==1.0.1
616
+ - iniconfig==2.0.0
617
+ - ipydatawidgets==4.3.5
618
+ - ipyleaflet==0.18.2
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.2
624
+ - ipyvuetify==1.9.2
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.23
633
+ - jax-jumpy==1.0.0
634
+ - jaxlib==0.4.23.dev20240116
635
+ - jeepney==0.8.0
636
+ - jieba==0.42.1
637
+ - jmespath==1.0.1
638
+ - json5==0.9.14
639
+ - jupyter-client==7.4.9
640
+ - jupyter-console==6.6.3
641
+ - jupyter-http-over-ws==0.0.8
642
+ - jupyter-lsp==1.5.1
643
+ - jupyter-server==2.13.0
644
+ - jupyter-server-fileid==0.9.1
645
+ - jupyter-server-mathjax==0.2.6
646
+ - jupyter-server-proxy==4.1.0
647
+ - jupyter-server-ydoc==0.8.0
648
+ - jupyter-ydoc==0.2.5
649
+ - jupyterlab==4.1.5
650
+ - jupyterlab-git==0.44.0
651
+ - jupyterlab-lsp==5.1.0
652
+ - jupyterlab-server==2.25.2
653
+ - jupyterlab-widgets==3.0.9
654
+ - jupytext==1.16.0
655
+ - kaggle==1.6.6
656
+ - kaggle-environments==1.14.3
657
+ - kagglehub==0.2.0
658
+ - keras==3.0.5
659
+ - keras-cv==0.8.2
660
+ - keras-nlp==0.8.2
661
+ - keras-tuner==1.4.6
662
+ - kernels-mixer==0.0.7
663
+ - keyring==24.3.0
664
+ - keyrings-google-artifactregistry-auth==1.1.2
665
+ - kfp==2.5.0
666
+ - kfp-pipeline-spec==0.2.2
667
+ - kfp-server-api==2.0.5
668
+ - kmapper==2.0.1
669
+ - kmodes==0.12.2
670
+ - korean-lunar-calendar==0.3.1
671
+ - kornia==0.7.2
672
+ - kornia-rs==0.1.2
673
+ - kt-legacy==1.0.5
674
+ - kubernetes==26.1.0
675
+ - langid==1.1.6
676
+ - lazy-loader==0.3
677
+ - learntools==0.3.4
678
+ - leven==1.0.4
679
+ - levenshtein==0.25.0
680
+ - libclang==16.0.6
681
+ - libpysal==4.9.2
682
+ - librosa==0.10.1
683
+ - lightgbm==4.2.0
684
+ - lightning-utilities==0.10.1
685
+ - lime==0.2.0.1
686
+ - line-profiler==4.1.2
687
+ - linkify-it-py==2.0.3
688
+ - llvmlite==0.41.1
689
+ - lml==0.1.0
690
+ - loguru==0.7.2
691
+ - lunarcalendar==0.0.9
692
+ - lxml==5.1.0
693
+ - mako==1.3.2
694
+ - mapclassify==2.6.1
695
+ - markdown==3.5.2
696
+ - markovify==0.9.4
697
+ - markupsafe==2.1.5
698
+ - marshmallow==3.21.1
699
+ - matplotlib==3.7.5
700
+ - matplotlib-venn==0.11.10
701
+ - mccabe==0.7.0
702
+ - mdit-py-plugins==0.4.0
703
+ - memory-profiler==0.61.0
704
+ - mercantile==1.2.1
705
+ - mgwr==2.2.1
706
+ - missingno==0.5.2
707
+ - mistune==0.8.4
708
+ - mizani==0.11.0
709
+ - ml-dtypes==0.2.0
710
+ - mlcrate==0.2.0
711
+ - mlens==0.2.3
712
+ - mlxtend==0.23.1
713
+ - mmh3==4.1.0
714
+ - mne==1.6.1
715
+ - mnist==0.2.2
716
+ - mock==5.1.0
717
+ - momepy==0.7.0
718
+ - more-itertools==10.2.0
719
+ - mpld3==0.5.10
720
+ - mpmath==1.3.0
721
+ - msgpack-numpy==0.4.8
722
+ - multimethod==1.10
723
+ - multipledispatch==1.0.0
724
+ - multiprocess==0.70.15
725
+ - mypy-extensions==1.0.0
726
+ - namex==0.0.7
727
+ - nbclient==0.5.13
728
+ - nbconvert==6.4.5
729
+ - nbdime==3.2.0
730
+ - ndindex==1.8
731
+ - networkx==3.2.1
732
+ - nibabel==5.2.1
733
+ - nilearn==0.10.3
734
+ - ninja==1.11.1.1
735
+ - nltk==3.2.4
736
+ - nose==1.3.7
737
+ - notebook==6.5.6
738
+ - notebook-executor==0.2
739
+ - numba==0.58.1
740
+ - numexpr==2.9.0
741
+ - nvidia-ml-py==11.495.46
742
+ - oauth2client==4.1.3
743
+ - oauthlib==3.2.2
744
+ - objsize==0.6.1
745
+ - odfpy==1.4.1
746
+ - olefile==0.47
747
+ - onnx==1.15.0
748
+ - opencensus==0.11.4
749
+ - opencensus-context==0.1.3
750
+ - opencv-contrib-python==4.9.0.80
751
+ - opencv-python==4.9.0.80
752
+ - opencv-python-headless==4.9.0.80
753
+ - openpyxl==3.1.2
754
+ - openslide-python==1.3.1
755
+ - opentelemetry-api==1.22.0
756
+ - opentelemetry-exporter-otlp==1.22.0
757
+ - opentelemetry-exporter-otlp-proto-common==1.22.0
758
+ - opentelemetry-exporter-otlp-proto-grpc==1.22.0
759
+ - opentelemetry-exporter-otlp-proto-http==1.22.0
760
+ - opentelemetry-proto==1.22.0
761
+ - opentelemetry-sdk==1.22.0
762
+ - opentelemetry-semantic-conventions==0.43b0
763
+ - opt-einsum==3.3.0
764
+ - optax==0.2.1
765
+ - optuna==3.6.0
766
+ - orbax-checkpoint==0.5.6
767
+ - ordered-set==4.1.0
768
+ - orjson==3.9.10
769
+ - ortools==9.4.1874
770
+ - osmnx==1.9.1
771
+ - packaging==21.3
772
+ - pandas==2.2.1
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.8
778
+ - papermill==2.5.0
779
+ - param==2.0.2
780
+ - path==16.10.0
781
+ - path-py==12.5.0
782
+ - pathos==0.3.2
783
+ - patsy==0.5.6
784
+ - pdf2image==1.17.0
785
+ - peft==0.10.0
786
+ - pettingzoo==1.24.0
787
+ - pexpect==4.9.0
788
+ - phik==0.12.4
789
+ - pillow==9.5.0
790
+ - platformdirs==4.2.0
791
+ - plotly==5.18.0
792
+ - plotly-express==0.4.1
793
+ - plotnine==0.13.2
794
+ - pluggy==1.4.0
795
+ - pointpats==2.4.0
796
+ - polars==0.20.15
797
+ - polyglot==16.7.4
798
+ - pooch==1.8.1
799
+ - pox==0.3.4
800
+ - ppca==0.0.4
801
+ - ppft==1.7.6.8
802
+ - preprocessing==0.1.13
803
+ - prettytable==3.9.0
804
+ - progressbar2==4.4.2
805
+ - promise==2.3
806
+ - prompt-toolkit==3.0.43
807
+ - pronouncing==0.2.0
808
+ - prophet==1.1.1
809
+ - protobuf==3.20.3
810
+ - psutil==5.9.3
811
+ - pudb==2024.1
812
+ - pulp==2.8.0
813
+ - py-cpuinfo==9.0.0
814
+ - py-spy==0.3.14
815
+ - py4j==0.10.9.7
816
+ - pyaml==23.12.0
817
+ - pyarabic==0.6.15
818
+ - pyarrow-hotfix==0.6
819
+ - pyastronomy==0.21.0
820
+ - pybind11==2.11.1
821
+ - pyclipper==1.3.0.post5
822
+ - pycodestyle==2.11.1
823
+ - pycparser==2.21
824
+ - pycryptodome==3.20.0
825
+ - pyct==0.5.0
826
+ - pycuda==2024.1
827
+ - pydantic==2.5.3
828
+ - pydantic-core==2.14.6
829
+ - pydegensac==0.1.2
830
+ - pydicom==2.4.4
831
+ - pydocstyle==6.3.0
832
+ - pydot==1.4.2
833
+ - pydub==0.25.1
834
+ - pyemd==1.0.0
835
+ - pyerfa==2.0.1.1
836
+ - pyexcel-io==0.6.6
837
+ - pyexcel-ods==0.6.0
838
+ - pyflakes==3.2.0
839
+ - pygltflib==1.16.2
840
+ - pyjwt==2.8.0
841
+ - pykalman==0.9.5
842
+ - pyldavis==3.4.1
843
+ - pylint==3.0.4
844
+ - pymc3==3.11.4
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.1.1
852
+ - pypdf==4.1.0
853
+ - pysal==24.1
854
+ - pytesseract==0.3.10
855
+ - pytest==8.1.1
856
+ - python-bidi==0.4.2
857
+ - python-dateutil==2.9.0.post0
858
+ - python-dotenv==1.0.0
859
+ - python-graphviz==0.20.2
860
+ - python-levenshtein==0.25.0
861
+ - python-louvain==0.16
862
+ - python-lsp-jsonrpc==1.1.2
863
+ - python-lsp-server==1.10.1
864
+ - python-slugify==8.0.4
865
+ - python-utils==3.8.2
866
+ - pythreejs==2.4.2
867
+ - pytoolconfig==1.3.1
868
+ - pytools==2023.1.1
869
+ - pytorch-ignite==0.4.13
870
+ - pytorch-lightning==2.2.1
871
+ - pytz==2023.3.post1
872
+ - pyupset==0.1.1.post7
873
+ - pyviz-comms==3.0.1
874
+ - pywavelets==1.5.0
875
+ - pyzmq==24.0.1
876
+ - qgrid==1.3.1
877
+ - qtconsole==5.5.1
878
+ - qtpy==2.4.1
879
+ - quantecon==0.7.2
880
+ - quantities==0.15.0
881
+ - qudida==0.0.4
882
+ - rapidfuzz==3.6.2
883
+ - rasterio==1.3.9
884
+ - rasterstats==0.19.0
885
+ - ray==2.9.0
886
+ - ray-cpp==2.9.0
887
+ - regex==2023.12.25
888
+ - requests-oauthlib==1.3.1
889
+ - requests-toolbelt==0.10.1
890
+ - responses==0.18.0
891
+ - retrying==1.3.4
892
+ - rgf-python==3.12.0
893
+ - rich==13.7.0
894
+ - rich-click==1.7.4
895
+ - rope==1.12.0
896
+ - rtree==1.2.0
897
+ - s2sphere==0.2.5
898
+ - s3fs==2024.3.0
899
+ - s3transfer==0.6.2
900
+ - safetensors==0.4.2
901
+ - scattertext==0.1.19
902
+ - scikit-image==0.22.0
903
+ - scikit-learn==1.2.2
904
+ - scikit-learn-intelex==2024.1.0
905
+ - scikit-multilearn==0.2.0
906
+ - scikit-optimize==0.10.1
907
+ - scikit-plot==0.3.7
908
+ - scikit-surprise==1.1.3
909
+ - scipy==1.11.4
910
+ - seaborn==0.12.2
911
+ - secretstorage==3.3.3
912
+ - segment-anything==1.0
913
+ - segregation==2.5
914
+ - semver==3.0.2
915
+ - sentencepiece==0.2.0
916
+ - sentry-sdk==1.42.0
917
+ - setproctitle==1.3.3
918
+ - setuptools-git==1.2
919
+ - setuptools-scm==8.0.4
920
+ - shap==0.44.1
921
+ - shapely==2.0.3
922
+ - shimmy==1.3.0
923
+ - shtab==1.7.1
924
+ - simpervisor==1.0.0
925
+ - simpleitk==2.3.1
926
+ - simplejson==3.19.2
927
+ - six==1.16.0
928
+ - sklearn-pandas==2.2.0
929
+ - slicer==0.0.7
930
+ - smmap==5.0.1
931
+ - snowballstemmer==2.2.0
932
+ - snuggs==1.4.7
933
+ - soundfile==0.12.1
934
+ - soxr==0.3.7
935
+ - spaghetti==1.7.5.post1
936
+ - spectral==0.23.1
937
+ - spglm==1.1.0
938
+ - sphinx-rtd-theme==0.2.4
939
+ - spint==1.0.7
940
+ - splot==1.1.5.post1
941
+ - spopt==0.6.0
942
+ - spreg==1.4.2
943
+ - spvcm==0.3.0
944
+ - sqlalchemy==2.0.25
945
+ - sqlparse==0.4.4
946
+ - squarify==0.4.3
947
+ - stable-baselines3==2.1.0
948
+ - stack-data==0.6.3
949
+ - stanio==0.3.0
950
+ - starlette==0.32.0.post1
951
+ - statsmodels==0.14.1
952
+ - stemming==1.0.1
953
+ - stop-words==2018.7.23
954
+ - stopit==1.1.2
955
+ - stumpy==1.12.0
956
+ - sympy==1.12
957
+ - tables==3.9.2
958
+ - tabulate==0.9.0
959
+ - tangled-up-in-unicode==0.2.0
960
+ - tbb==2021.11.0
961
+ - tenacity==8.2.3
962
+ - tensorboard==2.15.1
963
+ - tensorboard-data-server==0.7.2
964
+ - tensorboard-plugin-profile==2.15.0
965
+ - tensorboardx==2.6.2.2
966
+ - tensorflow==2.15.0
967
+ - tensorflow-cloud==0.1.16
968
+ - tensorflow-datasets==4.9.4
969
+ - tensorflow-decision-forests==1.8.1
970
+ - tensorflow-estimator==2.15.0
971
+ - tensorflow-hub==0.16.1
972
+ - tensorflow-io==0.35.0
973
+ - tensorflow-io-gcs-filesystem==0.35.0
974
+ - tensorflow-metadata==0.14.0
975
+ - tensorflow-probability==0.23.0
976
+ - tensorflow-serving-api==2.14.1
977
+ - tensorflow-text==2.15.0
978
+ - tensorflow-transform==0.14.0
979
+ - tensorpack==0.11
980
+ - tensorstore==0.1.56
981
+ - termcolor==2.4.0
982
+ - testpath==0.6.0
983
+ - text-unidecode==1.3
984
+ - textblob==0.18.0.post0
985
+ - texttable==1.7.0
986
+ - tf-keras==2.15.1
987
+ - tfp-nightly==0.24.0.dev0
988
+ - theano==1.0.5
989
+ - theano-pymc==1.1.2
990
+ - threadpoolctl==3.2.0
991
+ - tifffile==2023.12.9
992
+ - timm==0.9.16
993
+ - tobler==0.11.2
994
+ - tokenizers==0.15.2
995
+ - toml==0.10.2
996
+ - tomli==2.0.1
997
+ - tomlkit==0.12.4
998
+ - torch==2.1.2
999
+ - torchaudio==2.1.2
1000
+ - torchdata==0.7.1
1001
+ - torchinfo==1.8.0
1002
+ - torchmetrics==1.3.2
1003
+ - torchtext==0.16.2
1004
+ - torchvision==0.16.2
1005
+ - tpot==0.12.1
1006
+ - traceml==1.0.8
1007
+ - traittypes==0.2.1
1008
+ - transformers==4.38.2
1009
+ - treelite-runtime==3.2.0
1010
+ - trl==0.8.1
1011
+ - trueskill==0.4.5
1012
+ - trx-python==0.2.9
1013
+ - tsfresh==0.20.2
1014
+ - typeguard==4.1.5
1015
+ - typing-inspect==0.9.0
1016
+ - tyro==0.8.2
1017
+ - tzdata==2023.4
1018
+ - uc-micro-py==1.0.3
1019
+ - ujson==5.9.0
1020
+ - umap-learn==0.5.5
1021
+ - unidecode==1.3.8
1022
+ - update-checker==0.18.0
1023
+ - uritemplate==3.0.1
1024
+ - urllib3==1.26.18
1025
+ - urwid==2.6.9
1026
+ - urwid-readline==0.14
1027
+ - uvicorn==0.25.0
1028
+ - uvloop==0.19.0
1029
+ - vaex==4.17.0
1030
+ - vaex-astro==0.9.3
1031
+ - vaex-core==4.17.1
1032
+ - vaex-hdf5==0.14.1
1033
+ - vaex-jupyter==0.8.2
1034
+ - vaex-ml==0.18.3
1035
+ - vaex-server==0.9.0
1036
+ - vaex-viz==0.5.4
1037
+ - vec-noise==1.1.4
1038
+ - vecstack==0.4.0
1039
+ - virtualenv==20.21.0
1040
+ - visions==0.7.5
1041
+ - vowpalwabbit==9.9.0
1042
+ - vtk==9.3.0
1043
+ - wand==0.6.13
1044
+ - wandb==0.16.4
1045
+ - watchfiles==0.21.0
1046
+ - wavio==0.0.8
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.29.0
1054
+ - wordcloud==1.9.3
1055
+ - wordsegment==1.3.1
1056
+ - wrapt==1.14.1
1057
+ - xarray==2024.2.0
1058
+ - xarray-einstats==0.7.0
1059
+ - xgboost==2.0.3
1060
+ - xvfbwrapper==0.2.9
1061
+ - xxhash==3.4.1
1062
+ - y-py==0.6.2
1063
+ - yapf==0.40.2
1064
+ - yarl==1.9.4
1065
+ - ydata-profiling==4.6.4
1066
+ - yellowbrick==1.5
1067
+ - ypy-websocket==0.8.4
1068
+ prefix: /opt/conda
wandb/run-20240408_203054-ldiuneeg/files/config.yaml ADDED
@@ -0,0 +1,682 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.13
7
+ cli_version: 0.16.4
8
+ framework: huggingface
9
+ huggingface_version: 4.38.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1712608254.0
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
+ - 23
47
+ 4: 3.10.13
48
+ 5: 0.16.4
49
+ 6: 4.38.2
50
+ 8:
51
+ - 1
52
+ - 2
53
+ - 5
54
+ 9:
55
+ 1: transformers_trainer
56
+ 13: linux-x86_64
57
+ m:
58
+ - 1: train/global_step
59
+ 6:
60
+ - 3
61
+ - 1: train/loss
62
+ 5: 1
63
+ 6:
64
+ - 1
65
+ - 1: train/grad_norm
66
+ 5: 1
67
+ 6:
68
+ - 1
69
+ - 1: train/learning_rate
70
+ 5: 1
71
+ 6:
72
+ - 1
73
+ - 1: train/epoch
74
+ 5: 1
75
+ 6:
76
+ - 1
77
+ vocab_size:
78
+ desc: null
79
+ value: 32000
80
+ max_position_embeddings:
81
+ desc: null
82
+ value: 2048
83
+ hidden_size:
84
+ desc: null
85
+ value: 2048
86
+ intermediate_size:
87
+ desc: null
88
+ value: 5632
89
+ num_hidden_layers:
90
+ desc: null
91
+ value: 22
92
+ num_attention_heads:
93
+ desc: null
94
+ value: 32
95
+ num_key_value_heads:
96
+ desc: null
97
+ value: 4
98
+ hidden_act:
99
+ desc: null
100
+ value: silu
101
+ initializer_range:
102
+ desc: null
103
+ value: 0.02
104
+ rms_norm_eps:
105
+ desc: null
106
+ value: 1.0e-05
107
+ pretraining_tp:
108
+ desc: null
109
+ value: 1
110
+ use_cache:
111
+ desc: null
112
+ value: false
113
+ rope_theta:
114
+ desc: null
115
+ value: 10000.0
116
+ rope_scaling:
117
+ desc: null
118
+ value: null
119
+ attention_bias:
120
+ desc: null
121
+ value: false
122
+ attention_dropout:
123
+ desc: null
124
+ value: 0.0
125
+ return_dict:
126
+ desc: null
127
+ value: true
128
+ output_hidden_states:
129
+ desc: null
130
+ value: false
131
+ output_attentions:
132
+ desc: null
133
+ value: false
134
+ torchscript:
135
+ desc: null
136
+ value: false
137
+ torch_dtype:
138
+ desc: null
139
+ value: float32
140
+ use_bfloat16:
141
+ desc: null
142
+ value: false
143
+ tf_legacy_loss:
144
+ desc: null
145
+ value: false
146
+ pruned_heads:
147
+ desc: null
148
+ value: {}
149
+ tie_word_embeddings:
150
+ desc: null
151
+ value: false
152
+ chunk_size_feed_forward:
153
+ desc: null
154
+ value: 0
155
+ is_encoder_decoder:
156
+ desc: null
157
+ value: false
158
+ is_decoder:
159
+ desc: null
160
+ value: false
161
+ cross_attention_hidden_size:
162
+ desc: null
163
+ value: null
164
+ add_cross_attention:
165
+ desc: null
166
+ value: false
167
+ tie_encoder_decoder:
168
+ desc: null
169
+ value: false
170
+ max_length:
171
+ desc: null
172
+ value: 20
173
+ min_length:
174
+ desc: null
175
+ value: 0
176
+ do_sample:
177
+ desc: null
178
+ value: false
179
+ early_stopping:
180
+ desc: null
181
+ value: false
182
+ num_beams:
183
+ desc: null
184
+ value: 1
185
+ num_beam_groups:
186
+ desc: null
187
+ value: 1
188
+ diversity_penalty:
189
+ desc: null
190
+ value: 0.0
191
+ temperature:
192
+ desc: null
193
+ value: 1.0
194
+ top_k:
195
+ desc: null
196
+ value: 50
197
+ top_p:
198
+ desc: null
199
+ value: 1.0
200
+ typical_p:
201
+ desc: null
202
+ value: 1.0
203
+ repetition_penalty:
204
+ desc: null
205
+ value: 1.0
206
+ length_penalty:
207
+ desc: null
208
+ value: 1.0
209
+ no_repeat_ngram_size:
210
+ desc: null
211
+ value: 0
212
+ encoder_no_repeat_ngram_size:
213
+ desc: null
214
+ value: 0
215
+ bad_words_ids:
216
+ desc: null
217
+ value: null
218
+ num_return_sequences:
219
+ desc: null
220
+ value: 1
221
+ output_scores:
222
+ desc: null
223
+ value: false
224
+ return_dict_in_generate:
225
+ desc: null
226
+ value: false
227
+ forced_bos_token_id:
228
+ desc: null
229
+ value: null
230
+ forced_eos_token_id:
231
+ desc: null
232
+ value: null
233
+ remove_invalid_values:
234
+ desc: null
235
+ value: false
236
+ exponential_decay_length_penalty:
237
+ desc: null
238
+ value: null
239
+ suppress_tokens:
240
+ desc: null
241
+ value: null
242
+ begin_suppress_tokens:
243
+ desc: null
244
+ value: null
245
+ architectures:
246
+ desc: null
247
+ value:
248
+ - LlamaForCausalLM
249
+ finetuning_task:
250
+ desc: null
251
+ value: null
252
+ id2label:
253
+ desc: null
254
+ value:
255
+ '0': LABEL_0
256
+ '1': LABEL_1
257
+ label2id:
258
+ desc: null
259
+ value:
260
+ LABEL_0: 0
261
+ LABEL_1: 1
262
+ tokenizer_class:
263
+ desc: null
264
+ value: null
265
+ prefix:
266
+ desc: null
267
+ value: null
268
+ bos_token_id:
269
+ desc: null
270
+ value: 1
271
+ pad_token_id:
272
+ desc: null
273
+ value: null
274
+ eos_token_id:
275
+ desc: null
276
+ value: 2
277
+ sep_token_id:
278
+ desc: null
279
+ value: null
280
+ decoder_start_token_id:
281
+ desc: null
282
+ value: null
283
+ task_specific_params:
284
+ desc: null
285
+ value: null
286
+ problem_type:
287
+ desc: null
288
+ value: null
289
+ _name_or_path:
290
+ desc: null
291
+ value: TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T
292
+ transformers_version:
293
+ desc: null
294
+ value: 4.38.2
295
+ model_type:
296
+ desc: null
297
+ value: llama
298
+ quantization_config:
299
+ desc: null
300
+ value:
301
+ quant_method: QuantizationMethod.BITS_AND_BYTES
302
+ _load_in_8bit: false
303
+ _load_in_4bit: true
304
+ llm_int8_threshold: 6.0
305
+ llm_int8_skip_modules: null
306
+ llm_int8_enable_fp32_cpu_offload: false
307
+ llm_int8_has_fp16_weight: false
308
+ bnb_4bit_quant_type: nf4
309
+ bnb_4bit_use_double_quant: false
310
+ bnb_4bit_compute_dtype: float16
311
+ load_in_4bit: true
312
+ load_in_8bit: false
313
+ output_dir:
314
+ desc: null
315
+ value: /kaggle/working/
316
+ overwrite_output_dir:
317
+ desc: null
318
+ value: false
319
+ do_train:
320
+ desc: null
321
+ value: false
322
+ do_eval:
323
+ desc: null
324
+ value: false
325
+ do_predict:
326
+ desc: null
327
+ value: false
328
+ evaluation_strategy:
329
+ desc: null
330
+ value: 'no'
331
+ prediction_loss_only:
332
+ desc: null
333
+ value: false
334
+ per_device_train_batch_size:
335
+ desc: null
336
+ value: 2
337
+ per_device_eval_batch_size:
338
+ desc: null
339
+ value: 8
340
+ per_gpu_train_batch_size:
341
+ desc: null
342
+ value: null
343
+ per_gpu_eval_batch_size:
344
+ desc: null
345
+ value: null
346
+ gradient_accumulation_steps:
347
+ desc: null
348
+ value: 1
349
+ eval_accumulation_steps:
350
+ desc: null
351
+ value: null
352
+ eval_delay:
353
+ desc: null
354
+ value: 0
355
+ learning_rate:
356
+ desc: null
357
+ value: 3.0e-05
358
+ weight_decay:
359
+ desc: null
360
+ value: 0.001
361
+ adam_beta1:
362
+ desc: null
363
+ value: 0.9
364
+ adam_beta2:
365
+ desc: null
366
+ value: 0.999
367
+ adam_epsilon:
368
+ desc: null
369
+ value: 1.0e-08
370
+ max_grad_norm:
371
+ desc: null
372
+ value: 0.1
373
+ num_train_epochs:
374
+ desc: null
375
+ value: 1
376
+ max_steps:
377
+ desc: null
378
+ value: 17000
379
+ lr_scheduler_type:
380
+ desc: null
381
+ value: cosine
382
+ lr_scheduler_kwargs:
383
+ desc: null
384
+ value: {}
385
+ warmup_ratio:
386
+ desc: null
387
+ value: 0.03
388
+ warmup_steps:
389
+ desc: null
390
+ value: 0
391
+ log_level:
392
+ desc: null
393
+ value: passive
394
+ log_level_replica:
395
+ desc: null
396
+ value: warning
397
+ log_on_each_node:
398
+ desc: null
399
+ value: true
400
+ logging_dir:
401
+ desc: null
402
+ value: /kaggle/working/runs/Apr08_20-30-47_622eb14e717e
403
+ logging_strategy:
404
+ desc: null
405
+ value: steps
406
+ logging_first_step:
407
+ desc: null
408
+ value: false
409
+ logging_steps:
410
+ desc: null
411
+ value: 20
412
+ logging_nan_inf_filter:
413
+ desc: null
414
+ value: true
415
+ save_strategy:
416
+ desc: null
417
+ value: steps
418
+ save_steps:
419
+ desc: null
420
+ value: 20
421
+ save_total_limit:
422
+ desc: null
423
+ value: 1
424
+ save_safetensors:
425
+ desc: null
426
+ value: true
427
+ save_on_each_node:
428
+ desc: null
429
+ value: false
430
+ save_only_model:
431
+ desc: null
432
+ value: false
433
+ no_cuda:
434
+ desc: null
435
+ value: false
436
+ use_cpu:
437
+ desc: null
438
+ value: false
439
+ use_mps_device:
440
+ desc: null
441
+ value: false
442
+ seed:
443
+ desc: null
444
+ value: 42
445
+ data_seed:
446
+ desc: null
447
+ value: null
448
+ jit_mode_eval:
449
+ desc: null
450
+ value: false
451
+ use_ipex:
452
+ desc: null
453
+ value: false
454
+ bf16:
455
+ desc: null
456
+ value: false
457
+ fp16:
458
+ desc: null
459
+ value: false
460
+ fp16_opt_level:
461
+ desc: null
462
+ value: O1
463
+ half_precision_backend:
464
+ desc: null
465
+ value: auto
466
+ bf16_full_eval:
467
+ desc: null
468
+ value: false
469
+ fp16_full_eval:
470
+ desc: null
471
+ value: false
472
+ tf32:
473
+ desc: null
474
+ value: null
475
+ local_rank:
476
+ desc: null
477
+ value: 0
478
+ ddp_backend:
479
+ desc: null
480
+ value: null
481
+ tpu_num_cores:
482
+ desc: null
483
+ value: null
484
+ tpu_metrics_debug:
485
+ desc: null
486
+ value: false
487
+ debug:
488
+ desc: null
489
+ value: []
490
+ dataloader_drop_last:
491
+ desc: null
492
+ value: false
493
+ eval_steps:
494
+ desc: null
495
+ value: null
496
+ dataloader_num_workers:
497
+ desc: null
498
+ value: 0
499
+ dataloader_prefetch_factor:
500
+ desc: null
501
+ value: null
502
+ past_index:
503
+ desc: null
504
+ value: -1
505
+ run_name:
506
+ desc: null
507
+ value: /kaggle/working/
508
+ disable_tqdm:
509
+ desc: null
510
+ value: false
511
+ remove_unused_columns:
512
+ desc: null
513
+ value: true
514
+ label_names:
515
+ desc: null
516
+ value: null
517
+ load_best_model_at_end:
518
+ desc: null
519
+ value: false
520
+ metric_for_best_model:
521
+ desc: null
522
+ value: null
523
+ greater_is_better:
524
+ desc: null
525
+ value: null
526
+ ignore_data_skip:
527
+ desc: null
528
+ value: false
529
+ fsdp:
530
+ desc: null
531
+ value: []
532
+ fsdp_min_num_params:
533
+ desc: null
534
+ value: 0
535
+ fsdp_config:
536
+ desc: null
537
+ value:
538
+ min_num_params: 0
539
+ xla: false
540
+ xla_fsdp_v2: false
541
+ xla_fsdp_grad_ckpt: false
542
+ fsdp_transformer_layer_cls_to_wrap:
543
+ desc: null
544
+ value: null
545
+ accelerator_config:
546
+ desc: null
547
+ value:
548
+ split_batches: false
549
+ dispatch_batches: null
550
+ even_batches: true
551
+ use_seedable_sampler: true
552
+ deepspeed:
553
+ desc: null
554
+ value: null
555
+ label_smoothing_factor:
556
+ desc: null
557
+ value: 0.0
558
+ optim:
559
+ desc: null
560
+ value: paged_adamw_32bit
561
+ optim_args:
562
+ desc: null
563
+ value: null
564
+ adafactor:
565
+ desc: null
566
+ value: false
567
+ group_by_length:
568
+ desc: null
569
+ value: false
570
+ length_column_name:
571
+ desc: null
572
+ value: length
573
+ report_to:
574
+ desc: null
575
+ value:
576
+ - tensorboard
577
+ - wandb
578
+ ddp_find_unused_parameters:
579
+ desc: null
580
+ value: null
581
+ ddp_bucket_cap_mb:
582
+ desc: null
583
+ value: null
584
+ ddp_broadcast_buffers:
585
+ desc: null
586
+ value: null
587
+ dataloader_pin_memory:
588
+ desc: null
589
+ value: true
590
+ dataloader_persistent_workers:
591
+ desc: null
592
+ value: false
593
+ skip_memory_metrics:
594
+ desc: null
595
+ value: true
596
+ use_legacy_prediction_loop:
597
+ desc: null
598
+ value: false
599
+ push_to_hub:
600
+ desc: null
601
+ value: false
602
+ resume_from_checkpoint:
603
+ desc: null
604
+ value: null
605
+ hub_model_id:
606
+ desc: null
607
+ value: null
608
+ hub_strategy:
609
+ desc: null
610
+ value: every_save
611
+ hub_token:
612
+ desc: null
613
+ value: <HUB_TOKEN>
614
+ hub_private_repo:
615
+ desc: null
616
+ value: false
617
+ hub_always_push:
618
+ desc: null
619
+ value: false
620
+ gradient_checkpointing:
621
+ desc: null
622
+ value: false
623
+ gradient_checkpointing_kwargs:
624
+ desc: null
625
+ value: null
626
+ include_inputs_for_metrics:
627
+ desc: null
628
+ value: false
629
+ fp16_backend:
630
+ desc: null
631
+ value: auto
632
+ push_to_hub_model_id:
633
+ desc: null
634
+ value: null
635
+ push_to_hub_organization:
636
+ desc: null
637
+ value: null
638
+ push_to_hub_token:
639
+ desc: null
640
+ value: <PUSH_TO_HUB_TOKEN>
641
+ mp_parameters:
642
+ desc: null
643
+ value: ''
644
+ auto_find_batch_size:
645
+ desc: null
646
+ value: false
647
+ full_determinism:
648
+ desc: null
649
+ value: false
650
+ torchdynamo:
651
+ desc: null
652
+ value: null
653
+ ray_scope:
654
+ desc: null
655
+ value: last
656
+ ddp_timeout:
657
+ desc: null
658
+ value: 1800
659
+ torch_compile:
660
+ desc: null
661
+ value: false
662
+ torch_compile_backend:
663
+ desc: null
664
+ value: null
665
+ torch_compile_mode:
666
+ desc: null
667
+ value: null
668
+ dispatch_batches:
669
+ desc: null
670
+ value: null
671
+ split_batches:
672
+ desc: null
673
+ value: null
674
+ include_tokens_per_second:
675
+ desc: null
676
+ value: false
677
+ include_num_input_tokens_seen:
678
+ desc: null
679
+ value: false
680
+ neftune_noise_alpha:
681
+ desc: null
682
+ value: null
wandb/run-20240408_203054-ldiuneeg/files/output.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20240408_203054-ldiuneeg/files/requirements.txt ADDED
@@ -0,0 +1,879 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ==
2
+ Babel==2.14.0
3
+ Boruta==0.3
4
+ Brotli==1.0.9
5
+ CVXcanon==0.1.2
6
+ Cartopy==0.22.0
7
+ Cython==3.0.8
8
+ Deprecated==1.2.14
9
+ Farama-Notifications==0.0.4
10
+ Flask==3.0.2
11
+ Geohash==1.0
12
+ GitPython==3.1.41
13
+ ImageHash==4.3.1
14
+ Janome==0.5.0
15
+ Jinja2==3.1.2
16
+ Levenshtein==0.25.0
17
+ LunarCalendar==0.0.9
18
+ Mako==1.3.2
19
+ Markdown==3.5.2
20
+ MarkupSafe==2.1.3
21
+ MarkupSafe==2.1.5
22
+ Pillow==9.5.0
23
+ PuLP==2.8.0
24
+ PyArabic==0.6.15
25
+ PyAstronomy==0.21.0
26
+ PyJWT==2.8.0
27
+ PyMeeus==0.5.12
28
+ PySocks==1.7.1
29
+ PyUpSet==0.1.1.post7
30
+ PyWavelets==1.5.0
31
+ PyYAML==6.0.1
32
+ Pygments==2.17.2
33
+ Pympler==1.0.1
34
+ QtPy==2.4.1
35
+ Rtree==1.2.0
36
+ SQLAlchemy==2.0.25
37
+ SecretStorage==3.3.3
38
+ Send2Trash==1.8.2
39
+ Shapely==1.8.5.post1
40
+ Shimmy==1.3.0
41
+ SimpleITK==2.3.1
42
+ TPOT==0.12.1
43
+ Theano-PyMC==1.1.2
44
+ Theano==1.0.5
45
+ Unidecode==1.3.8
46
+ Wand==0.6.13
47
+ Werkzeug==3.0.1
48
+ absl-py==1.4.0
49
+ accelerate==0.28.0
50
+ access==1.1.9
51
+ affine==2.4.0
52
+ aiobotocore==2.12.1
53
+ aiofiles==22.1.0
54
+ aiohttp-cors==0.7.0
55
+ aiohttp==3.9.1
56
+ aioitertools==0.11.0
57
+ aiorwlock==1.3.0
58
+ aiosignal==1.3.1
59
+ aiosqlite==0.19.0
60
+ albumentations==1.4.0
61
+ alembic==1.13.1
62
+ altair==5.2.0
63
+ annotated-types==0.6.0
64
+ annoy==1.17.3
65
+ anyio==4.2.0
66
+ apache-beam==2.46.0
67
+ aplus==0.11.0
68
+ appdirs==1.4.4
69
+ archspec==0.2.2
70
+ argon2-cffi-bindings==21.2.0
71
+ argon2-cffi==23.1.0
72
+ array-record==0.5.0
73
+ arrow==1.3.0
74
+ arviz==0.17.1
75
+ astroid==3.0.3
76
+ astropy-iers-data==0.2024.3.18.0.29.47
77
+ astropy==6.0.0
78
+ asttokens==2.4.1
79
+ astunparse==1.6.3
80
+ async-lru==2.0.4
81
+ async-timeout==4.0.3
82
+ attrs==23.2.0
83
+ audioread==3.0.1
84
+ autopep8==2.0.4
85
+ backoff==2.2.1
86
+ bayesian-optimization==1.4.3
87
+ beatrix_jupyterlab==2023.128.151533
88
+ beautifulsoup4==4.12.2
89
+ bidict==0.23.1
90
+ bitsandbytes==0.43.0
91
+ blake3==0.2.1
92
+ bleach==6.1.0
93
+ blessed==1.20.0
94
+ blinker==1.7.0
95
+ blis==0.7.10
96
+ blosc2==2.5.1
97
+ bokeh==3.3.4
98
+ boltons==23.1.1
99
+ boto3==1.26.100
100
+ botocore==1.34.51
101
+ bq_helper==0.4.1
102
+ bqplot==0.12.43
103
+ branca==0.7.1
104
+ brewer2mpl==1.4.1
105
+ brotlipy==0.7.0
106
+ cached-property==1.5.2
107
+ cachetools==4.2.4
108
+ cachetools==5.3.2
109
+ catalogue==2.0.10
110
+ catalyst==22.4
111
+ catboost==1.2.3
112
+ category-encoders==2.6.3
113
+ certifi==2024.2.2
114
+ cesium==0.12.1
115
+ cffi==1.16.0
116
+ charset-normalizer==3.3.2
117
+ chex==0.1.85
118
+ cleverhans==4.0.0
119
+ click-plugins==1.1.1
120
+ click==8.1.7
121
+ cligj==0.7.2
122
+ cloud-tpu-client==0.10
123
+ cloud-tpu-profiler==2.4.0
124
+ cloudpathlib==0.16.0
125
+ cloudpickle==2.2.1
126
+ cloudpickle==3.0.0
127
+ cmdstanpy==1.2.1
128
+ cmudict==1.0.21
129
+ colorama==0.4.6
130
+ colorcet==3.1.0
131
+ colorful==0.5.6
132
+ colorlog==6.8.2
133
+ colorlover==0.3.0
134
+ comm==0.2.1
135
+ conda-libmamba-solver==23.7.0
136
+ conda-package-handling==2.2.0
137
+ conda==23.7.4
138
+ conda_package_streaming==0.9.0
139
+ confection==0.1.4
140
+ contextily==1.5.2
141
+ contourpy==1.2.0
142
+ convertdate==2.4.0
143
+ crcmod==1.7
144
+ cryptography==41.0.7
145
+ cuda-python==12.4.0
146
+ cudf==23.8.0
147
+ cufflinks==0.17.3
148
+ cuml==23.8.0
149
+ cupy==13.0.0
150
+ cycler==0.12.1
151
+ cymem==2.0.8
152
+ cytoolz==0.12.3
153
+ daal4py==2024.1.0
154
+ daal==2024.1.0
155
+ dacite==1.8.1
156
+ dask-cuda==23.8.0
157
+ dask-cudf==23.8.0
158
+ dask-expr==1.0.4
159
+ dask==2024.3.1
160
+ dataclasses-json==0.6.4
161
+ dataproc_jupyter_plugin==0.1.66
162
+ datasets==2.16.0
163
+ datashader==0.16.0
164
+ datatile==1.0.3
165
+ db-dtypes==1.2.0
166
+ deap==1.4.1
167
+ debugpy==1.8.0
168
+ decorator==5.1.1
169
+ deepdiff==6.7.1
170
+ defusedxml==0.7.1
171
+ deprecation==2.1.0
172
+ descartes==1.1.0
173
+ dill==0.3.7
174
+ dipy==1.9.0
175
+ distlib==0.3.8
176
+ distributed==2023.7.1
177
+ distro==1.9.0
178
+ dm-tree==0.1.8
179
+ docker-pycreds==0.4.0
180
+ docker==7.0.0
181
+ docopt==0.6.2
182
+ docstring-parser==0.15
183
+ docstring-to-markdown==0.15
184
+ docutils==0.20.1
185
+ earthengine-api==0.1.394
186
+ easydict==1.13
187
+ easyocr==1.7.1
188
+ ecos==2.0.13
189
+ eli5==0.13.0
190
+ emoji==2.10.1
191
+ en-core-web-lg==3.7.1
192
+ en-core-web-sm==3.7.1
193
+ entrypoints==0.4
194
+ ephem==4.1.5
195
+ esda==2.5.1
196
+ essentia==2.1b6.dev1110
197
+ et-xmlfile==1.1.0
198
+ etils==1.6.0
199
+ exceptiongroup==1.2.0
200
+ executing==2.0.1
201
+ explainable-ai-sdk==1.3.3
202
+ fastai==2.7.14
203
+ fastapi==0.108.0
204
+ fastavro==1.9.3
205
+ fastcore==1.5.29
206
+ fastdownload==0.0.7
207
+ fasteners==0.19
208
+ fastjsonschema==2.19.1
209
+ fastprogress==1.0.3
210
+ fastrlock==0.8.2
211
+ fasttext==0.9.2
212
+ feather-format==0.4.1
213
+ featuretools==1.30.0
214
+ filelock==3.13.1
215
+ fiona==1.9.6
216
+ fitter==1.7.0
217
+ flake8==7.0.0
218
+ flashtext==2.7
219
+ flatbuffers==23.5.26
220
+ flax==0.8.2
221
+ folium==0.16.0
222
+ fonttools==4.47.0
223
+ fonttools==4.49.0
224
+ fqdn==1.5.1
225
+ frozendict==2.4.0
226
+ frozenlist==1.4.1
227
+ fsspec==2023.10.0
228
+ funcy==2.0
229
+ fury==0.10.0
230
+ future==1.0.0
231
+ fuzzywuzzy==0.18.0
232
+ gast==0.5.4
233
+ gatspy==0.3
234
+ gcsfs==2023.12.2.post1
235
+ gensim==4.3.2
236
+ geographiclib==2.0
237
+ geojson==3.1.0
238
+ geopandas==0.14.3
239
+ geoplot==0.5.1
240
+ geopy==2.4.1
241
+ geoviews==1.11.1
242
+ ggplot==0.11.5
243
+ giddy==2.3.5
244
+ gitdb==4.0.11
245
+ google-ai-generativelanguage==0.4.0
246
+ google-api-core==2.11.1
247
+ google-api-core==2.17.1
248
+ google-api-python-client==2.122.0
249
+ google-apitools==0.5.31
250
+ google-auth-httplib2==0.1.1
251
+ google-auth-oauthlib==1.2.0
252
+ google-auth==2.26.1
253
+ google-cloud-aiplatform==0.6.0a1
254
+ google-cloud-artifact-registry==1.10.0
255
+ google-cloud-automl==1.0.1
256
+ google-cloud-bigquery==2.34.4
257
+ google-cloud-bigtable==1.7.3
258
+ google-cloud-core==2.4.1
259
+ google-cloud-datastore==2.19.0
260
+ google-cloud-dlp==3.14.0
261
+ google-cloud-jupyter-config==0.0.5
262
+ google-cloud-language==2.13.3
263
+ google-cloud-monitoring==2.18.0
264
+ google-cloud-pubsub==2.19.0
265
+ google-cloud-pubsublite==1.9.0
266
+ google-cloud-recommendations-ai==0.7.1
267
+ google-cloud-resource-manager==1.11.0
268
+ google-cloud-spanner==3.40.1
269
+ google-cloud-storage==1.44.0
270
+ google-cloud-translate==3.12.1
271
+ google-cloud-videointelligence==2.13.3
272
+ google-cloud-vision==2.8.0
273
+ google-crc32c==1.5.0
274
+ google-generativeai==0.4.1
275
+ google-pasta==0.2.0
276
+ google-resumable-media==2.7.0
277
+ googleapis-common-protos==1.62.0
278
+ gplearn==0.4.2
279
+ gpustat==1.0.0
280
+ gpxpy==1.6.2
281
+ graphviz==0.20.2
282
+ greenlet==3.0.3
283
+ grpc-google-iam-v1==0.12.7
284
+ grpcio-status==1.48.1
285
+ grpcio-status==1.48.2
286
+ grpcio==1.51.1
287
+ grpcio==1.60.0
288
+ gviz-api==1.10.0
289
+ gym-notices==0.0.8
290
+ gym==0.26.2
291
+ gymnasium==0.29.0
292
+ h11==0.14.0
293
+ h2o==3.46.0.1
294
+ h5netcdf==1.3.0
295
+ h5py==3.10.0
296
+ haversine==2.8.1
297
+ hdfs==2.7.3
298
+ hep-ml==0.7.2
299
+ hijri-converter==2.3.1
300
+ hmmlearn==0.3.2
301
+ holidays==0.24
302
+ holoviews==1.18.3
303
+ hpsklearn==0.1.0
304
+ html5lib==1.1
305
+ htmlmin==0.1.12
306
+ httpcore==1.0.4
307
+ httplib2==0.21.0
308
+ httptools==0.6.1
309
+ httpx==0.27.0
310
+ huggingface-hub==0.22.2
311
+ hunspell==0.5.5
312
+ husl==4.0.3
313
+ hydra-slayer==0.5.0
314
+ hyperopt==0.2.7
315
+ hypertools==0.8.0
316
+ idna==3.6
317
+ igraph==0.11.4
318
+ imagecodecs==2024.1.1
319
+ imageio==2.33.1
320
+ imbalanced-learn==0.12.0
321
+ imgaug==0.4.0
322
+ importlib-metadata==6.11.0
323
+ importlib-metadata==7.0.1
324
+ importlib-resources==6.1.1
325
+ inequality==1.0.1
326
+ iniconfig==2.0.0
327
+ ipydatawidgets==4.3.5
328
+ ipykernel==6.28.0
329
+ ipyleaflet==0.18.2
330
+ ipympl==0.7.0
331
+ ipython-genutils==0.2.0
332
+ ipython-genutils==0.2.0
333
+ ipython-sql==0.5.0
334
+ ipython==8.20.0
335
+ ipyvolume==0.6.3
336
+ ipyvue==1.10.2
337
+ ipyvuetify==1.9.2
338
+ ipywebrtc==0.6.0
339
+ ipywidgets==7.7.1
340
+ isoduration==20.11.0
341
+ isort==5.13.2
342
+ isoweek==1.3.3
343
+ itsdangerous==2.1.2
344
+ jaraco.classes==3.3.0
345
+ jax-jumpy==1.0.0
346
+ jax==0.4.23
347
+ jaxlib==0.4.23.dev20240116
348
+ jedi==0.19.1
349
+ jeepney==0.8.0
350
+ jieba==0.42.1
351
+ jmespath==1.0.1
352
+ joblib==1.3.2
353
+ json5==0.9.14
354
+ jsonpatch==1.33
355
+ jsonpointer==2.4
356
+ jsonschema-specifications==2023.12.1
357
+ jsonschema==4.20.0
358
+ jupyter-console==6.6.3
359
+ jupyter-events==0.9.0
360
+ jupyter-http-over-ws==0.0.8
361
+ jupyter-lsp==1.5.1
362
+ jupyter-server-mathjax==0.2.6
363
+ jupyter-ydoc==0.2.5
364
+ jupyter_client==7.4.9
365
+ jupyter_client==8.6.0
366
+ jupyter_core==5.7.1
367
+ jupyter_server==2.13.0
368
+ jupyter_server_fileid==0.9.1
369
+ jupyter_server_proxy==4.1.0
370
+ jupyter_server_terminals==0.5.1
371
+ jupyter_server_ydoc==0.8.0
372
+ jupyterlab-lsp==5.1.0
373
+ jupyterlab-widgets==3.0.9
374
+ jupyterlab==4.1.5
375
+ jupyterlab_git==0.44.0
376
+ jupyterlab_pygments==0.3.0
377
+ jupyterlab_server==2.25.2
378
+ jupytext==1.16.0
379
+ kaggle-environments==1.14.3
380
+ kaggle==1.6.6
381
+ kagglehub==0.2.0
382
+ keras-cv==0.8.2
383
+ keras-nlp==0.8.2
384
+ keras-tuner==1.4.6
385
+ keras==3.0.5
386
+ kernels-mixer==0.0.7
387
+ keyring==24.3.0
388
+ keyrings.google-artifactregistry-auth==1.1.2
389
+ kfp-pipeline-spec==0.2.2
390
+ kfp-server-api==2.0.5
391
+ kfp==2.5.0
392
+ kiwisolver==1.4.5
393
+ kmapper==2.0.1
394
+ kmodes==0.12.2
395
+ korean-lunar-calendar==0.3.1
396
+ kornia==0.7.2
397
+ kornia_rs==0.1.2
398
+ kt-legacy==1.0.5
399
+ kubernetes==26.1.0
400
+ langcodes==3.3.0
401
+ langid==1.1.6
402
+ lazy_loader==0.3
403
+ learntools==0.3.4
404
+ leven==1.0.4
405
+ libclang==16.0.6
406
+ libmambapy==1.5.0
407
+ libpysal==4.9.2
408
+ librosa==0.10.1
409
+ lightgbm==4.2.0
410
+ lightning-utilities==0.10.1
411
+ lime==0.2.0.1
412
+ line-profiler==4.1.2
413
+ linkify-it-py==2.0.3
414
+ llvmlite==0.41.1
415
+ llvmlite==0.42.0
416
+ lml==0.1.0
417
+ locket==1.0.0
418
+ loguru==0.7.2
419
+ lxml==5.1.0
420
+ lz4==4.3.3
421
+ mamba==1.5.0
422
+ mapclassify==2.6.1
423
+ markdown-it-py==3.0.0
424
+ markovify==0.9.4
425
+ marshmallow==3.21.1
426
+ matplotlib-inline==0.1.6
427
+ matplotlib-venn==0.11.10
428
+ matplotlib==3.7.5
429
+ matplotlib==3.8.3
430
+ mccabe==0.7.0
431
+ mdit-py-plugins==0.4.0
432
+ mdurl==0.1.2
433
+ memory-profiler==0.61.0
434
+ menuinst==2.0.1
435
+ mercantile==1.2.1
436
+ mgwr==2.2.1
437
+ missingno==0.5.2
438
+ mistune==0.8.4
439
+ mizani==0.11.0
440
+ ml-dtypes==0.2.0
441
+ mlcrate==0.2.0
442
+ mlens==0.2.3
443
+ mlxtend==0.23.1
444
+ mmh3==4.1.0
445
+ mne==1.6.1
446
+ mnist==0.2.2
447
+ mock==5.1.0
448
+ momepy==0.7.0
449
+ more-itertools==10.2.0
450
+ mpld3==0.5.10
451
+ mpmath==1.3.0
452
+ msgpack-numpy==0.4.8
453
+ msgpack==1.0.7
454
+ multidict==6.0.4
455
+ multimethod==1.10
456
+ multipledispatch==1.0.0
457
+ multiprocess==0.70.15
458
+ munkres==1.1.4
459
+ murmurhash==1.0.10
460
+ mypy-extensions==1.0.0
461
+ namex==0.0.7
462
+ nb-conda-kernels==2.3.1
463
+ nb_conda==2.2.1
464
+ nbclassic==1.0.0
465
+ nbclient==0.5.13
466
+ nbconvert==6.4.5
467
+ nbdime==3.2.0
468
+ nbformat==5.9.2
469
+ ndindex==1.8
470
+ nest-asyncio==1.5.8
471
+ networkx==3.2.1
472
+ nibabel==5.2.1
473
+ nilearn==0.10.3
474
+ ninja==1.11.1.1
475
+ nltk==3.2.4
476
+ nose==1.3.7
477
+ notebook==6.5.4
478
+ notebook==6.5.6
479
+ notebook_executor==0.2
480
+ notebook_shim==0.2.3
481
+ numba==0.58.1
482
+ numba==0.59.0
483
+ numexpr==2.9.0
484
+ numpy==1.26.4
485
+ nvidia-ml-py==11.495.46
486
+ nvtx==0.2.10
487
+ oauth2client==4.1.3
488
+ oauthlib==3.2.2
489
+ objsize==0.6.1
490
+ odfpy==1.4.1
491
+ olefile==0.47
492
+ onnx==1.15.0
493
+ opencensus-context==0.1.3
494
+ opencensus==0.11.4
495
+ opencv-contrib-python==4.9.0.80
496
+ opencv-python-headless==4.9.0.80
497
+ opencv-python==4.9.0.80
498
+ openpyxl==3.1.2
499
+ openslide-python==1.3.1
500
+ opentelemetry-api==1.22.0
501
+ opentelemetry-exporter-otlp-proto-common==1.22.0
502
+ opentelemetry-exporter-otlp-proto-grpc==1.22.0
503
+ opentelemetry-exporter-otlp-proto-http==1.22.0
504
+ opentelemetry-exporter-otlp==1.22.0
505
+ opentelemetry-proto==1.22.0
506
+ opentelemetry-sdk==1.22.0
507
+ opentelemetry-semantic-conventions==0.43b0
508
+ opt-einsum==3.3.0
509
+ optax==0.2.1
510
+ optuna==3.6.0
511
+ orbax-checkpoint==0.5.6
512
+ ordered-set==4.1.0
513
+ orjson==3.9.10
514
+ ortools==9.4.1874
515
+ osmnx==1.9.1
516
+ overrides==7.4.0
517
+ packaging==21.3
518
+ pandas-datareader==0.10.0
519
+ pandas-profiling==3.6.6
520
+ pandas-summary==0.2.0
521
+ pandas==2.1.4
522
+ pandas==2.2.1
523
+ pandasql==0.7.3
524
+ pandocfilters==1.5.0
525
+ panel==1.3.8
526
+ papermill==2.5.0
527
+ param==2.0.2
528
+ parso==0.8.3
529
+ partd==1.4.1
530
+ path.py==12.5.0
531
+ path==16.10.0
532
+ pathos==0.3.2
533
+ pathy==0.10.3
534
+ patsy==0.5.6
535
+ pdf2image==1.17.0
536
+ peft==0.10.0
537
+ pettingzoo==1.24.0
538
+ pexpect==4.8.0
539
+ pexpect==4.9.0
540
+ phik==0.12.4
541
+ pickleshare==0.7.5
542
+ pip==23.3.2
543
+ pkgutil_resolve_name==1.3.10
544
+ platformdirs==4.2.0
545
+ plotly-express==0.4.1
546
+ plotly==5.18.0
547
+ plotnine==0.13.2
548
+ pluggy==1.4.0
549
+ pointpats==2.4.0
550
+ polars==0.20.15
551
+ polyglot==16.7.4
552
+ pooch==1.8.1
553
+ pox==0.3.4
554
+ ppca==0.0.4
555
+ ppft==1.7.6.8
556
+ preprocessing==0.1.13
557
+ preshed==3.0.9
558
+ prettytable==3.9.0
559
+ progressbar2==4.4.2
560
+ prometheus-client==0.19.0
561
+ promise==2.3
562
+ prompt-toolkit==3.0.42
563
+ prompt-toolkit==3.0.43
564
+ pronouncing==0.2.0
565
+ prophet==1.1.1
566
+ proto-plus==1.23.0
567
+ protobuf==3.20.3
568
+ protobuf==4.21.12
569
+ psutil==5.9.3
570
+ psutil==5.9.7
571
+ ptyprocess==0.7.0
572
+ pudb==2024.1
573
+ pure-eval==0.2.2
574
+ py-cpuinfo==9.0.0
575
+ py-spy==0.3.14
576
+ py4j==0.10.9.7
577
+ pyLDAvis==3.4.1
578
+ pyOpenSSL==23.3.0
579
+ pyaml==23.12.0
580
+ pyarrow-hotfix==0.6
581
+ pyarrow==11.0.0
582
+ pyasn1-modules==0.3.0
583
+ pyasn1==0.5.1
584
+ pybind11==2.11.1
585
+ pyclipper==1.3.0.post5
586
+ pycodestyle==2.11.1
587
+ pycosat==0.6.6
588
+ pycparser==2.21
589
+ pycryptodome==3.20.0
590
+ pyct==0.5.0
591
+ pycuda==2024.1
592
+ pydantic==2.5.3
593
+ pydantic==2.6.4
594
+ pydantic_core==2.14.6
595
+ pydantic_core==2.16.3
596
+ pydegensac==0.1.2
597
+ pydicom==2.4.4
598
+ pydocstyle==6.3.0
599
+ pydot==1.4.2
600
+ pydub==0.25.1
601
+ pyemd==1.0.0
602
+ pyerfa==2.0.1.1
603
+ pyexcel-io==0.6.6
604
+ pyexcel-ods==0.6.0
605
+ pyflakes==3.2.0
606
+ pygltflib==1.16.2
607
+ pykalman==0.9.5
608
+ pylibraft==23.8.0
609
+ pylint==3.0.4
610
+ pymc3==3.11.4
611
+ pymongo==3.13.0
612
+ pynndescent==0.5.11
613
+ pynvml==11.4.1
614
+ pynvrtc==9.2
615
+ pyocr==0.8.5
616
+ pyparsing==3.1.1
617
+ pyparsing==3.1.2
618
+ pypdf==4.1.0
619
+ pyproj==3.6.1
620
+ pysal==24.1
621
+ pyshp==2.3.1
622
+ pytesseract==0.3.10
623
+ pytest==8.1.1
624
+ python-Levenshtein==0.25.0
625
+ python-bidi==0.4.2
626
+ python-dateutil==2.9.0.post0
627
+ python-dotenv==1.0.0
628
+ python-json-logger==2.0.7
629
+ python-louvain==0.16
630
+ python-lsp-jsonrpc==1.1.2
631
+ python-lsp-server==1.10.1
632
+ python-slugify==8.0.4
633
+ python-utils==3.8.2
634
+ pythreejs==2.4.2
635
+ pytoolconfig==1.3.1
636
+ pytools==2023.1.1
637
+ pytorch-ignite==0.4.13
638
+ pytorch-lightning==2.2.1
639
+ pytz==2023.3.post1
640
+ pytz==2024.1
641
+ pyu2f==0.1.5
642
+ pyviz_comms==3.0.1
643
+ pyzmq==24.0.1
644
+ pyzmq==25.1.2
645
+ qgrid==1.3.1
646
+ qtconsole==5.5.1
647
+ quantecon==0.7.2
648
+ quantities==0.15.0
649
+ qudida==0.0.4
650
+ raft-dask==23.8.0
651
+ rapidfuzz==3.6.2
652
+ rasterio==1.3.9
653
+ rasterstats==0.19.0
654
+ ray-cpp==2.9.0
655
+ ray==2.9.0
656
+ referencing==0.32.1
657
+ regex==2023.12.25
658
+ requests-oauthlib==1.3.1
659
+ requests-toolbelt==0.10.1
660
+ requests==2.31.0
661
+ responses==0.18.0
662
+ retrying==1.3.3
663
+ retrying==1.3.4
664
+ rfc3339-validator==0.1.4
665
+ rfc3986-validator==0.1.1
666
+ rgf-python==3.12.0
667
+ rich-click==1.7.4
668
+ rich==13.7.0
669
+ rich==13.7.1
670
+ rmm==23.8.0
671
+ rope==1.12.0
672
+ rpds-py==0.16.2
673
+ rsa==4.9
674
+ ruamel-yaml-conda==0.15.100
675
+ ruamel.yaml.clib==0.2.7
676
+ ruamel.yaml==0.17.40
677
+ s2sphere==0.2.5
678
+ s3fs==2024.3.0
679
+ s3transfer==0.6.2
680
+ safetensors==0.4.2
681
+ scattertext==0.1.19
682
+ scikit-image==0.22.0
683
+ scikit-learn-intelex==2024.1.0
684
+ scikit-learn==1.2.2
685
+ scikit-multilearn==0.2.0
686
+ scikit-optimize==0.10.1
687
+ scikit-plot==0.3.7
688
+ scikit-surprise==1.1.3
689
+ scipy==1.11.4
690
+ scipy==1.12.0
691
+ seaborn==0.12.2
692
+ segment_anything==1.0
693
+ segregation==2.5
694
+ semver==3.0.2
695
+ sentencepiece==0.2.0
696
+ sentry-sdk==1.42.0
697
+ setproctitle==1.3.3
698
+ setuptools-git==1.2
699
+ setuptools-scm==8.0.4
700
+ setuptools==69.0.3
701
+ shap==0.44.1
702
+ shapely==2.0.3
703
+ shellingham==1.5.4
704
+ shtab==1.7.1
705
+ simpervisor==1.0.0
706
+ simplejson==3.19.2
707
+ six==1.16.0
708
+ sklearn-pandas==2.2.0
709
+ slicer==0.0.7
710
+ smart-open==6.4.0
711
+ smmap==5.0.1
712
+ sniffio==1.3.0
713
+ snowballstemmer==2.2.0
714
+ snuggs==1.4.7
715
+ sortedcontainers==2.4.0
716
+ soundfile==0.12.1
717
+ soupsieve==2.5
718
+ soxr==0.3.7
719
+ spacy-legacy==3.0.12
720
+ spacy-loggers==1.0.5
721
+ spacy==3.7.2
722
+ spaghetti==1.7.5.post1
723
+ spectral==0.23.1
724
+ spglm==1.1.0
725
+ sphinx-rtd-theme==0.2.4
726
+ spint==1.0.7
727
+ splot==1.1.5.post1
728
+ spopt==0.6.0
729
+ spreg==1.4.2
730
+ spvcm==0.3.0
731
+ sqlparse==0.4.4
732
+ squarify==0.4.3
733
+ srsly==2.4.8
734
+ stable-baselines3==2.1.0
735
+ stack-data==0.6.2
736
+ stack-data==0.6.3
737
+ stanio==0.3.0
738
+ starlette==0.32.0.post1
739
+ statsmodels==0.14.1
740
+ stemming==1.0.1
741
+ stop-words==2018.7.23
742
+ stopit==1.1.2
743
+ stumpy==1.12.0
744
+ sympy==1.12
745
+ tables==3.9.2
746
+ tabulate==0.9.0
747
+ tangled-up-in-unicode==0.2.0
748
+ tbb==2021.11.0
749
+ tblib==3.0.0
750
+ tenacity==8.2.3
751
+ tensorboard-data-server==0.7.2
752
+ tensorboard-plugin-profile==2.15.0
753
+ tensorboard==2.15.1
754
+ tensorboardX==2.6.2.2
755
+ tensorflow-cloud==0.1.16
756
+ tensorflow-datasets==4.9.4
757
+ tensorflow-decision-forests==1.8.1
758
+ tensorflow-estimator==2.15.0
759
+ tensorflow-hub==0.16.1
760
+ tensorflow-io-gcs-filesystem==0.35.0
761
+ tensorflow-io==0.35.0
762
+ tensorflow-metadata==0.14.0
763
+ tensorflow-probability==0.23.0
764
+ tensorflow-serving-api==2.14.1
765
+ tensorflow-text==2.15.0
766
+ tensorflow-transform==0.14.0
767
+ tensorflow==2.15.0
768
+ tensorpack==0.11
769
+ tensorstore==0.1.56
770
+ termcolor==2.4.0
771
+ terminado==0.18.0
772
+ testpath==0.6.0
773
+ text-unidecode==1.3
774
+ textblob==0.18.0.post0
775
+ texttable==1.7.0
776
+ tf_keras==2.15.1
777
+ tfp-nightly==0.24.0.dev0
778
+ thinc==8.2.2
779
+ threadpoolctl==3.2.0
780
+ tifffile==2023.12.9
781
+ timm==0.9.16
782
+ tinycss2==1.2.1
783
+ tobler==0.11.2
784
+ tokenizers==0.15.2
785
+ toml==0.10.2
786
+ tomli==2.0.1
787
+ tomlkit==0.12.4
788
+ toolz==0.12.1
789
+ torch==2.1.2
790
+ torchaudio==2.1.2
791
+ torchdata==0.7.1
792
+ torchinfo==1.8.0
793
+ torchmetrics==1.3.2
794
+ torchtext==0.16.2
795
+ torchvision==0.16.2
796
+ tornado==6.3.3
797
+ tqdm==4.66.1
798
+ traceml==1.0.8
799
+ traitlets==5.9.0
800
+ traittypes==0.2.1
801
+ transformers==4.38.2
802
+ treelite-runtime==3.2.0
803
+ treelite==3.2.0
804
+ trl==0.8.1
805
+ trueskill==0.4.5
806
+ truststore==0.8.0
807
+ trx-python==0.2.9
808
+ tsfresh==0.20.2
809
+ typeguard==4.1.5
810
+ typer==0.9.0
811
+ types-python-dateutil==2.8.19.20240106
812
+ typing-inspect==0.9.0
813
+ typing-utils==0.1.0
814
+ typing_extensions==4.9.0
815
+ tyro==0.8.2
816
+ tzdata==2023.4
817
+ uc-micro-py==1.0.3
818
+ ucx-py==0.33.0
819
+ ujson==5.9.0
820
+ umap-learn==0.5.5
821
+ unicodedata2==15.1.0
822
+ update-checker==0.18.0
823
+ uri-template==1.3.0
824
+ uritemplate==3.0.1
825
+ urllib3==1.26.18
826
+ urllib3==2.1.0
827
+ urwid==2.6.9
828
+ urwid_readline==0.14
829
+ uvicorn==0.25.0
830
+ uvloop==0.19.0
831
+ vaex-astro==0.9.3
832
+ vaex-core==4.17.1
833
+ vaex-hdf5==0.14.1
834
+ vaex-jupyter==0.8.2
835
+ vaex-ml==0.18.3
836
+ vaex-server==0.9.0
837
+ vaex-viz==0.5.4
838
+ vaex==4.17.0
839
+ vec_noise==1.1.4
840
+ vecstack==0.4.0
841
+ virtualenv==20.21.0
842
+ visions==0.7.5
843
+ vowpalwabbit==9.9.0
844
+ vtk==9.3.0
845
+ wandb==0.16.4
846
+ wasabi==1.1.2
847
+ watchfiles==0.21.0
848
+ wavio==0.0.8
849
+ wcwidth==0.2.13
850
+ weasel==0.3.4
851
+ webcolors==1.13
852
+ webencodings==0.5.1
853
+ websocket-client==1.7.0
854
+ websockets==12.0
855
+ wfdb==4.1.2
856
+ whatthepatch==1.0.5
857
+ wheel==0.42.0
858
+ widgetsnbextension==3.6.6
859
+ witwidget==1.8.1
860
+ woodwork==0.29.0
861
+ wordcloud==1.9.3
862
+ wordsegment==1.3.1
863
+ wrapt==1.14.1
864
+ xarray-einstats==0.7.0
865
+ xarray==2024.2.0
866
+ xgboost==2.0.3
867
+ xvfbwrapper==0.2.9
868
+ xxhash==3.4.1
869
+ xyzservices==2023.10.1
870
+ y-py==0.6.2
871
+ yapf==0.40.2
872
+ yarl==1.9.3
873
+ yarl==1.9.4
874
+ ydata-profiling==4.6.4
875
+ yellowbrick==1.5
876
+ ypy-websocket==0.8.4
877
+ zict==3.0.0
878
+ zipp==3.17.0
879
+ zstandard==0.22.0
wandb/run-20240408_203054-ldiuneeg/files/wandb-metadata.json ADDED
@@ -0,0 +1,66 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.133+-x86_64-with-glibc2.31",
3
+ "python": "3.10.13",
4
+ "heartbeatAt": "2024-04-08T20:30:55.046043",
5
+ "startedAt": "2024-04-08T20:30:54.356910",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "kaggle.ipynb",
11
+ "codePathLocal": null,
12
+ "root": "/kaggle/working",
13
+ "host": "622eb14e717e",
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.14,
20
+ "min": 0.0,
21
+ "max": 0.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2000.14,
26
+ "min": 0.0,
27
+ "max": 0.0
28
+ },
29
+ {
30
+ "current": 2000.14,
31
+ "min": 0.0,
32
+ "max": 0.0
33
+ },
34
+ {
35
+ "current": 2000.14,
36
+ "min": 0.0,
37
+ "max": 0.0
38
+ },
39
+ {
40
+ "current": 2000.14,
41
+ "min": 0.0,
42
+ "max": 0.0
43
+ }
44
+ ],
45
+ "disk": {
46
+ "/": {
47
+ "total": 8062.387607574463,
48
+ "used": 5568.727569580078
49
+ }
50
+ },
51
+ "gpu": "Tesla T4",
52
+ "gpu_count": 2,
53
+ "gpu_devices": [
54
+ {
55
+ "name": "Tesla T4",
56
+ "memory_total": 16106127360
57
+ },
58
+ {
59
+ "name": "Tesla T4",
60
+ "memory_total": 16106127360
61
+ }
62
+ ],
63
+ "memory": {
64
+ "total": 31.357559204101562
65
+ }
66
+ }
wandb/run-20240408_203054-ldiuneeg/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"train/loss": 2.9072, "train/grad_norm": 5.856708526611328, "train/learning_rate": 0.0, "train/epoch": 0.05, "train/global_step": 17000, "_timestamp": 1712634864.438166, "_runtime": 26610.075627803802, "_step": 850, "train/train_runtime": 26611.8721, "train/train_samples_per_second": 2.555, "train/train_steps_per_second": 0.639, "train/total_flos": 4.633591751009894e+16, "train/train_loss": 2.869654561435475}
wandb/run-20240408_203054-ldiuneeg/logs/debug-internal.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20240408_203054-ldiuneeg/logs/debug.log ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Current SDK version is 0.16.4
2
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Configure stats pid to 1139
3
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-04-08 20:30:54,358 INFO MainThread:1139 [wandb_init.py:_log_setup():526] Logging user logs to /kaggle/working/wandb/run-20240408_203054-ldiuneeg/logs/debug.log
9
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:_log_setup():527] Logging internal logs to /kaggle/working/wandb/run-20240408_203054-ldiuneeg/logs/debug-internal.log
10
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7a14022dcc40>
11
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:init():566] calling init triggers
12
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
13
+ config: {}
14
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:init():616] starting backend
15
+ 2024-04-08 20:30:54,359 INFO MainThread:1139 [wandb_init.py:init():620] setting up manager
16
+ 2024-04-08 20:30:54,361 INFO MainThread:1139 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
17
+ 2024-04-08 20:30:54,362 INFO MainThread:1139 [wandb_init.py:init():628] backend started and connected
18
+ 2024-04-08 20:30:54,373 INFO MainThread:1139 [wandb_run.py:_label_probe_notebook():1295] probe notebook
19
+ 2024-04-08 20:30:54,756 INFO MainThread:1139 [wandb_init.py:init():720] updated telemetry
20
+ 2024-04-08 20:30:54,760 INFO MainThread:1139 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
21
+ 2024-04-08 20:30:54,922 INFO MainThread:1139 [wandb_run.py:_on_init():2262] communicating current version
22
+ 2024-04-08 20:30:55,013 INFO MainThread:1139 [wandb_run.py:_on_init():2271] got version response upgrade_message: "wandb version 0.16.6 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
23
+
24
+ 2024-04-08 20:30:55,013 INFO MainThread:1139 [wandb_init.py:init():804] starting run threads in backend
25
+ 2024-04-08 20:31:25,981 INFO MainThread:1139 [wandb_run.py:_console_start():2241] atexit reg
26
+ 2024-04-08 20:31:25,981 INFO MainThread:1139 [wandb_run.py:_redirect():2096] redirect: wrap_raw
27
+ 2024-04-08 20:31:25,982 INFO MainThread:1139 [wandb_run.py:_redirect():2161] Wrapping output streams.
28
+ 2024-04-08 20:31:25,982 INFO MainThread:1139 [wandb_run.py:_redirect():2186] Redirects installed.
29
+ 2024-04-08 20:31:25,983 INFO MainThread:1139 [wandb_init.py:init():847] run started, returning control to user process
30
+ 2024-04-08 20:31:25,989 INFO MainThread:1139 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 32000, 'max_position_embeddings': 2048, 'hidden_size': 2048, 'intermediate_size': 5632, 'num_hidden_layers': 22, 'num_attention_heads': 32, 'num_key_value_heads': 4, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': False, 'rope_theta': 10000.0, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, 'chunk_size_feed_forward': 0, 'is_encoder_decoder': False, 'is_decoder': False, 'cross_attention_hidden_size': None, 'add_cross_attention': False, 'tie_encoder_decoder': False, 'max_length': 20, 'min_length': 0, 'do_sample': False, 'early_stopping': False, 'num_beams': 1, 'num_beam_groups': 1, 'diversity_penalty': 0.0, 'temperature': 1.0, 'top_k': 50, 'top_p': 1.0, 'typical_p': 1.0, 'repetition_penalty': 1.0, 'length_penalty': 1.0, 'no_repeat_ngram_size': 0, 'encoder_no_repeat_ngram_size': 0, 'bad_words_ids': None, 'num_return_sequences': 1, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['LlamaForCausalLM'], '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': 1, 'pad_token_id': None, 'eos_token_id': 2, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'TinyLlama/TinyLlama-1.1B-intermediate-step-1431k-3T', 'transformers_version': '4.38.2', 'model_type': 'llama', 'quantization_config': {'quant_method': 'QuantizationMethod.BITS_AND_BYTES', '_load_in_8bit': False, '_load_in_4bit': True, 'llm_int8_threshold': 6.0, 'llm_int8_skip_modules': None, 'llm_int8_enable_fp32_cpu_offload': False, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': False, 'bnb_4bit_compute_dtype': 'float16', 'load_in_4bit': True, 'load_in_8bit': False}, 'output_dir': '/kaggle/working/', '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': 2, 'per_device_eval_batch_size': 8, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 3e-05, 'weight_decay': 0.001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 0.1, 'num_train_epochs': 1, 'max_steps': 17000, 'lr_scheduler_type': 'cosine', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.03, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/runs/Apr08_20-30-47_622eb14e717e', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 20, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 20, 'save_total_limit': 1, '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, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '/kaggle/working/', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': 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}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_32bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['tensorboard', 'wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': False, 'gradient_checkpointing_kwargs': None, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
wandb/run-20240408_203054-ldiuneeg/run-ldiuneeg.wandb ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4a1a6dc6835c26443bab92d2c3b1ec771bb0f492dcb155f63d7031d5d207934c
3
+ size 1740954