Surabhi-K1 commited on
Commit
b2b90fd
·
verified ·
1 Parent(s): 1eb7760

Upload folder using huggingface_hub

Browse files
README.md CHANGED
@@ -1,9 +1,9 @@
1
  ---
2
- license: mit
3
  library_name: peft
4
  tags:
5
  - generated_from_trainer
6
- base_model: microsoft/phi-2
7
  model-index:
8
  - name: working
9
  results: []
@@ -14,9 +14,9 @@ should probably proofread and complete it, then remove this comment. -->
14
 
15
  # working
16
 
17
- This model is a fine-tuned version of [microsoft/phi-2](https://huggingface.co/microsoft/phi-2) on an unknown dataset.
18
  It achieves the following results on the evaluation set:
19
- - Loss: 0.1224
20
 
21
  ## Model description
22
 
@@ -44,23 +44,21 @@ The following hyperparameters were used during training:
44
  - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
45
  - lr_scheduler_type: linear
46
  - lr_scheduler_warmup_steps: 20
47
- - num_epochs: 10
48
  - mixed_precision_training: Native AMP
49
 
50
  ### Training results
51
 
52
  | Training Loss | Epoch | Step | Validation Loss |
53
  |:-------------:|:-----:|:----:|:---------------:|
54
- | 2.9283 | 0.99 | 42 | 0.6680 |
55
- | 0.4333 | 1.98 | 84 | 0.3164 |
56
- | 0.2286 | 3.0 | 127 | 0.2224 |
57
- | 0.1812 | 3.99 | 169 | 0.1807 |
58
- | 0.1508 | 5.0 | 212 | 0.1540 |
59
- | 0.1373 | 5.99 | 254 | 0.1396 |
60
- | 0.1261 | 6.98 | 296 | 0.1307 |
61
- | 0.1157 | 8.0 | 339 | 0.1257 |
62
- | 0.1128 | 8.99 | 381 | 0.1235 |
63
- | 0.1097 | 9.91 | 420 | 0.1224 |
64
 
65
 
66
  ### Framework versions
 
1
  ---
2
+ license: llama2
3
  library_name: peft
4
  tags:
5
  - generated_from_trainer
6
+ base_model: codellama/CodeLlama-7b-hf
7
  model-index:
8
  - name: working
9
  results: []
 
14
 
15
  # working
16
 
17
+ This model is a fine-tuned version of [codellama/CodeLlama-7b-hf](https://huggingface.co/codellama/CodeLlama-7b-hf) on an unknown dataset.
18
  It achieves the following results on the evaluation set:
19
+ - Loss: 0.1480
20
 
21
  ## Model description
22
 
 
44
  - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
45
  - lr_scheduler_type: linear
46
  - lr_scheduler_warmup_steps: 20
47
+ - num_epochs: 8
48
  - mixed_precision_training: Native AMP
49
 
50
  ### Training results
51
 
52
  | Training Loss | Epoch | Step | Validation Loss |
53
  |:-------------:|:-----:|:----:|:---------------:|
54
+ | 2.3229 | 1.0 | 53 | 0.6387 |
55
+ | 0.432 | 1.99 | 106 | 0.3294 |
56
+ | 0.2289 | 2.99 | 159 | 0.2288 |
57
+ | 0.1716 | 3.98 | 212 | 0.1856 |
58
+ | 0.1464 | 5.0 | 266 | 0.1649 |
59
+ | 0.1383 | 6.0 | 319 | 0.1544 |
60
+ | 0.1318 | 6.99 | 372 | 0.1511 |
61
+ | 0.1277 | 7.97 | 424 | 0.1480 |
 
 
62
 
63
 
64
  ### Framework versions
adapter_config.json CHANGED
@@ -1,7 +1,7 @@
1
  {
2
  "alpha_pattern": {},
3
  "auto_mapping": null,
4
- "base_model_name_or_path": "microsoft/phi-2",
5
  "bias": "none",
6
  "fan_in_fan_out": false,
7
  "inference_mode": true,
@@ -19,12 +19,12 @@
19
  "rank_pattern": {},
20
  "revision": null,
21
  "target_modules": [
22
- "fc2",
23
- "dense",
24
- "k_proj",
25
- "q_proj",
26
  "v_proj",
27
- "fc1"
 
 
 
 
28
  ],
29
  "task_type": "CAUSAL_LM"
30
  }
 
1
  {
2
  "alpha_pattern": {},
3
  "auto_mapping": null,
4
+ "base_model_name_or_path": "codellama/CodeLlama-7b-hf",
5
  "bias": "none",
6
  "fan_in_fan_out": false,
7
  "inference_mode": true,
 
19
  "rank_pattern": {},
20
  "revision": null,
21
  "target_modules": [
 
 
 
 
22
  "v_proj",
23
+ "q_proj",
24
+ "k_proj",
25
+ "dense",
26
+ "fc1",
27
+ "fc2"
28
  ],
29
  "task_type": "CAUSAL_LM"
30
  }
adapter_model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:1c99c3c683cb967dcaec635dca453a04ea1ffb7af7737cac3718f7d86863b4dd
3
- size 94422368
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a4ed27e0c01b02d0b1626354d1e92ecfacc9aa148765cc99752e89ac8a69096c
3
+ size 50357464
test.csv CHANGED
@@ -473,9 +473,9 @@ ideploy/rest/change_ownership,Successful change of ownership from one user to an
473
  "," when day params is negative
474
  ","{
475
  ""days"" : -1
476
- }","{""status:200,
477
- ""result"": ""FAILURE"",
478
- ""error"": ""Value of `days` cannot be negative""
479
  }","def test_license_check_when_day_is_negative(run_api):
480
  """"""
481
  license check when day is negative
@@ -484,3 +484,91 @@ ideploy/rest/change_ownership,Successful change of ownership from one user to an
484
  rjson = r.json()
485
  test_assert.status(r, 400)
486
  assert rjson['error'] == ""Value of `days` cannot be negative"", ""The error %s"" % rjson"
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
473
  "," when day params is negative
474
  ","{
475
  ""days"" : -1
476
+ }","{
477
+ ""status:200,
478
+ ""message"": ""Value of `days` cannot be negative""
479
  }","def test_license_check_when_day_is_negative(run_api):
480
  """"""
481
  license check when day is negative
 
484
  rjson = r.json()
485
  test_assert.status(r, 400)
486
  assert rjson['error'] == ""Value of `days` cannot be negative"", ""The error %s"" % rjson"
487
+ /deploy/rest/deploylist,"getting list of image of deployed machine by setting scope to ""my"". Check the user type before performing the operation, only admin user type have the permission to perform such operations.","{
488
+ scope : ""my""
489
+ }","{
490
+ ""response"" : success
491
+ }","def test_deploy_list_filter_with_scope_my(run_api, admin_exec_api, library_add_new_vm):
492
+ """"""
493
+ filter deploy list using scope = my
494
+ """"""
495
+ params, r = library_add_new_vm
496
+ lib_id = r[""uuid""]
497
+ r = admin_exec_api.deploy_image(lib_id)
498
+ deploy_id = r.json()[""uuid""]
499
+ count = check_count_deploylist(run_api, deploy_id, params={'scope': 'my', 'uuid': deploy_id})
500
+
501
+ if run_api.user_type == USER_TYPE['non_admin'] or run_api.user_type == USER_TYPE['manager']:
502
+ assert count == 0
503
+ elif run_api.user_type == USER_TYPE['admin']:
504
+ assert count == 1
505
+
506
+ r = admin_exec_api.deploy_image_delete(deploy_id)
507
+ "
508
+ /config/rest/set/,"setting the None value to secret config. Check the user type before performing the operation, only admin user type have the permission to perform such operations.
509
+ ","{
510
+ ""name"": ""secret"",
511
+ ""value"": None
512
+ }","{
513
+ ""status"" : 400,
514
+ ""response"" : 'Invalid secret_key Value'
515
+ }","def test_config_None_set_secret(run_api):
516
+ """"""
517
+ Set the secret-key config value as None
518
+ """"""
519
+ config_value = {
520
+ ""name"": ""secret"",
521
+ ""value"": None
522
+ }
523
+ r = run_api.config_set(config_value)
524
+ res = r.json()
525
+ if run_api.user_type in [USER_TYPE[""manager""], USER_TYPE[""non_admin""]]:
526
+ test_assert.status(r, 403)
527
+ elif run_api.user_type == USER_TYPE['admin']:
528
+ test_assert.status(r, 400)
529
+ assert res[""result""] == 'FAILURE'
530
+ assert 'Invalid secret_key Value' in res[""error""], res
531
+
532
+
533
+ "
534
+ /group/rest/add/,"adding new group when group name field is missing. Check the user type before performing the operation, only admin user type have the permission to perform such operations.
535
+ ",,"{
536
+ ""status"" : 400,
537
+ ""message"" : ""Group Name is required and it can not be blank""
538
+ }","def test_add_group_with_group_name_field_missing(run_api):
539
+ """"""
540
+ Adding new Group with group name field missing
541
+ """"""
542
+ params, r = run_api.group_add(template={})
543
+ if run_api.user_type in [USER_TYPE[""non_admin""], USER_TYPE[""manager""]]:
544
+ test_assert.status(r, 403)
545
+ elif run_api.user_type == USER_TYPE[""admin""]:
546
+ result = r.json()
547
+ test_assert.status(r, 400)
548
+ assert result['error'] == ""Group Name is required and it can not be blank""
549
+
550
+ "
551
+ /group/rest/update/,"updating the deployment strategy of a group using an invalid value. Check the user type before performing the operation, only admin user type have the permission to perform such operations.
552
+ ","{
553
+ ""name"",
554
+ ""deployment_strategy"": 'invalid'
555
+ }","{
556
+ ""status"" : 400,
557
+ ""message"" : ""Invalid deployment_strategy""
558
+ }","def test_group_update_invalid_deployment_strategy(skip_if_not_admin, group_add, run_api):
559
+ """"""
560
+ group update invalid deployment_strategy
561
+ """"""
562
+ params, r = group_add
563
+ rjson = r.json()
564
+ group_id = rjson['id']
565
+ group_param = {
566
+ ""name"": rjson['name'],
567
+ ""deployment_strategy"": 'invalid'
568
+ }
569
+ updated_param, r = run_api.group_update(group_id, group_param)
570
+ run_api.user_type == USER_TYPE[""admin""]
571
+ result = r.json()
572
+ test_assert.status(r, 400)
573
+ assert result['error'] == ""Invalid deployment_strategy"", ""|> Json %s"" % result
574
+ "
train.csv CHANGED
The diff for this file is too large to render. See raw diff
 
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:bc55ff944b73b9862390b7f0f19680a9c59e25076838e4ec9adeac98b42ab4d4
3
- size 4728
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6b21fbcf14c560f6c24e2048dd42c5ef7f673e0ff7555030c6b73db5f8d0c711
3
+ size 4664
wandb/debug-internal.log CHANGED
The diff for this file is too large to render. See raw diff
 
wandb/debug.log CHANGED
@@ -1,40 +1,52 @@
1
- 2024-03-21 13:45:28,060 INFO MainThread:34 [wandb_setup.py:_flush():76] Current SDK version is 0.16.3
2
- 2024-03-21 13:45:28,060 INFO MainThread:34 [wandb_setup.py:_flush():76] Configure stats pid to 34
3
- 2024-03-21 13:45:28,060 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
- 2024-03-21 13:45:28,060 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
- 2024-03-21 13:45:28,061 INFO MainThread:34 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'project': 'Fine-tune-models', 'run_notes': 'Fine-tuning casual language models', 'run_name': 'fine-tuning-Phi2-with-webglm-qa-with-lora'}
6
- 2024-03-21 13:45:28,061 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
- 2024-03-21 13:45:28,061 INFO MainThread:34 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
- 2024-03-21 13:45:28,061 INFO MainThread:34 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
- 2024-03-21 13:45:28,061 INFO MainThread:34 [wandb_init.py:_log_setup():526] Logging user logs to /kaggle/working/wandb/run-20240321_134528-1yg0dsnt/logs/debug.log
10
- 2024-03-21 13:45:28,061 INFO MainThread:34 [wandb_init.py:_log_setup():527] Logging internal logs to /kaggle/working/wandb/run-20240321_134528-1yg0dsnt/logs/debug-internal.log
11
- 2024-03-21 13:45:28,061 INFO MainThread:34 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7ca9f057b550>
12
- 2024-03-21 13:45:28,062 INFO MainThread:34 [wandb_init.py:init():566] calling init triggers
13
- 2024-03-21 13:45:28,062 INFO MainThread:34 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
14
  config: {}
15
- 2024-03-21 13:45:28,062 INFO MainThread:34 [wandb_init.py:init():616] starting backend
16
- 2024-03-21 13:45:28,062 INFO MainThread:34 [wandb_init.py:init():620] setting up manager
17
- 2024-03-21 13:45:28,064 INFO MainThread:34 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
- 2024-03-21 13:45:28,068 INFO MainThread:34 [wandb_init.py:init():628] backend started and connected
19
- 2024-03-21 13:45:28,081 INFO MainThread:34 [wandb_run.py:_label_probe_notebook():1295] probe notebook
20
- 2024-03-21 13:45:28,409 INFO MainThread:34 [wandb_init.py:init():720] updated telemetry
21
- 2024-03-21 13:45:28,420 INFO MainThread:34 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
- 2024-03-21 13:45:28,786 INFO MainThread:34 [wandb_run.py:_on_init():2262] communicating current version
23
- 2024-03-21 13:45:28,872 INFO MainThread:34 [wandb_run.py:_on_init():2271] got version response upgrade_message: "wandb version 0.16.4 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
24
 
25
- 2024-03-21 13:45:28,872 INFO MainThread:34 [wandb_init.py:init():804] starting run threads in backend
26
- 2024-03-21 13:45:58,911 INFO MainThread:34 [wandb_run.py:_console_start():2241] atexit reg
27
- 2024-03-21 13:45:58,912 INFO MainThread:34 [wandb_run.py:_redirect():2096] redirect: wrap_raw
28
- 2024-03-21 13:45:58,912 INFO MainThread:34 [wandb_run.py:_redirect():2161] Wrapping output streams.
29
- 2024-03-21 13:45:58,912 INFO MainThread:34 [wandb_run.py:_redirect():2186] Redirects installed.
30
- 2024-03-21 13:45:58,914 INFO MainThread:34 [wandb_init.py:init():847] run started, returning control to user process
31
- 2024-03-21 13:45:58,920 INFO MainThread:34 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 51200, 'hidden_size': 2560, 'intermediate_size': 10240, 'num_hidden_layers': 32, 'num_attention_heads': 32, 'num_key_value_heads': 32, 'resid_pdrop': 0.1, 'embd_pdrop': 0.0, 'attention_dropout': 0.0, 'hidden_act': 'gelu_new', 'max_position_embeddings': 2048, 'initializer_range': 0.02, 'layer_norm_eps': 1e-05, 'use_cache': False, 'rope_theta': 10000.0, 'rope_scaling': None, 'partial_rotary_factor': 0.4, 'qk_layernorm': False, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'bfloat16', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, '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, 'chunk_size_feed_forward': 0, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['PhiForCausalLM'], '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': 50256, 'pad_token_id': None, 'eos_token_id': 50256, 'sep_token_id': None, 'decoder_start_token_id': None, 'task_specific_params': None, 'problem_type': None, '_name_or_path': 'microsoft/phi-2', 'transformers_version': '4.36.2', 'auto_map': {'AutoConfig': 'microsoft/phi-2--configuration_phi.PhiConfig', 'AutoModelForCausalLM': 'microsoft/phi-2--modeling_phi.PhiForCausalLM'}, 'model_type': 'phi', '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': True, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': True, 'bnb_4bit_compute_dtype': 'bfloat16'}, 'output_dir': '/kaggle/working/', 'overwrite_output_dir': True, 'do_train': False, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'epoch', 'prediction_loss_only': False, 'per_device_train_batch_size': 3, 'per_device_eval_batch_size': 3, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 5, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 5e-05, 'weight_decay': 0.01, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 10, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 20, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working//logs', 'logging_strategy': 'epoch', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'epoch', 'save_steps': 500, 'save_total_limit': 5, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': None, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': 'fine-tuning-Phi2-with-webglm-qa-with-lora', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'loss', 'greater_is_better': False, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_8bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': True, 'gradient_checkpointing_kwargs': {'use_reentrant': False}, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': False, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
32
- 2024-03-21 20:04:09,712 INFO MainThread:34 [jupyter.py:save_ipynb():373] not saving jupyter notebook
33
- 2024-03-21 20:04:09,712 INFO MainThread:34 [wandb_init.py:_pause_backend():437] pausing backend
34
- 2024-03-21 20:04:09,722 INFO MainThread:34 [wandb_init.py:_resume_backend():442] resuming backend
35
- 2024-03-21 20:04:23,112 INFO MainThread:34 [jupyter.py:save_ipynb():373] not saving jupyter notebook
36
- 2024-03-21 20:04:23,112 INFO MainThread:34 [wandb_init.py:_pause_backend():437] pausing backend
37
- 2024-03-21 20:04:23,120 INFO MainThread:34 [wandb_init.py:_resume_backend():442] resuming backend
38
- 2024-03-21 20:04:23,145 INFO MainThread:34 [jupyter.py:save_ipynb():373] not saving jupyter notebook
39
- 2024-03-21 20:04:23,145 INFO MainThread:34 [wandb_init.py:_pause_backend():437] pausing backend
40
- 2024-03-21 20:05:09,300 INFO MainThread:34 [wandb_init.py:_resume_backend():442] resuming backend
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Current SDK version is 0.16.3
2
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Configure stats pid to 33
3
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'project': '4march_code_llama', 'run_notes': 'Fine-tuning', 'run_name': 'fine-tuning-code-llama'}
6
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:_log_setup():526] Logging user logs to /kaggle/working/wandb/run-20240403_062721-nxc6ebu6/logs/debug.log
10
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:_log_setup():527] Logging internal logs to /kaggle/working/wandb/run-20240403_062721-nxc6ebu6/logs/debug-internal.log
11
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7e252c644670>
12
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:init():566] calling init triggers
13
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
14
  config: {}
15
+ 2024-04-03 06:27:21,017 INFO MainThread:33 [wandb_init.py:init():616] starting backend
16
+ 2024-04-03 06:27:21,017 INFO MainThread:33 [wandb_init.py:init():620] setting up manager
17
+ 2024-04-03 06:27:21,021 INFO MainThread:33 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-04-03 06:27:21,023 INFO MainThread:33 [wandb_init.py:init():628] backend started and connected
19
+ 2024-04-03 06:27:21,040 INFO MainThread:33 [wandb_run.py:_label_probe_notebook():1295] probe notebook
20
+ 2024-04-03 06:27:21,737 INFO MainThread:33 [wandb_init.py:init():720] updated telemetry
21
+ 2024-04-03 06:27:21,752 INFO MainThread:33 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
+ 2024-04-03 06:27:22,142 INFO MainThread:33 [wandb_run.py:_on_init():2262] communicating current version
23
+ 2024-04-03 06:27:22,197 INFO MainThread:33 [wandb_run.py:_on_init():2271] got version response upgrade_message: "wandb version 0.16.5 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
24
 
25
+ 2024-04-03 06:27:22,197 INFO MainThread:33 [wandb_init.py:init():804] starting run threads in backend
26
+ 2024-04-03 06:27:52,236 INFO MainThread:33 [wandb_run.py:_console_start():2241] atexit reg
27
+ 2024-04-03 06:27:52,236 INFO MainThread:33 [wandb_run.py:_redirect():2096] redirect: wrap_raw
28
+ 2024-04-03 06:27:52,237 INFO MainThread:33 [wandb_run.py:_redirect():2161] Wrapping output streams.
29
+ 2024-04-03 06:27:52,237 INFO MainThread:33 [wandb_run.py:_redirect():2186] Redirects installed.
30
+ 2024-04-03 06:27:52,238 INFO MainThread:33 [wandb_init.py:init():847] run started, returning control to user process
31
+ 2024-04-03 06:27:52,245 INFO MainThread:33 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 32016, 'max_position_embeddings': 16384, 'hidden_size': 4096, 'intermediate_size': 11008, 'num_hidden_layers': 32, 'num_attention_heads': 32, 'num_key_value_heads': 32, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': False, 'rope_theta': 1000000, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'bfloat16', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, '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, 'chunk_size_feed_forward': 0, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['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': 'codellama/CodeLlama-7b-hf', 'transformers_version': '4.36.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': True, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': True, 'bnb_4bit_compute_dtype': 'bfloat16'}, 'output_dir': '/kaggle/working/', 'overwrite_output_dir': True, 'do_train': False, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'epoch', 'prediction_loss_only': False, 'per_device_train_batch_size': 3, 'per_device_eval_batch_size': 3, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 5, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 5e-05, 'weight_decay': 0.01, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 8, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 20, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/', 'logging_strategy': 'epoch', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'epoch', 'save_steps': 500, 'save_total_limit': 5, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': None, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': 'fine-tuning-code-llama', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'loss', 'greater_is_better': False, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_8bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': True, 'gradient_checkpointing_kwargs': {'use_reentrant': False}, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': False, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
32
+ 2024-04-03 12:00:54,576 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
33
+ 2024-04-03 12:00:54,576 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
34
+ 2024-04-03 12:00:54,584 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
35
+ 2024-04-03 12:00:56,319 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
36
+ 2024-04-03 12:00:56,319 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
37
+ 2024-04-03 12:04:26,759 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
38
+ 2024-04-03 12:04:27,811 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
39
+ 2024-04-03 12:04:27,811 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
40
+ 2024-04-03 12:04:29,523 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
41
+ 2024-04-03 12:04:29,701 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
42
+ 2024-04-03 12:04:29,701 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
43
+ 2024-04-03 12:04:33,963 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
44
+ 2024-04-03 12:04:34,118 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
45
+ 2024-04-03 12:04:34,118 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
46
+ 2024-04-03 12:05:20,894 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
47
+ 2024-04-03 12:05:20,918 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
48
+ 2024-04-03 12:05:20,918 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
49
+ 2024-04-03 12:05:50,242 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
50
+ 2024-04-03 12:05:50,265 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
51
+ 2024-04-03 12:05:50,266 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
52
+ 2024-04-03 12:05:57,888 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
wandb/run-20240403_062721-nxc6ebu6/files/conda-environment.yaml ADDED
@@ -0,0 +1,1077 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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
+ - bokeh=3.3.4=pyhd8ed1ab_0
41
+ - boltons=23.1.1=pyhd8ed1ab_0
42
+ - brotli=1.0.9=h166bdaf_9
43
+ - brotli-bin=1.0.9=h166bdaf_9
44
+ - brotli-python=1.0.9=py310hd8f1fbe_9
45
+ - brotlipy=0.7.0=py310h7f8727e_1002
46
+ - bzip2=1.0.8=h7b6447c_0
47
+ - c-ares=1.25.0=hd590300_0
48
+ - ca-certificates=2024.2.2=hbcca054_0
49
+ - cached-property=1.5.2=hd8ed1ab_1
50
+ - cached_property=1.5.2=pyha770c72_1
51
+ - cairo=1.18.0=h3faef2a_0
52
+ - cartopy=0.22.0=py310hcc13569_1
53
+ - catalogue=2.0.10=py310hff52083_0
54
+ - certifi=2024.2.2=pyhd8ed1ab_0
55
+ - cffi=1.16.0=py310h2fee648_0
56
+ - charset-normalizer=3.3.2=pyhd8ed1ab_0
57
+ - click=8.1.7=unix_pyh707e725_0
58
+ - cloudpathlib=0.16.0=pyhd8ed1ab_0
59
+ - colorama=0.4.6=pyhd8ed1ab_0
60
+ - comm=0.2.1=pyhd8ed1ab_0
61
+ - conda=23.7.4=py310hff52083_0
62
+ - conda-libmamba-solver=23.7.0=pyhd8ed1ab_0
63
+ - conda-package-handling=2.2.0=pyh38be061_0
64
+ - conda-package-streaming=0.9.0=pyhd8ed1ab_0
65
+ - confection=0.1.4=py310h17c5347_0
66
+ - contourpy=1.2.0=py310hd41b1e2_0
67
+ - cryptography=41.0.7=py310hb8475ec_1
68
+ - cuda-cccl=12.3.101=0
69
+ - cuda-cudart=12.3.101=0
70
+ - cuda-cudart-dev=12.3.101=0
71
+ - cuda-nvcc-dev_linux-64=12.1.105=ha770c72_0
72
+ - cuda-nvcc-impl=12.1.105=hd3aeb46_0
73
+ - cuda-nvcc-tools=12.1.105=hd3aeb46_0
74
+ - cuda-nvrtc=12.1.105=hd3aeb46_0
75
+ - cuda-profiler-api=12.3.101=0
76
+ - cuda-python=12.3.0=py310h7ca8cf1_0
77
+ - cuda-version=12.1=h1d6eff3_2
78
+ - cudf=23.08.00=cuda12_py310_230809_g8150d38e08_0
79
+ - cuml=23.08.00=cuda12_py310_230809_gd7162cdea_0
80
+ - cupy=13.0.0=py310h7aad9d2_3
81
+ - cupy-core=13.0.0=py310had4011e_3
82
+ - curl=8.5.0=hca28451_0
83
+ - cycler=0.12.1=pyhd8ed1ab_0
84
+ - cymem=2.0.8=py310hc6cd4ac_1
85
+ - cython-blis=0.7.10=py310h1f7b6fc_2
86
+ - cytoolz=0.12.3=py310h2372a71_0
87
+ - dask-cuda=23.08.00=py310_230809_gefbd6ca_0
88
+ - dask-cudf=23.08.00=cuda12_py310_230809_g8150d38e08_0
89
+ - debugpy=1.8.0=py310hc6cd4ac_1
90
+ - decorator=5.1.1=pyhd8ed1ab_0
91
+ - defusedxml=0.7.1=pyhd8ed1ab_0
92
+ - distributed=2023.7.1=pyhd8ed1ab_0
93
+ - distro=1.9.0=pyhd8ed1ab_0
94
+ - dlenv-tf-2-15-gpu=1.0.20240111=py310ha20f8e0_0
95
+ - dlpack=0.5=h9c3ff4c_0
96
+ - entrypoints=0.4=pyhd8ed1ab_0
97
+ - exceptiongroup=1.2.0=pyhd8ed1ab_2
98
+ - executing=2.0.1=pyhd8ed1ab_0
99
+ - expat=2.5.0=hcb278e6_1
100
+ - fastrlock=0.8.2=py310hc6cd4ac_2
101
+ - fftw=3.3.10=nompi_hc118613_108
102
+ - fmt=9.1.0=h924138e_0
103
+ - font-ttf-dejavu-sans-mono=2.37=hab24e00_0
104
+ - font-ttf-inconsolata=3.000=h77eed37_0
105
+ - font-ttf-source-code-pro=2.038=h77eed37_0
106
+ - font-ttf-ubuntu=0.83=h77eed37_1
107
+ - fontconfig=2.14.2=h14ed4e7_0
108
+ - fonts-conda-ecosystem=1=0
109
+ - fonts-conda-forge=1=0
110
+ - fqdn=1.5.1=pyhd8ed1ab_0
111
+ - freetype=2.12.1=h267a509_2
112
+ - fribidi=1.0.10=h36c2ea0_0
113
+ - frozenlist=1.4.1=py310h2372a71_0
114
+ - gdk-pixbuf=2.42.10=h829c605_4
115
+ - geos=3.11.1=h27087fc_0
116
+ - gettext=0.21.1=h27087fc_0
117
+ - gflags=2.2.2=he1b5a44_1004
118
+ - ghostscript=10.02.1=h59595ed_0
119
+ - giflib=5.2.1=h0b41bf4_3
120
+ - glog=0.6.0=h6f12383_0
121
+ - gmock=1.14.0=ha770c72_1
122
+ - gmp=6.3.0=h59595ed_0
123
+ - google-api-core-grpc=2.11.1=hd8ed1ab_0
124
+ - google-auth=2.26.1=pyhca7485f_0
125
+ - google-cloud-core=2.4.1=pyhd8ed1ab_0
126
+ - google-cloud-datastore=2.19.0=pyhd8ed1ab_0
127
+ - googleapis-common-protos=1.62.0=pyhd8ed1ab_0
128
+ - graphite2=1.3.13=h58526e2_1001
129
+ - graphviz=9.0.0=h78e8752_1
130
+ - grpc-cpp=1.51.1=h27aab58_3
131
+ - gtest=1.14.0=h00ab1b0_1
132
+ - gtk2=2.24.33=h7f000aa_3
133
+ - gts=0.7.6=h977cf35_4
134
+ - harfbuzz=8.3.0=h3d44ed6_0
135
+ - icu=73.2=h59595ed_0
136
+ - idna=3.6=pyhd8ed1ab_0
137
+ - imagemagick=7.1.1_28=pl5321hb90aeea_0
138
+ - importlib_metadata=7.0.1=hd8ed1ab_0
139
+ - importlib_resources=6.1.1=pyhd8ed1ab_0
140
+ - intel-openmp=2023.1.0=hdb19cb5_46306
141
+ - ipykernel=6.28.0=pyhd33586a_0
142
+ - ipython=8.20.0=pyh707e725_0
143
+ - ipython_genutils=0.2.0=py_1
144
+ - isoduration=20.11.0=pyhd8ed1ab_0
145
+ - jbig=2.1=h7f98852_2003
146
+ - jedi=0.19.1=pyhd8ed1ab_0
147
+ - jinja2=3.1.2=pyhd8ed1ab_1
148
+ - joblib=1.3.2=pyhd8ed1ab_0
149
+ - jsonpatch=1.33=pyhd8ed1ab_0
150
+ - jsonpointer=2.4=py310hff52083_3
151
+ - jsonschema=4.20.0=pyhd8ed1ab_0
152
+ - jsonschema-specifications=2023.12.1=pyhd8ed1ab_0
153
+ - jsonschema-with-format-nongpl=4.20.0=pyhd8ed1ab_0
154
+ - jupyter_client=8.6.0=pyhd8ed1ab_0
155
+ - jupyter_core=5.7.1=py310hff52083_0
156
+ - jupyter_events=0.9.0=pyhd8ed1ab_0
157
+ - jupyter_server_terminals=0.5.1=pyhd8ed1ab_0
158
+ - jupyterlab_pygments=0.3.0=pyhd8ed1ab_0
159
+ - keyutils=1.6.1=h166bdaf_0
160
+ - kiwisolver=1.4.5=py310hd41b1e2_1
161
+ - krb5=1.21.2=h659d440_0
162
+ - langcodes=3.3.0=pyhd8ed1ab_0
163
+ - lcms2=2.16=hb7c19ff_0
164
+ - ld_impl_linux-64=2.40=h41732ed_0
165
+ - lerc=4.0.0=h27087fc_0
166
+ - libabseil=20230125.0=cxx17_hcb278e6_1
167
+ - libarchive=3.6.2=h039dbb9_1
168
+ - libarrow=11.0.0=h33598ff_9_cpu
169
+ - libblas=3.9.0=21_linux64_openblas
170
+ - libbrotlicommon=1.0.9=h166bdaf_9
171
+ - libbrotlidec=1.0.9=h166bdaf_9
172
+ - libbrotlienc=1.0.9=h166bdaf_9
173
+ - libcblas=3.9.0=21_linux64_openblas
174
+ - libcrc32c=1.1.2=h9c3ff4c_0
175
+ - libcublas=12.1.3.1=hd3aeb46_0
176
+ - libcublas-dev=12.1.3.1=0
177
+ - libcudf=23.08.00=cuda12_230809_g8150d38e08_0
178
+ - libcufft=11.0.2.54=hd3aeb46_0
179
+ - libcufile=1.8.1.2=0
180
+ - libcufile-dev=1.8.1.2=0
181
+ - libcuml=23.08.00=cuda12_230809_gd7162cdea_0
182
+ - libcumlprims=23.08.00=cuda12_230809_g71c0a86_0
183
+ - libcurand=10.3.2.106=hd3aeb46_0
184
+ - libcurand-dev=10.3.2.106=0
185
+ - libcurl=8.5.0=hca28451_0
186
+ - libcusolver=11.4.5.107=hd3aeb46_0
187
+ - libcusolver-dev=11.4.5.107=0
188
+ - libcusparse=12.1.0.106=hd3aeb46_0
189
+ - libcusparse-dev=12.1.0.106=0
190
+ - libdeflate=1.19=hd590300_0
191
+ - libedit=3.1.20191231=he28a2e2_2
192
+ - libev=4.33=hd590300_2
193
+ - libevent=2.1.10=h28343ad_4
194
+ - libexpat=2.5.0=hcb278e6_1
195
+ - libffi=3.4.2=h7f98852_5
196
+ - libgcc-ng=13.2.0=h807b86a_3
197
+ - libgd=2.3.3=h119a65a_9
198
+ - libgfortran-ng=13.2.0=h69a702a_5
199
+ - libgfortran5=13.2.0=ha4646dd_5
200
+ - libglib=2.78.4=h783c2da_0
201
+ - libgomp=13.2.0=h807b86a_3
202
+ - libgoogle-cloud=2.8.0=h3c06191_0
203
+ - libgrpc=1.51.1=hcf146ea_3
204
+ - libhwloc=2.9.3=default_h554bfaf_1009
205
+ - libiconv=1.17=hd590300_2
206
+ - libjpeg-turbo=3.0.0=hd590300_1
207
+ - libkvikio=23.08.00=cuda12_230809_g51a9036_0
208
+ - liblapack=3.9.0=21_linux64_openblas
209
+ - libllvm14=14.0.6=hcd5def8_4
210
+ - libmamba=1.5.0=h658169a_0
211
+ - libmambapy=1.5.0=py310h8aae740_0
212
+ - libnghttp2=1.58.0=h47da74e_1
213
+ - libnsl=2.0.1=hd590300_0
214
+ - libnuma=2.0.16=h0b41bf4_1
215
+ - libnvjitlink=12.1.105=hd3aeb46_0
216
+ - libopenblas=0.3.26=pthreads_h413a1c8_0
217
+ - libpng=1.6.42=h2797004_0
218
+ - libprotobuf=3.21.12=hfc55251_2
219
+ - libraft=23.08.00=cuda12_230809_ge588d7b5_0
220
+ - libraft-headers=23.08.00=cuda12_230809_ge588d7b5_0
221
+ - libraft-headers-only=23.08.00=cuda12_230809_ge588d7b5_0
222
+ - librmm=23.08.00=cuda12_230809_gf3af0e8d_0
223
+ - librsvg=2.56.3=he3f83f7_1
224
+ - libsodium=1.0.18=h36c2ea0_1
225
+ - libsolv=0.7.27=hfc55251_0
226
+ - libsqlite=3.44.2=h2797004_0
227
+ - libssh2=1.11.0=h0841786_0
228
+ - libstdcxx-ng=13.2.0=h7e041cc_3
229
+ - libthrift=0.18.0=h5e4af38_0
230
+ - libtiff=4.6.0=ha9c0a0a_2
231
+ - libutf8proc=2.8.0=h166bdaf_0
232
+ - libuuid=2.38.1=h0b41bf4_0
233
+ - libuv=1.46.0=hd590300_0
234
+ - libwebp=1.3.2=h658648e_1
235
+ - libwebp-base=1.3.2=hd590300_0
236
+ - libxcb=1.15=h0b41bf4_0
237
+ - libxcrypt=4.4.36=hd590300_1
238
+ - libxml2=2.12.5=h232c23b_0
239
+ - libzlib=1.2.13=hd590300_5
240
+ - llvm-openmp=8.0.1=hc9558a2_0
241
+ - locket=1.0.0=pyhd8ed1ab_0
242
+ - lz4=4.3.3=py310h350c4a5_0
243
+ - lz4-c=1.9.4=hcb278e6_0
244
+ - lzo=2.10=h516909a_1000
245
+ - magma-cuda121=2.6.1=1
246
+ - mamba=1.5.0=py310h51d5547_0
247
+ - markdown-it-py=3.0.0=pyhd8ed1ab_0
248
+ - matplotlib-base=3.8.3=py310h62c0568_0
249
+ - matplotlib-inline=0.1.6=pyhd8ed1ab_0
250
+ - mdurl=0.1.2=pyhd8ed1ab_0
251
+ - menuinst=2.0.1=py310hff52083_0
252
+ - mkl=2023.1.0=h213fc3f_46344
253
+ - msgpack-python=1.0.7=py310hd41b1e2_0
254
+ - multidict=6.0.4=py310h2372a71_1
255
+ - munkres=1.1.4=pyh9f0ad1d_0
256
+ - murmurhash=1.0.10=py310hc6cd4ac_1
257
+ - nb_conda=2.2.1=unix_7
258
+ - nb_conda_kernels=2.3.1=pyhd8ed1ab_3
259
+ - nbclassic=1.0.0=pyhb4ecaf3_1
260
+ - nbconvert-pandoc=7.14.0=pyhd8ed1ab_0
261
+ - nbformat=5.9.2=pyhd8ed1ab_0
262
+ - nccl=2.20.3.1=h3a97aeb_0
263
+ - ncurses=6.4=h59595ed_2
264
+ - nest-asyncio=1.5.8=pyhd8ed1ab_0
265
+ - nodejs=20.9.0=hb753e55_0
266
+ - notebook-shim=0.2.3=pyhd8ed1ab_0
267
+ - numpy=1.26.4=py310hb13e2d6_0
268
+ - nvcomp=2.6.1=h10b603f_3
269
+ - nvtx=0.2.10=py310h2372a71_0
270
+ - openjpeg=2.5.0=h488ebb8_3
271
+ - openmp=8.0.1=0
272
+ - openssl=3.2.1=hd590300_0
273
+ - orc=1.8.2=hfdbbad2_2
274
+ - overrides=7.4.0=pyhd8ed1ab_0
275
+ - pandoc=3.1.3=h32600fe_0
276
+ - pandocfilters=1.5.0=pyhd8ed1ab_0
277
+ - pango=1.50.14=ha41ecd1_2
278
+ - parquet-cpp=1.5.1=2
279
+ - parso=0.8.3=pyhd8ed1ab_0
280
+ - partd=1.4.1=pyhd8ed1ab_0
281
+ - pathy=0.10.3=py310h06a4308_0
282
+ - pcre2=10.42=hcad00b1_0
283
+ - perl=5.32.1=7_hd590300_perl5
284
+ - pickleshare=0.7.5=py_1003
285
+ - pip=23.3.2=pyhd8ed1ab_0
286
+ - pixman=0.43.2=h59595ed_0
287
+ - pkg-config=0.29.2=h36c2ea0_1008
288
+ - pkgutil-resolve-name=1.3.10=pyhd8ed1ab_1
289
+ - pluggy=1.3.0=pyhd8ed1ab_0
290
+ - preshed=3.0.9=py310hc6cd4ac_1
291
+ - proj=9.3.1=h1d62c97_0
292
+ - prometheus_client=0.19.0=pyhd8ed1ab_0
293
+ - proto-plus=1.23.0=pyhd8ed1ab_0
294
+ - pthread-stubs=0.4=h36c2ea0_1001
295
+ - ptyprocess=0.7.0=pyhd3deb0d_0
296
+ - pure_eval=0.2.2=pyhd8ed1ab_0
297
+ - pyarrow=11.0.0=py310h633f555_9_cpu
298
+ - pyasn1=0.5.1=pyhd8ed1ab_0
299
+ - pyasn1-modules=0.3.0=pyhd8ed1ab_0
300
+ - pybind11-abi=4=hd8ed1ab_3
301
+ - pycosat=0.6.6=py310h2372a71_0
302
+ - pygments=2.17.2=pyhd8ed1ab_0
303
+ - pylibraft=23.08.00=cuda12_py310_230809_ge588d7b5_0
304
+ - pynvml=11.4.1=pyhd8ed1ab_0
305
+ - pyopenssl=23.3.0=pyhd8ed1ab_0
306
+ - pyparsing=3.1.1=pyhd8ed1ab_0
307
+ - pyproj=3.6.1=py310hd5c30f3_5
308
+ - pyshp=2.3.1=pyhd8ed1ab_0
309
+ - pysocks=1.7.1=py310h06a4308_0
310
+ - python=3.10.13=hd12c33a_1_cpython
311
+ - python-dateutil=2.8.2=pyhd8ed1ab_0
312
+ - python-fastjsonschema=2.19.1=pyhd8ed1ab_0
313
+ - python-json-logger=2.0.7=pyhd8ed1ab_0
314
+ - python_abi=3.10=4_cp310
315
+ - pyu2f=0.1.5=pyhd8ed1ab_0
316
+ - pyyaml=6.0.1=py310h2372a71_1
317
+ - raft-dask=23.08.00=cuda12_py310_230809_ge588d7b5_0
318
+ - rdma-core=28.9=h59595ed_1
319
+ - re2=2023.02.02=hcb278e6_0
320
+ - readline=8.2=h8228510_1
321
+ - referencing=0.32.1=pyhd8ed1ab_0
322
+ - reproc=14.2.4.post0=hd590300_1
323
+ - reproc-cpp=14.2.4.post0=h59595ed_1
324
+ - requests=2.31.0=pyhd8ed1ab_0
325
+ - rfc3339-validator=0.1.4=pyhd8ed1ab_0
326
+ - rfc3986-validator=0.1.1=pyh9f0ad1d_0
327
+ - rich=13.7.0=pyhd8ed1ab_0
328
+ - rmm=23.08.00=cuda12_py310_230809_gf3af0e8d_0
329
+ - rpds-py=0.16.2=py310hcb5633a_0
330
+ - rsa=4.9=pyhd8ed1ab_0
331
+ - ruamel.yaml=0.17.40=py310h2372a71_0
332
+ - ruamel.yaml.clib=0.2.7=py310h2372a71_2
333
+ - ruamel_yaml=0.15.100=py310h7f8727e_0
334
+ - s2n=1.3.41=h3358134_0
335
+ - send2trash=1.8.2=pyh41d4057_0
336
+ - setuptools=69.0.3=pyhd8ed1ab_0
337
+ - shellingham=1.5.4=pyhd8ed1ab_0
338
+ - smart_open=6.4.0=pyhd8ed1ab_0
339
+ - snappy=1.1.10=h9fff704_0
340
+ - sniffio=1.3.0=pyhd8ed1ab_0
341
+ - sortedcontainers=2.4.0=pyhd8ed1ab_0
342
+ - soupsieve=2.5=pyhd8ed1ab_1
343
+ - spacy=3.7.2=py310hcb52e73_0
344
+ - spacy-legacy=3.0.12=pyhd8ed1ab_0
345
+ - spacy-loggers=1.0.5=pyhd8ed1ab_0
346
+ - spdlog=1.11.0=h9b3ece8_1
347
+ - sqlite=3.38.2=hc218d9a_0
348
+ - srsly=2.4.8=py310hc6cd4ac_1
349
+ - stack_data=0.6.2=pyhd8ed1ab_0
350
+ - tblib=3.0.0=pyhd8ed1ab_0
351
+ - terminado=0.18.0=pyh0d859eb_0
352
+ - thinc=8.2.2=py310hcb52e73_0
353
+ - tinycss2=1.2.1=pyhd8ed1ab_0
354
+ - tk=8.6.13=noxft_h4845f30_101
355
+ - toolz=0.12.1=pyhd8ed1ab_0
356
+ - tornado=6.3.3=py310h2372a71_1
357
+ - tqdm=4.66.1=pyhd8ed1ab_0
358
+ - traitlets=5.9.0=pyhd8ed1ab_0
359
+ - treelite=3.2.0=py310h1be96d9_0
360
+ - truststore=0.8.0=pyhd8ed1ab_0
361
+ - typer=0.9.0=pyhd8ed1ab_0
362
+ - types-python-dateutil=2.8.19.20240106=pyhd8ed1ab_0
363
+ - typing-extensions=4.9.0=hd8ed1ab_0
364
+ - typing_extensions=4.9.0=pyha770c72_0
365
+ - typing_utils=0.1.0=pyhd8ed1ab_0
366
+ - ucx=1.14.1=h195a15c_5
367
+ - ucx-proc=1.0.0=gpu
368
+ - ucx-py=0.33.00=py310_230809_gea1eb8f_0
369
+ - unicodedata2=15.1.0=py310h2372a71_0
370
+ - uri-template=1.3.0=pyhd8ed1ab_0
371
+ - wasabi=1.1.2=py310hff52083_0
372
+ - wcwidth=0.2.13=pyhd8ed1ab_0
373
+ - weasel=0.3.4=pyhd8ed1ab_0
374
+ - webcolors=1.13=pyhd8ed1ab_0
375
+ - webencodings=0.5.1=pyhd8ed1ab_2
376
+ - websocket-client=1.7.0=pyhd8ed1ab_0
377
+ - wheel=0.42.0=pyhd8ed1ab_0
378
+ - xorg-kbproto=1.0.7=h7f98852_1002
379
+ - xorg-libice=1.1.1=hd590300_0
380
+ - xorg-libsm=1.2.4=h7391055_0
381
+ - xorg-libx11=1.8.7=h8ee46fc_0
382
+ - xorg-libxau=1.0.11=hd590300_0
383
+ - xorg-libxdmcp=1.1.3=h7f98852_0
384
+ - xorg-libxext=1.3.4=h0b41bf4_2
385
+ - xorg-libxrender=0.9.11=hd590300_0
386
+ - xorg-libxt=1.3.0=hd590300_1
387
+ - xorg-renderproto=0.11.1=h7f98852_1002
388
+ - xorg-xextproto=7.3.0=h0b41bf4_1003
389
+ - xorg-xproto=7.0.31=h7f98852_1007
390
+ - xyzservices=2023.10.1=pyhd8ed1ab_0
391
+ - xz=5.2.6=h166bdaf_0
392
+ - yaml=0.2.5=h7b6447c_0
393
+ - yaml-cpp=0.7.0=h59595ed_3
394
+ - zeromq=4.3.5=h59595ed_0
395
+ - zict=3.0.0=pyhd8ed1ab_0
396
+ - zipp=3.17.0=pyhd8ed1ab_0
397
+ - zlib=1.2.13=hd590300_5
398
+ - zstandard=0.22.0=py310h1275a96_0
399
+ - zstd=1.5.5=hfc55251_0
400
+ - pip:
401
+ - absl-py==1.4.0
402
+ - accelerate==0.25.0
403
+ - access==1.1.9
404
+ - affine==2.4.0
405
+ - aiobotocore==2.11.2
406
+ - aiofiles==22.1.0
407
+ - aiohttp-cors==0.7.0
408
+ - aioitertools==0.11.0
409
+ - aiorwlock==1.3.0
410
+ - aiosqlite==0.19.0
411
+ - albumentations==1.4.0
412
+ - alembic==1.13.1
413
+ - altair==5.2.0
414
+ - annoy==1.17.3
415
+ - apache-beam==2.46.0
416
+ - aplus==0.11.0
417
+ - appdirs==1.4.4
418
+ - array-record==0.5.0
419
+ - arviz==0.17.0
420
+ - astroid==3.0.3
421
+ - astropy==6.0.0
422
+ - astropy-iers-data==0.2024.2.19.0.28.47
423
+ - astunparse==1.6.3
424
+ - async-lru==2.0.4
425
+ - audioread==3.0.1
426
+ - autopep8==2.0.4
427
+ - babel==2.14.0
428
+ - backoff==2.2.1
429
+ - bayesian-optimization==1.4.3
430
+ - bayespy==0.5.28
431
+ - beatrix-jupyterlab==2023.128.151533
432
+ - bidict==0.23.1
433
+ - biopython==1.83
434
+ - bitsandbytes==0.41.3
435
+ - blake3==0.2.1
436
+ - blessed==1.20.0
437
+ - blinker==1.7.0
438
+ - blosc2==2.5.1
439
+ - boruta==0.3
440
+ - boto3==1.26.100
441
+ - botocore==1.34.34
442
+ - bqplot==0.12.43
443
+ - branca==0.7.1
444
+ - brewer2mpl==1.4.1
445
+ - cachetools==4.2.4
446
+ - catalyst==22.4
447
+ - catboost==1.2.2
448
+ - category-encoders==2.6.3
449
+ - cesium==0.12.1
450
+ - chex==0.1.85
451
+ - cleverhans==4.0.0
452
+ - click-plugins==1.1.1
453
+ - cligj==0.7.2
454
+ - cloud-tpu-client==0.10
455
+ - cloud-tpu-profiler==2.4.0
456
+ - cloudpickle==2.2.1
457
+ - cmdstanpy==1.2.1
458
+ - cmudict==1.0.18
459
+ - colorcet==3.0.1
460
+ - colorful==0.5.6
461
+ - colorlog==6.8.2
462
+ - colorlover==0.3.0
463
+ - contextily==1.5.0
464
+ - convertdate==2.4.0
465
+ - crcmod==1.7
466
+ - cufflinks==0.17.3
467
+ - cvxcanon==0.1.2
468
+ - cysignals==1.11.4
469
+ - cython==3.0.8
470
+ - daal==2024.1.0
471
+ - daal4py==2024.1.0
472
+ - dacite==1.8.1
473
+ - dask==2024.2.0
474
+ - dataclasses-json==0.6.4
475
+ - dataproc-jupyter-plugin==0.1.66
476
+ - datasets==2.15.0
477
+ - datashader==0.16.0
478
+ - datatile==1.0.3
479
+ - db-dtypes==1.2.0
480
+ - deap==1.4.1
481
+ - deepdiff==6.7.1
482
+ - delorean==1.0.0
483
+ - deprecated==1.2.14
484
+ - deprecation==2.1.0
485
+ - descartes==1.1.0
486
+ - dill==0.3.7
487
+ - dipy==1.8.0
488
+ - distlib==0.3.8
489
+ - dm-tree==0.1.8
490
+ - docker==7.0.0
491
+ - docker-pycreds==0.4.0
492
+ - docopt==0.6.2
493
+ - docstring-parser==0.15
494
+ - docstring-to-markdown==0.15
495
+ - docutils==0.20.1
496
+ - earthengine-api==0.1.391
497
+ - easydict==1.12
498
+ - easyocr==1.7.1
499
+ - ecos==2.0.13
500
+ - eli5==0.13.0
501
+ - emoji==2.10.1
502
+ - en-core-web-lg==3.7.1
503
+ - en-core-web-sm==3.7.1
504
+ - ephem==4.1.5
505
+ - esda==2.5.1
506
+ - essentia==2.1b6.dev1110
507
+ - et-xmlfile==1.1.0
508
+ - etils==1.6.0
509
+ - explainable-ai-sdk==1.3.3
510
+ - farama-notifications==0.0.4
511
+ - fastai==2.7.14
512
+ - fastapi==0.108.0
513
+ - fastavro==1.9.3
514
+ - fastcore==1.5.29
515
+ - fastdownload==0.0.7
516
+ - fasteners==0.19
517
+ - fastprogress==1.0.3
518
+ - fasttext==0.9.2
519
+ - fbpca==1.0
520
+ - feather-format==0.4.1
521
+ - featuretools==1.29.0
522
+ - filelock==3.13.1
523
+ - fiona==1.9.5
524
+ - fitter==1.7.0
525
+ - flake8==7.0.0
526
+ - flashtext==2.7
527
+ - flask==3.0.2
528
+ - flatbuffers==23.5.26
529
+ - flax==0.8.1
530
+ - folium==0.15.1
531
+ - fonttools==4.47.0
532
+ - frozendict==2.4.0
533
+ - fsspec==2023.10.0
534
+ - funcy==2.0
535
+ - fury==0.9.0
536
+ - future==1.0.0
537
+ - fuzzywuzzy==0.18.0
538
+ - gast==0.5.4
539
+ - gatspy==0.3
540
+ - gcsfs==2023.12.2.post1
541
+ - gensim==4.3.2
542
+ - geographiclib==2.0
543
+ - geohash==1.0
544
+ - geojson==3.1.0
545
+ - geopandas==0.14.3
546
+ - geoplot==0.5.1
547
+ - geopy==2.4.1
548
+ - geoviews==1.11.1
549
+ - ggplot==0.11.5
550
+ - giddy==2.3.5
551
+ - gitdb==4.0.11
552
+ - gitpython==3.1.41
553
+ - google-ai-generativelanguage==0.4.0
554
+ - google-api-core==2.17.1
555
+ - google-api-python-client==2.118.0
556
+ - google-apitools==0.5.31
557
+ - google-auth-httplib2==0.1.1
558
+ - google-auth-oauthlib==1.2.0
559
+ - google-cloud-aiplatform==0.6.0a1
560
+ - google-cloud-artifact-registry==1.10.0
561
+ - google-cloud-automl==1.0.1
562
+ - google-cloud-bigquery==2.34.4
563
+ - google-cloud-bigtable==1.7.3
564
+ - google-cloud-dlp==3.14.0
565
+ - google-cloud-jupyter-config==0.0.5
566
+ - google-cloud-language==2.13.1
567
+ - google-cloud-monitoring==2.18.0
568
+ - google-cloud-pubsub==2.19.0
569
+ - google-cloud-pubsublite==1.9.0
570
+ - google-cloud-recommendations-ai==0.7.1
571
+ - google-cloud-resource-manager==1.11.0
572
+ - google-cloud-spanner==3.40.1
573
+ - google-cloud-storage==1.44.0
574
+ - google-cloud-translate==3.12.1
575
+ - google-cloud-videointelligence==2.13.1
576
+ - google-cloud-vision==2.8.0
577
+ - google-crc32c==1.5.0
578
+ - google-generativeai==0.3.2
579
+ - google-pasta==0.2.0
580
+ - google-resumable-media==2.7.0
581
+ - gplearn==0.4.2
582
+ - gpustat==1.0.0
583
+ - gpxpy==1.6.2
584
+ - greenlet==3.0.3
585
+ - grpc-google-iam-v1==0.12.7
586
+ - grpcio==1.60.0
587
+ - grpcio-status==1.48.2
588
+ - gviz-api==1.10.0
589
+ - gym==0.26.2
590
+ - gym-notices==0.0.8
591
+ - gymnasium==0.29.0
592
+ - h11==0.14.0
593
+ - h2o==3.44.0.3
594
+ - h5netcdf==1.3.0
595
+ - h5py==3.10.0
596
+ - haversine==2.8.1
597
+ - hdfs==2.7.3
598
+ - hep-ml==0.7.2
599
+ - hijri-converter==2.3.1
600
+ - hmmlearn==0.3.0
601
+ - holidays==0.24
602
+ - holoviews==1.18.3
603
+ - hpsklearn==0.1.0
604
+ - html5lib==1.1
605
+ - htmlmin==0.1.12
606
+ - httpcore==1.0.4
607
+ - httplib2==0.21.0
608
+ - httptools==0.6.1
609
+ - httpx==0.27.0
610
+ - huggingface-hub==0.20.3
611
+ - humanize==4.9.0
612
+ - hunspell==0.5.5
613
+ - husl==4.0.3
614
+ - hydra-slayer==0.5.0
615
+ - hyperopt==0.2.7
616
+ - hypertools==0.8.0
617
+ - igraph==0.11.4
618
+ - imagecodecs==2024.1.1
619
+ - imagehash==4.3.1
620
+ - imageio==2.33.1
621
+ - imbalanced-learn==0.12.0
622
+ - imgaug==0.4.0
623
+ - importlib-metadata==6.11.0
624
+ - inequality==1.0.1
625
+ - iniconfig==2.0.0
626
+ - ipydatawidgets==4.3.5
627
+ - ipyleaflet==0.18.2
628
+ - ipympl==0.7.0
629
+ - ipython-genutils==0.2.0
630
+ - ipython-sql==0.5.0
631
+ - ipyvolume==0.6.3
632
+ - ipyvue==1.10.1
633
+ - ipyvuetify==1.8.10
634
+ - ipywebrtc==0.6.0
635
+ - ipywidgets==7.7.1
636
+ - isort==5.13.2
637
+ - isoweek==1.3.3
638
+ - itsdangerous==2.1.2
639
+ - janome==0.5.0
640
+ - jaraco-classes==3.3.0
641
+ - jax==0.4.23
642
+ - jax-jumpy==1.0.0
643
+ - jaxlib==0.4.23.dev20240116
644
+ - jeepney==0.8.0
645
+ - jieba==0.42.1
646
+ - jmespath==1.0.1
647
+ - json5==0.9.14
648
+ - jupyter-client==7.4.9
649
+ - jupyter-console==6.6.3
650
+ - jupyter-http-over-ws==0.0.8
651
+ - jupyter-lsp==1.5.1
652
+ - jupyter-server==2.12.5
653
+ - jupyter-server-fileid==0.9.1
654
+ - jupyter-server-mathjax==0.2.6
655
+ - jupyter-server-proxy==4.1.0
656
+ - jupyter-server-ydoc==0.8.0
657
+ - jupyter-ydoc==0.2.5
658
+ - jupyterlab==4.1.2
659
+ - jupyterlab-git==0.44.0
660
+ - jupyterlab-lsp==5.0.3
661
+ - jupyterlab-server==2.25.2
662
+ - jupyterlab-widgets==3.0.9
663
+ - jupytext==1.16.0
664
+ - kaggle==1.6.6
665
+ - kaggle-environments==1.14.3
666
+ - kagglehub==0.1.9
667
+ - keras==3.0.5
668
+ - keras-cv==0.8.2
669
+ - keras-nlp==0.8.1
670
+ - keras-tuner==1.4.6
671
+ - kernels-mixer==0.0.7
672
+ - keyring==24.3.0
673
+ - keyrings-google-artifactregistry-auth==1.1.2
674
+ - kfp==2.5.0
675
+ - kfp-pipeline-spec==0.2.2
676
+ - kfp-server-api==2.0.5
677
+ - kmapper==2.0.1
678
+ - kmodes==0.12.2
679
+ - korean-lunar-calendar==0.3.1
680
+ - kornia==0.7.1
681
+ - kt-legacy==1.0.5
682
+ - kubernetes==26.1.0
683
+ - langid==1.1.6
684
+ - lazy-loader==0.3
685
+ - learntools==0.3.4
686
+ - leven==1.0.4
687
+ - levenshtein==0.25.0
688
+ - libclang==16.0.6
689
+ - libpysal==4.9.2
690
+ - librosa==0.10.1
691
+ - lightgbm==4.2.0
692
+ - lightning-utilities==0.10.1
693
+ - lime==0.2.0.1
694
+ - line-profiler==4.1.2
695
+ - linkify-it-py==2.0.3
696
+ - llvmlite==0.41.1
697
+ - lml==0.1.0
698
+ - loguru==0.7.2
699
+ - lunarcalendar==0.0.9
700
+ - lxml==5.1.0
701
+ - mako==1.3.2
702
+ - mapclassify==2.6.1
703
+ - marisa-trie==1.1.0
704
+ - markdown==3.5.2
705
+ - markovify==0.9.4
706
+ - markupsafe==2.1.5
707
+ - marshmallow==3.20.2
708
+ - matplotlib==3.7.5
709
+ - matplotlib-venn==0.11.10
710
+ - mccabe==0.7.0
711
+ - mdit-py-plugins==0.4.0
712
+ - memory-profiler==0.61.0
713
+ - mercantile==1.2.1
714
+ - mgwr==2.2.1
715
+ - missingno==0.5.2
716
+ - mistune==0.8.4
717
+ - mizani==0.11.0
718
+ - ml-dtypes==0.2.0
719
+ - mlcrate==0.2.0
720
+ - mlens==0.2.3
721
+ - mlxtend==0.23.1
722
+ - mmh3==4.1.0
723
+ - mne==1.6.1
724
+ - mnist==0.2.2
725
+ - mock==5.1.0
726
+ - momepy==0.7.0
727
+ - more-itertools==10.2.0
728
+ - mpld3==0.5.10
729
+ - mpmath==1.3.0
730
+ - msgpack-numpy==0.4.8
731
+ - multimethod==1.10
732
+ - multipledispatch==1.0.0
733
+ - multiprocess==0.70.15
734
+ - mypy-extensions==1.0.0
735
+ - namex==0.0.7
736
+ - nbclient==0.5.13
737
+ - nbconvert==6.4.5
738
+ - nbdime==3.2.0
739
+ - ndindex==1.8
740
+ - networkx==3.2.1
741
+ - nibabel==5.2.0
742
+ - nilearn==0.10.3
743
+ - ninja==1.11.1.1
744
+ - nltk==3.2.4
745
+ - nose==1.3.7
746
+ - notebook==6.5.6
747
+ - notebook-executor==0.2
748
+ - numba==0.58.1
749
+ - numexpr==2.9.0
750
+ - nvidia-ml-py==11.495.46
751
+ - oauth2client==4.1.3
752
+ - oauthlib==3.2.2
753
+ - objsize==0.6.1
754
+ - odfpy==1.4.1
755
+ - olefile==0.47
756
+ - onnx==1.15.0
757
+ - opencensus==0.11.4
758
+ - opencensus-context==0.1.3
759
+ - opencv-contrib-python==4.9.0.80
760
+ - opencv-python==4.9.0.80
761
+ - opencv-python-headless==4.9.0.80
762
+ - openpyxl==3.1.2
763
+ - openslide-python==1.3.1
764
+ - opentelemetry-api==1.22.0
765
+ - opentelemetry-exporter-otlp==1.22.0
766
+ - opentelemetry-exporter-otlp-proto-common==1.22.0
767
+ - opentelemetry-exporter-otlp-proto-grpc==1.22.0
768
+ - opentelemetry-exporter-otlp-proto-http==1.22.0
769
+ - opentelemetry-proto==1.22.0
770
+ - opentelemetry-sdk==1.22.0
771
+ - opentelemetry-semantic-conventions==0.43b0
772
+ - opt-einsum==3.3.0
773
+ - optax==0.1.9
774
+ - optuna==3.5.0
775
+ - orbax-checkpoint==0.5.3
776
+ - ordered-set==4.1.0
777
+ - orderedmultidict==1.0.1
778
+ - orjson==3.9.10
779
+ - ortools==9.4.1874
780
+ - osmnx==1.9.1
781
+ - packaging==21.3
782
+ - pandas==2.1.4
783
+ - pandas-datareader==0.10.0
784
+ - pandas-profiling==3.6.6
785
+ - pandas-summary==0.2.0
786
+ - pandasql==0.7.3
787
+ - panel==1.3.8
788
+ - papermill==2.5.0
789
+ - param==2.0.2
790
+ - path==16.10.0
791
+ - path-py==12.5.0
792
+ - pathos==0.3.2
793
+ - patsy==0.5.6
794
+ - pdf2image==1.17.0
795
+ - peft==0.7.1
796
+ - pettingzoo==1.24.0
797
+ - pexpect==4.9.0
798
+ - phik==0.12.4
799
+ - pillow==9.5.0
800
+ - platformdirs==4.2.0
801
+ - plotly==5.18.0
802
+ - plotly-express==0.4.1
803
+ - plotnine==0.13.0
804
+ - pointpats==2.4.0
805
+ - polars==0.20.10
806
+ - polyglot==16.7.4
807
+ - pooch==1.8.1
808
+ - pox==0.3.4
809
+ - ppca==0.0.4
810
+ - ppft==1.7.6.8
811
+ - preprocessing==0.1.13
812
+ - prettytable==3.9.0
813
+ - progressbar2==4.3.2
814
+ - promise==2.3
815
+ - prompt-toolkit==3.0.43
816
+ - pronouncing==0.2.0
817
+ - prophet==1.1.1
818
+ - protobuf==3.20.3
819
+ - psutil==5.9.3
820
+ - pudb==2024.1
821
+ - pulp==2.8.0
822
+ - py-cpuinfo==9.0.0
823
+ - py-spy==0.3.14
824
+ - py4j==0.10.9.7
825
+ - pyaml==23.12.0
826
+ - pyarabic==0.6.15
827
+ - pyarrow-hotfix==0.6
828
+ - pyastronomy==0.20.0
829
+ - pybind11==2.11.1
830
+ - pyclipper==1.3.0.post5
831
+ - pycodestyle==2.11.1
832
+ - pycparser==2.21
833
+ - pycryptodome==3.20.0
834
+ - pyct==0.5.0
835
+ - pycuda==2024.1
836
+ - pydantic==2.5.3
837
+ - pydantic-core==2.14.6
838
+ - pydegensac==0.1.2
839
+ - pydicom==2.4.4
840
+ - pydocstyle==6.3.0
841
+ - pydot==1.4.2
842
+ - pydub==0.25.1
843
+ - pyemd==1.0.0
844
+ - pyerfa==2.0.1.1
845
+ - pyexcel-io==0.6.6
846
+ - pyexcel-ods==0.6.0
847
+ - pyfasttext==0.4.6
848
+ - pyflakes==3.2.0
849
+ - pygltflib==1.16.1
850
+ - pyjwt==2.8.0
851
+ - pykalman==0.9.5
852
+ - pyldavis==3.4.1
853
+ - pylint==3.0.3
854
+ - pymc3==3.11.4
855
+ - pymeeus==0.5.12
856
+ - pymongo==3.13.0
857
+ - pympler==1.0.1
858
+ - pynndescent==0.5.11
859
+ - pynvrtc==9.2
860
+ - pyocr==0.8.5
861
+ - pypdf==4.0.2
862
+ - pysal==24.1
863
+ - pytesseract==0.3.10
864
+ - pytest==8.0.1
865
+ - python-bidi==0.4.2
866
+ - python-dotenv==1.0.0
867
+ - python-graphviz==0.20.1
868
+ - python-levenshtein==0.25.0
869
+ - python-louvain==0.16
870
+ - python-lsp-jsonrpc==1.1.2
871
+ - python-lsp-server==1.10.0
872
+ - python-slugify==8.0.4
873
+ - python-utils==3.8.2
874
+ - pythreejs==2.4.2
875
+ - pytoolconfig==1.3.1
876
+ - pytools==2023.1.1
877
+ - pytorch-ignite==0.4.13
878
+ - pytorch-lightning==2.2.0.post0
879
+ - pytz==2023.3.post1
880
+ - pyupset==0.1.1.post7
881
+ - pyviz-comms==3.0.1
882
+ - pywavelets==1.5.0
883
+ - pyzmq==24.0.1
884
+ - qgrid==1.3.1
885
+ - qtconsole==5.5.1
886
+ - qtpy==2.4.1
887
+ - quantecon==0.7.1
888
+ - quantities==0.15.0
889
+ - qudida==0.0.4
890
+ - rapidfuzz==3.6.1
891
+ - rasterio==1.3.9
892
+ - rasterstats==0.19.0
893
+ - ray==2.9.0
894
+ - ray-cpp==2.9.0
895
+ - regex==2023.12.25
896
+ - requests-oauthlib==1.3.1
897
+ - requests-toolbelt==0.10.1
898
+ - responses==0.18.0
899
+ - retrying==1.3.4
900
+ - rgf-python==3.12.0
901
+ - rich-click==1.7.3
902
+ - rope==1.12.0
903
+ - rtree==1.2.0
904
+ - s2sphere==0.2.5
905
+ - s3fs==2024.2.0
906
+ - s3transfer==0.6.2
907
+ - safetensors==0.4.2
908
+ - scattertext==0.1.19
909
+ - scikit-image==0.22.0
910
+ - scikit-learn==1.2.2
911
+ - scikit-learn-intelex==2024.1.0
912
+ - scikit-multilearn==0.2.0
913
+ - scikit-optimize==0.9.0
914
+ - scikit-plot==0.3.7
915
+ - scikit-surprise==1.1.3
916
+ - scipy==1.11.4
917
+ - seaborn==0.12.2
918
+ - secretstorage==3.3.3
919
+ - segment-anything==1.0
920
+ - segregation==2.5
921
+ - semver==3.0.2
922
+ - sentencepiece==0.2.0
923
+ - sentry-sdk==1.40.5
924
+ - setproctitle==1.3.3
925
+ - setuptools-git==1.2
926
+ - setuptools-scm==8.0.4
927
+ - shap==0.44.1
928
+ - shapely==2.0.3
929
+ - shimmy==1.3.0
930
+ - shtab==1.7.1
931
+ - simpervisor==1.0.0
932
+ - simpleitk==2.3.1
933
+ - simplejson==3.19.2
934
+ - six==1.16.0
935
+ - sklearn-pandas==2.2.0
936
+ - slicer==0.0.7
937
+ - smhasher==0.150.1
938
+ - smmap==5.0.1
939
+ - snowballstemmer==2.2.0
940
+ - snuggs==1.4.7
941
+ - soundfile==0.12.1
942
+ - soxr==0.3.7
943
+ - spaghetti==1.7.5.post1
944
+ - spectral==0.23.1
945
+ - spglm==1.1.0
946
+ - sphinx-rtd-theme==0.2.4
947
+ - spint==1.0.7
948
+ - splot==1.1.5.post1
949
+ - spopt==0.6.0
950
+ - spreg==1.4.2
951
+ - spvcm==0.3.0
952
+ - sqlalchemy==2.0.25
953
+ - sqlparse==0.4.4
954
+ - squarify==0.4.3
955
+ - stable-baselines3==2.1.0
956
+ - stack-data==0.6.3
957
+ - stanio==0.3.0
958
+ - starlette==0.32.0.post1
959
+ - statsmodels==0.14.1
960
+ - stemming==1.0.1
961
+ - stop-words==2018.7.23
962
+ - stopit==1.1.2
963
+ - stumpy==1.12.0
964
+ - sympy==1.12
965
+ - tables==3.9.2
966
+ - tabulate==0.9.0
967
+ - tangled-up-in-unicode==0.2.0
968
+ - tbb==2021.11.0
969
+ - tenacity==8.2.3
970
+ - tensorboard==2.15.1
971
+ - tensorboard-data-server==0.7.2
972
+ - tensorboard-plugin-profile==2.15.0
973
+ - tensorboardx==2.6.2.2
974
+ - tensorflow==2.15.0
975
+ - tensorflow-cloud==0.1.16
976
+ - tensorflow-datasets==4.9.4
977
+ - tensorflow-decision-forests==1.8.1
978
+ - tensorflow-estimator==2.15.0
979
+ - tensorflow-hub==0.16.1
980
+ - tensorflow-io==0.35.0
981
+ - tensorflow-io-gcs-filesystem==0.35.0
982
+ - tensorflow-metadata==0.14.0
983
+ - tensorflow-probability==0.23.0
984
+ - tensorflow-serving-api==2.14.1
985
+ - tensorflow-text==2.15.0
986
+ - tensorflow-transform==0.14.0
987
+ - tensorpack==0.11
988
+ - tensorstore==0.1.53
989
+ - termcolor==2.4.0
990
+ - testpath==0.6.0
991
+ - text-unidecode==1.3
992
+ - textblob==0.18.0.post0
993
+ - texttable==1.7.0
994
+ - tf-keras==2.15.0
995
+ - tfp-nightly==0.24.0.dev0
996
+ - theano==1.0.5
997
+ - theano-pymc==1.1.2
998
+ - threadpoolctl==3.2.0
999
+ - tifffile==2023.12.9
1000
+ - timm==0.9.16
1001
+ - tobler==0.11.2
1002
+ - tokenizers==0.15.2
1003
+ - toml==0.10.2
1004
+ - tomli==2.0.1
1005
+ - tomlkit==0.12.3
1006
+ - torch==2.1.2
1007
+ - torchaudio==2.1.2
1008
+ - torchdata==0.7.1
1009
+ - torchinfo==1.8.0
1010
+ - torchmetrics==1.3.1
1011
+ - torchtext==0.16.2
1012
+ - torchvision==0.16.2
1013
+ - tpot==0.12.1
1014
+ - traceml==1.0.8
1015
+ - traittypes==0.2.1
1016
+ - transformers==4.36.2
1017
+ - treelite-runtime==3.2.0
1018
+ - trl==0.7.7
1019
+ - trueskill==0.4.5
1020
+ - trx-python==0.2.9
1021
+ - tsfresh==0.20.2
1022
+ - typeguard==4.1.5
1023
+ - typing-inspect==0.9.0
1024
+ - tyro==0.7.3
1025
+ - tzdata==2023.4
1026
+ - tzlocal==5.2
1027
+ - uc-micro-py==1.0.3
1028
+ - ujson==5.9.0
1029
+ - umap-learn==0.5.5
1030
+ - unidecode==1.3.8
1031
+ - update-checker==0.18.0
1032
+ - uritemplate==3.0.1
1033
+ - urllib3==1.26.18
1034
+ - urwid==2.6.4
1035
+ - urwid-readline==0.13
1036
+ - uvicorn==0.25.0
1037
+ - uvloop==0.19.0
1038
+ - vaex==4.17.0
1039
+ - vaex-astro==0.9.3
1040
+ - vaex-core==4.17.1
1041
+ - vaex-hdf5==0.14.1
1042
+ - vaex-jupyter==0.8.2
1043
+ - vaex-ml==0.18.3
1044
+ - vaex-server==0.9.0
1045
+ - vaex-viz==0.5.4
1046
+ - vec-noise==1.1.4
1047
+ - vecstack==0.4.0
1048
+ - virtualenv==20.21.0
1049
+ - visions==0.7.5
1050
+ - vowpalwabbit==9.9.0
1051
+ - vtk==9.3.0
1052
+ - wand==0.6.13
1053
+ - wandb==0.16.3
1054
+ - watchfiles==0.21.0
1055
+ - wavio==0.0.8
1056
+ - websockets==12.0
1057
+ - werkzeug==3.0.1
1058
+ - wfdb==4.1.2
1059
+ - whatthepatch==1.0.5
1060
+ - widgetsnbextension==3.6.6
1061
+ - witwidget==1.8.1
1062
+ - woodwork==0.28.0
1063
+ - wordcloud==1.9.3
1064
+ - wordsegment==1.3.1
1065
+ - wrapt==1.14.1
1066
+ - xarray==2024.2.0
1067
+ - xarray-einstats==0.7.0
1068
+ - xgboost==2.0.3
1069
+ - xvfbwrapper==0.2.9
1070
+ - xxhash==3.4.1
1071
+ - y-py==0.6.2
1072
+ - yapf==0.40.2
1073
+ - yarl==1.9.4
1074
+ - ydata-profiling==4.6.4
1075
+ - yellowbrick==1.5
1076
+ - ypy-websocket==0.8.4
1077
+ prefix: /opt/conda
wandb/run-20240403_062721-nxc6ebu6/files/config.yaml ADDED
@@ -0,0 +1,700 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.13
7
+ cli_version: 0.16.3
8
+ framework: huggingface
9
+ huggingface_version: 4.36.2
10
+ is_jupyter_run: true
11
+ is_kaggle_kernel: true
12
+ start_time: 1712125641.024186
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
+ - 98
27
+ - 105
28
+ 2:
29
+ - 1
30
+ - 2
31
+ - 3
32
+ - 5
33
+ - 11
34
+ - 12
35
+ - 49
36
+ - 51
37
+ - 53
38
+ - 55
39
+ - 71
40
+ - 98
41
+ - 105
42
+ 3:
43
+ - 7
44
+ - 13
45
+ - 23
46
+ 4: 3.10.13
47
+ 5: 0.16.3
48
+ 6: 4.36.2
49
+ 8:
50
+ - 1
51
+ - 2
52
+ - 5
53
+ 9:
54
+ 1: transformers_trainer
55
+ 13: linux-x86_64
56
+ m:
57
+ - 1: train/global_step
58
+ 6:
59
+ - 3
60
+ - 1: train/loss
61
+ 5: 1
62
+ 6:
63
+ - 1
64
+ - 1: train/learning_rate
65
+ 5: 1
66
+ 6:
67
+ - 1
68
+ - 1: train/epoch
69
+ 5: 1
70
+ 6:
71
+ - 1
72
+ - 1: eval/loss
73
+ 5: 1
74
+ 6:
75
+ - 1
76
+ - 1: eval/runtime
77
+ 5: 1
78
+ 6:
79
+ - 1
80
+ - 1: eval/samples_per_second
81
+ 5: 1
82
+ 6:
83
+ - 1
84
+ - 1: eval/steps_per_second
85
+ 5: 1
86
+ 6:
87
+ - 1
88
+ - 1: train/train_runtime
89
+ 5: 1
90
+ 6:
91
+ - 1
92
+ - 1: train/train_samples_per_second
93
+ 5: 1
94
+ 6:
95
+ - 1
96
+ - 1: train/train_steps_per_second
97
+ 5: 1
98
+ 6:
99
+ - 1
100
+ - 1: train/total_flos
101
+ 5: 1
102
+ 6:
103
+ - 1
104
+ - 1: train/train_loss
105
+ 5: 1
106
+ 6:
107
+ - 1
108
+ vocab_size:
109
+ desc: null
110
+ value: 32016
111
+ max_position_embeddings:
112
+ desc: null
113
+ value: 16384
114
+ hidden_size:
115
+ desc: null
116
+ value: 4096
117
+ intermediate_size:
118
+ desc: null
119
+ value: 11008
120
+ num_hidden_layers:
121
+ desc: null
122
+ value: 32
123
+ num_attention_heads:
124
+ desc: null
125
+ value: 32
126
+ num_key_value_heads:
127
+ desc: null
128
+ value: 32
129
+ hidden_act:
130
+ desc: null
131
+ value: silu
132
+ initializer_range:
133
+ desc: null
134
+ value: 0.02
135
+ rms_norm_eps:
136
+ desc: null
137
+ value: 1.0e-05
138
+ pretraining_tp:
139
+ desc: null
140
+ value: 1
141
+ use_cache:
142
+ desc: null
143
+ value: false
144
+ rope_theta:
145
+ desc: null
146
+ value: 1000000
147
+ rope_scaling:
148
+ desc: null
149
+ value: null
150
+ attention_bias:
151
+ desc: null
152
+ value: false
153
+ attention_dropout:
154
+ desc: null
155
+ value: 0.0
156
+ return_dict:
157
+ desc: null
158
+ value: true
159
+ output_hidden_states:
160
+ desc: null
161
+ value: false
162
+ output_attentions:
163
+ desc: null
164
+ value: false
165
+ torchscript:
166
+ desc: null
167
+ value: false
168
+ torch_dtype:
169
+ desc: null
170
+ value: bfloat16
171
+ use_bfloat16:
172
+ desc: null
173
+ value: false
174
+ tf_legacy_loss:
175
+ desc: null
176
+ value: false
177
+ pruned_heads:
178
+ desc: null
179
+ value: {}
180
+ tie_word_embeddings:
181
+ desc: null
182
+ value: false
183
+ is_encoder_decoder:
184
+ desc: null
185
+ value: false
186
+ is_decoder:
187
+ desc: null
188
+ value: false
189
+ cross_attention_hidden_size:
190
+ desc: null
191
+ value: null
192
+ add_cross_attention:
193
+ desc: null
194
+ value: false
195
+ tie_encoder_decoder:
196
+ desc: null
197
+ value: false
198
+ max_length:
199
+ desc: null
200
+ value: 20
201
+ min_length:
202
+ desc: null
203
+ value: 0
204
+ do_sample:
205
+ desc: null
206
+ value: false
207
+ early_stopping:
208
+ desc: null
209
+ value: false
210
+ num_beams:
211
+ desc: null
212
+ value: 1
213
+ num_beam_groups:
214
+ desc: null
215
+ value: 1
216
+ diversity_penalty:
217
+ desc: null
218
+ value: 0.0
219
+ temperature:
220
+ desc: null
221
+ value: 1.0
222
+ top_k:
223
+ desc: null
224
+ value: 50
225
+ top_p:
226
+ desc: null
227
+ value: 1.0
228
+ typical_p:
229
+ desc: null
230
+ value: 1.0
231
+ repetition_penalty:
232
+ desc: null
233
+ value: 1.0
234
+ length_penalty:
235
+ desc: null
236
+ value: 1.0
237
+ no_repeat_ngram_size:
238
+ desc: null
239
+ value: 0
240
+ encoder_no_repeat_ngram_size:
241
+ desc: null
242
+ value: 0
243
+ bad_words_ids:
244
+ desc: null
245
+ value: null
246
+ num_return_sequences:
247
+ desc: null
248
+ value: 1
249
+ chunk_size_feed_forward:
250
+ desc: null
251
+ value: 0
252
+ output_scores:
253
+ desc: null
254
+ value: false
255
+ return_dict_in_generate:
256
+ desc: null
257
+ value: false
258
+ forced_bos_token_id:
259
+ desc: null
260
+ value: null
261
+ forced_eos_token_id:
262
+ desc: null
263
+ value: null
264
+ remove_invalid_values:
265
+ desc: null
266
+ value: false
267
+ exponential_decay_length_penalty:
268
+ desc: null
269
+ value: null
270
+ suppress_tokens:
271
+ desc: null
272
+ value: null
273
+ begin_suppress_tokens:
274
+ desc: null
275
+ value: null
276
+ architectures:
277
+ desc: null
278
+ value:
279
+ - LlamaForCausalLM
280
+ finetuning_task:
281
+ desc: null
282
+ value: null
283
+ id2label:
284
+ desc: null
285
+ value:
286
+ '0': LABEL_0
287
+ '1': LABEL_1
288
+ label2id:
289
+ desc: null
290
+ value:
291
+ LABEL_0: 0
292
+ LABEL_1: 1
293
+ tokenizer_class:
294
+ desc: null
295
+ value: null
296
+ prefix:
297
+ desc: null
298
+ value: null
299
+ bos_token_id:
300
+ desc: null
301
+ value: 1
302
+ pad_token_id:
303
+ desc: null
304
+ value: null
305
+ eos_token_id:
306
+ desc: null
307
+ value: 2
308
+ sep_token_id:
309
+ desc: null
310
+ value: null
311
+ decoder_start_token_id:
312
+ desc: null
313
+ value: null
314
+ task_specific_params:
315
+ desc: null
316
+ value: null
317
+ problem_type:
318
+ desc: null
319
+ value: null
320
+ _name_or_path:
321
+ desc: null
322
+ value: codellama/CodeLlama-7b-hf
323
+ transformers_version:
324
+ desc: null
325
+ value: 4.36.2
326
+ model_type:
327
+ desc: null
328
+ value: llama
329
+ quantization_config:
330
+ desc: null
331
+ value:
332
+ quant_method: QuantizationMethod.BITS_AND_BYTES
333
+ load_in_8bit: false
334
+ load_in_4bit: true
335
+ llm_int8_threshold: 6.0
336
+ llm_int8_skip_modules: null
337
+ llm_int8_enable_fp32_cpu_offload: true
338
+ llm_int8_has_fp16_weight: false
339
+ bnb_4bit_quant_type: nf4
340
+ bnb_4bit_use_double_quant: true
341
+ bnb_4bit_compute_dtype: bfloat16
342
+ output_dir:
343
+ desc: null
344
+ value: /kaggle/working/
345
+ overwrite_output_dir:
346
+ desc: null
347
+ value: true
348
+ do_train:
349
+ desc: null
350
+ value: false
351
+ do_eval:
352
+ desc: null
353
+ value: true
354
+ do_predict:
355
+ desc: null
356
+ value: false
357
+ evaluation_strategy:
358
+ desc: null
359
+ value: epoch
360
+ prediction_loss_only:
361
+ desc: null
362
+ value: false
363
+ per_device_train_batch_size:
364
+ desc: null
365
+ value: 3
366
+ per_device_eval_batch_size:
367
+ desc: null
368
+ value: 3
369
+ per_gpu_train_batch_size:
370
+ desc: null
371
+ value: null
372
+ per_gpu_eval_batch_size:
373
+ desc: null
374
+ value: null
375
+ gradient_accumulation_steps:
376
+ desc: null
377
+ value: 5
378
+ eval_accumulation_steps:
379
+ desc: null
380
+ value: null
381
+ eval_delay:
382
+ desc: null
383
+ value: 0
384
+ learning_rate:
385
+ desc: null
386
+ value: 5.0e-05
387
+ weight_decay:
388
+ desc: null
389
+ value: 0.01
390
+ adam_beta1:
391
+ desc: null
392
+ value: 0.9
393
+ adam_beta2:
394
+ desc: null
395
+ value: 0.999
396
+ adam_epsilon:
397
+ desc: null
398
+ value: 1.0e-08
399
+ max_grad_norm:
400
+ desc: null
401
+ value: 1.0
402
+ num_train_epochs:
403
+ desc: null
404
+ value: 8
405
+ max_steps:
406
+ desc: null
407
+ value: -1
408
+ lr_scheduler_type:
409
+ desc: null
410
+ value: linear
411
+ lr_scheduler_kwargs:
412
+ desc: null
413
+ value: {}
414
+ warmup_ratio:
415
+ desc: null
416
+ value: 0.0
417
+ warmup_steps:
418
+ desc: null
419
+ value: 20
420
+ log_level:
421
+ desc: null
422
+ value: passive
423
+ log_level_replica:
424
+ desc: null
425
+ value: warning
426
+ log_on_each_node:
427
+ desc: null
428
+ value: true
429
+ logging_dir:
430
+ desc: null
431
+ value: /kaggle/working/
432
+ logging_strategy:
433
+ desc: null
434
+ value: epoch
435
+ logging_first_step:
436
+ desc: null
437
+ value: false
438
+ logging_steps:
439
+ desc: null
440
+ value: 500
441
+ logging_nan_inf_filter:
442
+ desc: null
443
+ value: true
444
+ save_strategy:
445
+ desc: null
446
+ value: epoch
447
+ save_steps:
448
+ desc: null
449
+ value: 500
450
+ save_total_limit:
451
+ desc: null
452
+ value: 5
453
+ save_safetensors:
454
+ desc: null
455
+ value: true
456
+ save_on_each_node:
457
+ desc: null
458
+ value: false
459
+ save_only_model:
460
+ desc: null
461
+ value: false
462
+ no_cuda:
463
+ desc: null
464
+ value: false
465
+ use_cpu:
466
+ desc: null
467
+ value: false
468
+ use_mps_device:
469
+ desc: null
470
+ value: false
471
+ seed:
472
+ desc: null
473
+ value: 42
474
+ data_seed:
475
+ desc: null
476
+ value: null
477
+ jit_mode_eval:
478
+ desc: null
479
+ value: false
480
+ use_ipex:
481
+ desc: null
482
+ value: false
483
+ bf16:
484
+ desc: null
485
+ value: false
486
+ fp16:
487
+ desc: null
488
+ value: true
489
+ fp16_opt_level:
490
+ desc: null
491
+ value: O1
492
+ half_precision_backend:
493
+ desc: null
494
+ value: auto
495
+ bf16_full_eval:
496
+ desc: null
497
+ value: false
498
+ fp16_full_eval:
499
+ desc: null
500
+ value: false
501
+ tf32:
502
+ desc: null
503
+ value: null
504
+ local_rank:
505
+ desc: null
506
+ value: 0
507
+ ddp_backend:
508
+ desc: null
509
+ value: null
510
+ tpu_num_cores:
511
+ desc: null
512
+ value: null
513
+ tpu_metrics_debug:
514
+ desc: null
515
+ value: false
516
+ debug:
517
+ desc: null
518
+ value: []
519
+ dataloader_drop_last:
520
+ desc: null
521
+ value: false
522
+ eval_steps:
523
+ desc: null
524
+ value: null
525
+ dataloader_num_workers:
526
+ desc: null
527
+ value: 0
528
+ past_index:
529
+ desc: null
530
+ value: -1
531
+ run_name:
532
+ desc: null
533
+ value: fine-tuning-code-llama
534
+ disable_tqdm:
535
+ desc: null
536
+ value: false
537
+ remove_unused_columns:
538
+ desc: null
539
+ value: true
540
+ label_names:
541
+ desc: null
542
+ value: null
543
+ load_best_model_at_end:
544
+ desc: null
545
+ value: true
546
+ metric_for_best_model:
547
+ desc: null
548
+ value: loss
549
+ greater_is_better:
550
+ desc: null
551
+ value: false
552
+ ignore_data_skip:
553
+ desc: null
554
+ value: false
555
+ fsdp:
556
+ desc: null
557
+ value: []
558
+ fsdp_min_num_params:
559
+ desc: null
560
+ value: 0
561
+ fsdp_config:
562
+ desc: null
563
+ value:
564
+ min_num_params: 0
565
+ xla: false
566
+ xla_fsdp_grad_ckpt: false
567
+ fsdp_transformer_layer_cls_to_wrap:
568
+ desc: null
569
+ value: null
570
+ deepspeed:
571
+ desc: null
572
+ value: null
573
+ label_smoothing_factor:
574
+ desc: null
575
+ value: 0.0
576
+ optim:
577
+ desc: null
578
+ value: paged_adamw_8bit
579
+ optim_args:
580
+ desc: null
581
+ value: null
582
+ adafactor:
583
+ desc: null
584
+ value: false
585
+ group_by_length:
586
+ desc: null
587
+ value: false
588
+ length_column_name:
589
+ desc: null
590
+ value: length
591
+ report_to:
592
+ desc: null
593
+ value:
594
+ - wandb
595
+ ddp_find_unused_parameters:
596
+ desc: null
597
+ value: null
598
+ ddp_bucket_cap_mb:
599
+ desc: null
600
+ value: null
601
+ ddp_broadcast_buffers:
602
+ desc: null
603
+ value: null
604
+ dataloader_pin_memory:
605
+ desc: null
606
+ value: true
607
+ dataloader_persistent_workers:
608
+ desc: null
609
+ value: false
610
+ skip_memory_metrics:
611
+ desc: null
612
+ value: true
613
+ use_legacy_prediction_loop:
614
+ desc: null
615
+ value: false
616
+ push_to_hub:
617
+ desc: null
618
+ value: false
619
+ resume_from_checkpoint:
620
+ desc: null
621
+ value: null
622
+ hub_model_id:
623
+ desc: null
624
+ value: null
625
+ hub_strategy:
626
+ desc: null
627
+ value: every_save
628
+ hub_token:
629
+ desc: null
630
+ value: <HUB_TOKEN>
631
+ hub_private_repo:
632
+ desc: null
633
+ value: false
634
+ hub_always_push:
635
+ desc: null
636
+ value: false
637
+ gradient_checkpointing:
638
+ desc: null
639
+ value: true
640
+ gradient_checkpointing_kwargs:
641
+ desc: null
642
+ value:
643
+ use_reentrant: false
644
+ include_inputs_for_metrics:
645
+ desc: null
646
+ value: false
647
+ fp16_backend:
648
+ desc: null
649
+ value: auto
650
+ push_to_hub_model_id:
651
+ desc: null
652
+ value: null
653
+ push_to_hub_organization:
654
+ desc: null
655
+ value: null
656
+ push_to_hub_token:
657
+ desc: null
658
+ value: <PUSH_TO_HUB_TOKEN>
659
+ mp_parameters:
660
+ desc: null
661
+ value: ''
662
+ auto_find_batch_size:
663
+ desc: null
664
+ value: false
665
+ full_determinism:
666
+ desc: null
667
+ value: false
668
+ torchdynamo:
669
+ desc: null
670
+ value: null
671
+ ray_scope:
672
+ desc: null
673
+ value: last
674
+ ddp_timeout:
675
+ desc: null
676
+ value: 1800
677
+ torch_compile:
678
+ desc: null
679
+ value: false
680
+ torch_compile_backend:
681
+ desc: null
682
+ value: null
683
+ torch_compile_mode:
684
+ desc: null
685
+ value: null
686
+ dispatch_batches:
687
+ desc: null
688
+ value: null
689
+ split_batches:
690
+ desc: null
691
+ value: false
692
+ include_tokens_per_second:
693
+ desc: null
694
+ value: false
695
+ include_num_input_tokens_seen:
696
+ desc: null
697
+ value: false
698
+ neftune_noise_alpha:
699
+ desc: null
700
+ value: null
wandb/run-20240403_062721-nxc6ebu6/files/output.log ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+
2
+ Training completed in 20052.0159842968 seconds.
3
+ huggingface/tokenizers: The current process just got forked, after parallelism has already been used. Disabling parallelism to avoid deadlocks...
4
+ To disable this warning, you can either:
5
+ - Avoid using `tokenizers` before the fork if possible
6
+ - Explicitly set the environment variable TOKENIZERS_PARALLELISM=(true | false)
7
+ /bin/bash: -c: line 0: syntax error near unexpected token `$'\342\200\230hf_VpVRerFXBYRtmexMlkacOcKDegXZUZrBTwE\342\200\231''
wandb/run-20240403_062721-nxc6ebu6/files/requirements.txt ADDED
@@ -0,0 +1,856 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ absl-py==1.4.0
2
+ accelerate==0.25.0
3
+ access==1.1.9
4
+ affine==2.4.0
5
+ aiobotocore==2.11.2
6
+ aiofiles==22.1.0
7
+ aiohttp-cors==0.7.0
8
+ aiohttp==3.9.1
9
+ aioitertools==0.11.0
10
+ aiorwlock==1.3.0
11
+ aiosignal==1.3.1
12
+ aiosqlite==0.19.0
13
+ albumentations==1.4.0
14
+ alembic==1.13.1
15
+ altair==5.2.0
16
+ annotated-types==0.6.0
17
+ annoy==1.17.3
18
+ anyio==4.2.0
19
+ apache-beam==2.46.0
20
+ aplus==0.11.0
21
+ appdirs==1.4.4
22
+ archspec==0.2.2
23
+ argon2-cffi-bindings==21.2.0
24
+ argon2-cffi==23.1.0
25
+ array-record==0.5.0
26
+ arrow==1.3.0
27
+ arviz==0.17.0
28
+ astroid==3.0.3
29
+ astropy-iers-data==0.2024.2.19.0.28.47
30
+ astropy==6.0.0
31
+ asttokens==2.4.1
32
+ astunparse==1.6.3
33
+ async-lru==2.0.4
34
+ async-timeout==4.0.3
35
+ attrs==23.2.0
36
+ audioread==3.0.1
37
+ autopep8==2.0.4
38
+ babel==2.14.0
39
+ backoff==2.2.1
40
+ bayesian-optimization==1.4.3
41
+ bayespy==0.5.28
42
+ beatrix-jupyterlab==2023.128.151533
43
+ beautifulsoup4==4.12.2
44
+ bidict==0.23.1
45
+ biopython==1.83
46
+ bitsandbytes==0.41.3
47
+ blake3==0.2.1
48
+ bleach==6.1.0
49
+ blessed==1.20.0
50
+ blinker==1.7.0
51
+ blis==0.7.10
52
+ blosc2==2.5.1
53
+ bokeh==3.3.4
54
+ boltons==23.1.1
55
+ boruta==0.3
56
+ boto3==1.26.100
57
+ botocore==1.34.34
58
+ bq-helper==0.4.1
59
+ bqplot==0.12.43
60
+ branca==0.7.1
61
+ brewer2mpl==1.4.1
62
+ brotli==1.0.9
63
+ brotlipy==0.7.0
64
+ cached-property==1.5.2
65
+ cachetools==4.2.4
66
+ cartopy==0.22.0
67
+ catalogue==2.0.10
68
+ catalyst==22.4
69
+ catboost==1.2.2
70
+ category-encoders==2.6.3
71
+ certifi==2024.2.2
72
+ cesium==0.12.1
73
+ cffi==1.16.0
74
+ charset-normalizer==3.3.2
75
+ chex==0.1.85
76
+ cleverhans==4.0.0
77
+ click-plugins==1.1.1
78
+ click==8.1.7
79
+ cligj==0.7.2
80
+ cloud-tpu-client==0.10
81
+ cloud-tpu-profiler==2.4.0
82
+ cloudpathlib==0.16.0
83
+ cloudpickle==2.2.1
84
+ cmdstanpy==1.2.1
85
+ cmudict==1.0.18
86
+ colorama==0.4.6
87
+ colorcet==3.0.1
88
+ colorful==0.5.6
89
+ colorlog==6.8.2
90
+ colorlover==0.3.0
91
+ comm==0.2.1
92
+ conda-libmamba-solver==23.7.0
93
+ conda-package-handling==2.2.0
94
+ conda-package-streaming==0.9.0
95
+ conda==23.7.4
96
+ confection==0.1.4
97
+ contextily==1.5.0
98
+ contourpy==1.2.0
99
+ convertdate==2.4.0
100
+ crcmod==1.7
101
+ cryptography==41.0.7
102
+ cuda-python==12.3.0
103
+ cudf==23.8.0
104
+ cufflinks==0.17.3
105
+ cuml==23.8.0
106
+ cupy==13.0.0
107
+ cvxcanon==0.1.2
108
+ cycler==0.12.1
109
+ cymem==2.0.8
110
+ cysignals==1.11.4
111
+ cython==3.0.8
112
+ cytoolz==0.12.3
113
+ daal4py==2024.1.0
114
+ daal==2024.1.0
115
+ dacite==1.8.1
116
+ dask-cuda==23.8.0
117
+ dask-cudf==23.8.0
118
+ dask==2024.2.0
119
+ dataclasses-json==0.6.4
120
+ dataproc-jupyter-plugin==0.1.66
121
+ datasets==2.15.0
122
+ datashader==0.16.0
123
+ datatile==1.0.3
124
+ db-dtypes==1.2.0
125
+ deap==1.4.1
126
+ debugpy==1.8.0
127
+ decorator==5.1.1
128
+ deepdiff==6.7.1
129
+ defusedxml==0.7.1
130
+ delorean==1.0.0
131
+ deprecated==1.2.14
132
+ deprecation==2.1.0
133
+ descartes==1.1.0
134
+ dill==0.3.7
135
+ dipy==1.8.0
136
+ distlib==0.3.8
137
+ distributed==2023.7.1
138
+ distro==1.9.0
139
+ dm-tree==0.1.8
140
+ docker-pycreds==0.4.0
141
+ docker==7.0.0
142
+ docopt==0.6.2
143
+ docstring-parser==0.15
144
+ docstring-to-markdown==0.15
145
+ docutils==0.20.1
146
+ earthengine-api==0.1.391
147
+ easydict==1.12
148
+ easyocr==1.7.1
149
+ ecos==2.0.13
150
+ eli5==0.13.0
151
+ emoji==2.10.1
152
+ en-core-web-lg==3.7.1
153
+ en-core-web-sm==3.7.1
154
+ entrypoints==0.4
155
+ ephem==4.1.5
156
+ esda==2.5.1
157
+ essentia==2.1b6.dev1110
158
+ et-xmlfile==1.1.0
159
+ etils==1.6.0
160
+ exceptiongroup==1.2.0
161
+ executing==2.0.1
162
+ explainable-ai-sdk==1.3.3
163
+ farama-notifications==0.0.4
164
+ fastai==2.7.14
165
+ fastapi==0.108.0
166
+ fastavro==1.9.3
167
+ fastcore==1.5.29
168
+ fastdownload==0.0.7
169
+ fasteners==0.19
170
+ fastjsonschema==2.19.1
171
+ fastprogress==1.0.3
172
+ fastrlock==0.8.2
173
+ fasttext==0.9.2
174
+ fbpca==1.0
175
+ feather-format==0.4.1
176
+ featuretools==1.29.0
177
+ filelock==3.13.1
178
+ fiona==1.9.5
179
+ fitter==1.7.0
180
+ flake8==7.0.0
181
+ flashtext==2.7
182
+ flask==3.0.2
183
+ flatbuffers==23.5.26
184
+ flax==0.8.1
185
+ folium==0.15.1
186
+ fonttools==4.47.0
187
+ fqdn==1.5.1
188
+ frozendict==2.4.0
189
+ frozenlist==1.4.1
190
+ fsspec==2023.10.0
191
+ funcy==2.0
192
+ fury==0.9.0
193
+ future==1.0.0
194
+ fuzzywuzzy==0.18.0
195
+ gast==0.5.4
196
+ gatspy==0.3
197
+ gcsfs==2023.12.2.post1
198
+ gensim==4.3.2
199
+ geographiclib==2.0
200
+ geohash==1.0
201
+ geojson==3.1.0
202
+ geopandas==0.14.3
203
+ geoplot==0.5.1
204
+ geopy==2.4.1
205
+ geoviews==1.11.1
206
+ ggplot==0.11.5
207
+ giddy==2.3.5
208
+ gitdb==4.0.11
209
+ gitpython==3.1.41
210
+ google-ai-generativelanguage==0.4.0
211
+ google-api-core==2.11.1
212
+ google-api-python-client==2.118.0
213
+ google-apitools==0.5.31
214
+ google-auth-httplib2==0.1.1
215
+ google-auth-oauthlib==1.2.0
216
+ google-auth==2.26.1
217
+ google-cloud-aiplatform==0.6.0a1
218
+ google-cloud-artifact-registry==1.10.0
219
+ google-cloud-automl==1.0.1
220
+ google-cloud-bigquery==2.34.4
221
+ google-cloud-bigtable==1.7.3
222
+ google-cloud-core==2.4.1
223
+ google-cloud-datastore==2.19.0
224
+ google-cloud-dlp==3.14.0
225
+ google-cloud-jupyter-config==0.0.5
226
+ google-cloud-language==2.13.1
227
+ google-cloud-monitoring==2.18.0
228
+ google-cloud-pubsub==2.19.0
229
+ google-cloud-pubsublite==1.9.0
230
+ google-cloud-recommendations-ai==0.7.1
231
+ google-cloud-resource-manager==1.11.0
232
+ google-cloud-spanner==3.40.1
233
+ google-cloud-storage==1.44.0
234
+ google-cloud-translate==3.12.1
235
+ google-cloud-videointelligence==2.13.1
236
+ google-cloud-vision==2.8.0
237
+ google-crc32c==1.5.0
238
+ google-generativeai==0.3.2
239
+ google-pasta==0.2.0
240
+ google-resumable-media==2.7.0
241
+ googleapis-common-protos==1.62.0
242
+ gplearn==0.4.2
243
+ gpustat==1.0.0
244
+ gpxpy==1.6.2
245
+ graphviz==0.20.1
246
+ greenlet==3.0.3
247
+ grpc-google-iam-v1==0.12.7
248
+ grpcio-status==1.48.1
249
+ grpcio==1.51.1
250
+ gviz-api==1.10.0
251
+ gym-notices==0.0.8
252
+ gym==0.26.2
253
+ gymnasium==0.29.0
254
+ h11==0.14.0
255
+ h2o==3.44.0.3
256
+ h5netcdf==1.3.0
257
+ h5py==3.10.0
258
+ haversine==2.8.1
259
+ hdfs==2.7.3
260
+ hep-ml==0.7.2
261
+ hijri-converter==2.3.1
262
+ hmmlearn==0.3.0
263
+ holidays==0.24
264
+ holoviews==1.18.3
265
+ hpsklearn==0.1.0
266
+ html5lib==1.1
267
+ htmlmin==0.1.12
268
+ httpcore==1.0.4
269
+ httplib2==0.21.0
270
+ httptools==0.6.1
271
+ httpx==0.27.0
272
+ huggingface-hub==0.20.3
273
+ humanize==4.9.0
274
+ hunspell==0.5.5
275
+ husl==4.0.3
276
+ hydra-slayer==0.5.0
277
+ hyperopt==0.2.7
278
+ hypertools==0.8.0
279
+ idna==3.6
280
+ igraph==0.11.4
281
+ imagecodecs==2024.1.1
282
+ imagehash==4.3.1
283
+ imageio==2.33.1
284
+ imbalanced-learn==0.12.0
285
+ imgaug==0.4.0
286
+ importlib-metadata==6.11.0
287
+ importlib-resources==6.1.1
288
+ inequality==1.0.1
289
+ iniconfig==2.0.0
290
+ ipydatawidgets==4.3.5
291
+ ipykernel==6.28.0
292
+ ipyleaflet==0.18.2
293
+ ipympl==0.7.0
294
+ ipython-genutils==0.2.0
295
+ ipython-sql==0.5.0
296
+ ipython==8.20.0
297
+ ipyvolume==0.6.3
298
+ ipyvue==1.10.1
299
+ ipyvuetify==1.8.10
300
+ ipywebrtc==0.6.0
301
+ ipywidgets==7.7.1
302
+ isoduration==20.11.0
303
+ isort==5.13.2
304
+ isoweek==1.3.3
305
+ itsdangerous==2.1.2
306
+ janome==0.5.0
307
+ jaraco.classes==3.3.0
308
+ jax-jumpy==1.0.0
309
+ jax==0.4.23
310
+ jaxlib==0.4.23.dev20240116
311
+ jedi==0.19.1
312
+ jeepney==0.8.0
313
+ jieba==0.42.1
314
+ jinja2==3.1.2
315
+ jmespath==1.0.1
316
+ joblib==1.3.2
317
+ json5==0.9.14
318
+ jsonpatch==1.33
319
+ jsonpointer==2.4
320
+ jsonschema-specifications==2023.12.1
321
+ jsonschema==4.20.0
322
+ jupyter-client==7.4.9
323
+ jupyter-console==6.6.3
324
+ jupyter-core==5.7.1
325
+ jupyter-events==0.9.0
326
+ jupyter-http-over-ws==0.0.8
327
+ jupyter-lsp==1.5.1
328
+ jupyter-server-fileid==0.9.1
329
+ jupyter-server-mathjax==0.2.6
330
+ jupyter-server-proxy==4.1.0
331
+ jupyter-server-terminals==0.5.1
332
+ jupyter-server-ydoc==0.8.0
333
+ jupyter-server==2.12.5
334
+ jupyter-ydoc==0.2.5
335
+ jupyterlab-git==0.44.0
336
+ jupyterlab-lsp==5.0.3
337
+ jupyterlab-pygments==0.3.0
338
+ jupyterlab-server==2.25.2
339
+ jupyterlab-widgets==3.0.9
340
+ jupyterlab==4.1.2
341
+ jupytext==1.16.0
342
+ kaggle-environments==1.14.3
343
+ kaggle==1.6.6
344
+ kagglehub==0.1.9
345
+ keras-cv==0.8.2
346
+ keras-nlp==0.8.1
347
+ keras-tuner==1.4.6
348
+ keras==3.0.5
349
+ kernels-mixer==0.0.7
350
+ keyring==24.3.0
351
+ keyrings.google-artifactregistry-auth==1.1.2
352
+ kfp-pipeline-spec==0.2.2
353
+ kfp-server-api==2.0.5
354
+ kfp==2.5.0
355
+ kiwisolver==1.4.5
356
+ kmapper==2.0.1
357
+ kmodes==0.12.2
358
+ korean-lunar-calendar==0.3.1
359
+ kornia==0.7.1
360
+ kt-legacy==1.0.5
361
+ kubernetes==26.1.0
362
+ langcodes==3.3.0
363
+ langid==1.1.6
364
+ lazy-loader==0.3
365
+ learntools==0.3.4
366
+ leven==1.0.4
367
+ levenshtein==0.25.0
368
+ libclang==16.0.6
369
+ libmambapy==1.5.0
370
+ libpysal==4.9.2
371
+ librosa==0.10.1
372
+ lightgbm==4.2.0
373
+ lightning-utilities==0.10.1
374
+ lime==0.2.0.1
375
+ line-profiler==4.1.2
376
+ linkify-it-py==2.0.3
377
+ llvmlite==0.41.1
378
+ lml==0.1.0
379
+ locket==1.0.0
380
+ loguru==0.7.2
381
+ lunarcalendar==0.0.9
382
+ lxml==5.1.0
383
+ lz4==4.3.3
384
+ mako==1.3.2
385
+ mamba==1.5.0
386
+ mapclassify==2.6.1
387
+ marisa-trie==1.1.0
388
+ markdown-it-py==3.0.0
389
+ markdown==3.5.2
390
+ markovify==0.9.4
391
+ markupsafe==2.1.3
392
+ marshmallow==3.20.2
393
+ matplotlib-inline==0.1.6
394
+ matplotlib-venn==0.11.10
395
+ matplotlib==3.7.5
396
+ mccabe==0.7.0
397
+ mdit-py-plugins==0.4.0
398
+ mdurl==0.1.2
399
+ memory-profiler==0.61.0
400
+ menuinst==2.0.1
401
+ mercantile==1.2.1
402
+ mgwr==2.2.1
403
+ missingno==0.5.2
404
+ mistune==0.8.4
405
+ mizani==0.11.0
406
+ ml-dtypes==0.2.0
407
+ mlcrate==0.2.0
408
+ mlens==0.2.3
409
+ mlxtend==0.23.1
410
+ mmh3==4.1.0
411
+ mne==1.6.1
412
+ mnist==0.2.2
413
+ mock==5.1.0
414
+ momepy==0.7.0
415
+ more-itertools==10.2.0
416
+ mpld3==0.5.10
417
+ mpmath==1.3.0
418
+ msgpack-numpy==0.4.8
419
+ msgpack==1.0.7
420
+ multidict==6.0.4
421
+ multimethod==1.10
422
+ multipledispatch==1.0.0
423
+ multiprocess==0.70.15
424
+ munkres==1.1.4
425
+ murmurhash==1.0.10
426
+ mypy-extensions==1.0.0
427
+ namex==0.0.7
428
+ nb-conda-kernels==2.3.1
429
+ nb-conda==2.2.1
430
+ nbclassic==1.0.0
431
+ nbclient==0.5.13
432
+ nbconvert==6.4.5
433
+ nbdime==3.2.0
434
+ nbformat==5.9.2
435
+ ndindex==1.8
436
+ nest-asyncio==1.5.8
437
+ networkx==3.2.1
438
+ nibabel==5.2.0
439
+ nilearn==0.10.3
440
+ ninja==1.11.1.1
441
+ nltk==3.2.4
442
+ nose==1.3.7
443
+ notebook-executor==0.2
444
+ notebook-shim==0.2.3
445
+ notebook==6.5.4
446
+ numba==0.58.1
447
+ numexpr==2.9.0
448
+ numpy==1.26.4
449
+ nvidia-ml-py==11.495.46
450
+ nvtx==0.2.10
451
+ oauth2client==4.1.3
452
+ oauthlib==3.2.2
453
+ objsize==0.6.1
454
+ odfpy==1.4.1
455
+ olefile==0.47
456
+ onnx==1.15.0
457
+ opencensus-context==0.1.3
458
+ opencensus==0.11.4
459
+ opencv-contrib-python==4.9.0.80
460
+ opencv-python-headless==4.9.0.80
461
+ opencv-python==4.9.0.80
462
+ openpyxl==3.1.2
463
+ openslide-python==1.3.1
464
+ opentelemetry-api==1.22.0
465
+ opentelemetry-exporter-otlp-proto-common==1.22.0
466
+ opentelemetry-exporter-otlp-proto-grpc==1.22.0
467
+ opentelemetry-exporter-otlp-proto-http==1.22.0
468
+ opentelemetry-exporter-otlp==1.22.0
469
+ opentelemetry-proto==1.22.0
470
+ opentelemetry-sdk==1.22.0
471
+ opentelemetry-semantic-conventions==0.43b0
472
+ opt-einsum==3.3.0
473
+ optax==0.1.9
474
+ optuna==3.5.0
475
+ orbax-checkpoint==0.5.3
476
+ ordered-set==4.1.0
477
+ orderedmultidict==1.0.1
478
+ orjson==3.9.10
479
+ ortools==9.4.1874
480
+ osmnx==1.9.1
481
+ overrides==7.4.0
482
+ packaging==21.3
483
+ pandas-datareader==0.10.0
484
+ pandas-profiling==3.6.6
485
+ pandas-summary==0.2.0
486
+ pandas==2.1.4
487
+ pandasql==0.7.3
488
+ pandocfilters==1.5.0
489
+ panel==1.3.8
490
+ papermill==2.5.0
491
+ param==2.0.2
492
+ parso==0.8.3
493
+ partd==1.4.1
494
+ path.py==12.5.0
495
+ path==16.10.0
496
+ pathos==0.3.2
497
+ pathy==0.10.3
498
+ patsy==0.5.6
499
+ pdf2image==1.17.0
500
+ peft==0.7.1
501
+ pettingzoo==1.24.0
502
+ pexpect==4.8.0
503
+ phik==0.12.4
504
+ pickleshare==0.7.5
505
+ pillow==9.5.0
506
+ pip==23.3.2
507
+ pkgutil-resolve-name==1.3.10
508
+ platformdirs==4.2.0
509
+ plotly-express==0.4.1
510
+ plotly==5.18.0
511
+ plotnine==0.13.0
512
+ pluggy==1.3.0
513
+ pointpats==2.4.0
514
+ polars==0.20.10
515
+ polyglot==16.7.4
516
+ pooch==1.8.1
517
+ pox==0.3.4
518
+ ppca==0.0.4
519
+ ppft==1.7.6.8
520
+ preprocessing==0.1.13
521
+ preshed==3.0.9
522
+ prettytable==3.9.0
523
+ progressbar2==4.3.2
524
+ prometheus-client==0.19.0
525
+ promise==2.3
526
+ prompt-toolkit==3.0.42
527
+ pronouncing==0.2.0
528
+ prophet==1.1.1
529
+ proto-plus==1.23.0
530
+ protobuf==3.20.3
531
+ psutil==5.9.3
532
+ ptyprocess==0.7.0
533
+ pudb==2024.1
534
+ pulp==2.8.0
535
+ pure-eval==0.2.2
536
+ py-cpuinfo==9.0.0
537
+ py-spy==0.3.14
538
+ py4j==0.10.9.7
539
+ pyaml==23.12.0
540
+ pyarabic==0.6.15
541
+ pyarrow-hotfix==0.6
542
+ pyarrow==11.0.0
543
+ pyasn1-modules==0.3.0
544
+ pyasn1==0.5.1
545
+ pyastronomy==0.20.0
546
+ pybind11==2.11.1
547
+ pyclipper==1.3.0.post5
548
+ pycodestyle==2.11.1
549
+ pycosat==0.6.6
550
+ pycparser==2.21
551
+ pycryptodome==3.20.0
552
+ pyct==0.5.0
553
+ pycuda==2024.1
554
+ pydantic-core==2.14.6
555
+ pydantic==2.5.3
556
+ pydegensac==0.1.2
557
+ pydicom==2.4.4
558
+ pydocstyle==6.3.0
559
+ pydot==1.4.2
560
+ pydub==0.25.1
561
+ pyemd==1.0.0
562
+ pyerfa==2.0.1.1
563
+ pyexcel-io==0.6.6
564
+ pyexcel-ods==0.6.0
565
+ pyfasttext==0.4.6
566
+ pyflakes==3.2.0
567
+ pygltflib==1.16.1
568
+ pygments==2.17.2
569
+ pyjwt==2.8.0
570
+ pykalman==0.9.5
571
+ pyldavis==3.4.1
572
+ pylibraft==23.8.0
573
+ pylint==3.0.3
574
+ pymc3==3.11.4
575
+ pymeeus==0.5.12
576
+ pymongo==3.13.0
577
+ pympler==1.0.1
578
+ pynndescent==0.5.11
579
+ pynvml==11.4.1
580
+ pynvrtc==9.2
581
+ pyocr==0.8.5
582
+ pyopenssl==23.3.0
583
+ pyparsing==3.1.1
584
+ pypdf==4.0.2
585
+ pyproj==3.6.1
586
+ pysal==24.1
587
+ pyshp==2.3.1
588
+ pysocks==1.7.1
589
+ pytesseract==0.3.10
590
+ pytest==8.0.1
591
+ python-bidi==0.4.2
592
+ python-dateutil==2.8.2
593
+ python-dotenv==1.0.0
594
+ python-json-logger==2.0.7
595
+ python-levenshtein==0.25.0
596
+ python-louvain==0.16
597
+ python-lsp-jsonrpc==1.1.2
598
+ python-lsp-server==1.10.0
599
+ python-slugify==8.0.4
600
+ python-utils==3.8.2
601
+ pythreejs==2.4.2
602
+ pytoolconfig==1.3.1
603
+ pytools==2023.1.1
604
+ pytorch-ignite==0.4.13
605
+ pytorch-lightning==2.2.0.post0
606
+ pytz==2023.3.post1
607
+ pyu2f==0.1.5
608
+ pyupset==0.1.1.post7
609
+ pyviz-comms==3.0.1
610
+ pywavelets==1.5.0
611
+ pyyaml==6.0.1
612
+ pyzmq==24.0.1
613
+ qgrid==1.3.1
614
+ qtconsole==5.5.1
615
+ qtpy==2.4.1
616
+ quantecon==0.7.1
617
+ quantities==0.15.0
618
+ qudida==0.0.4
619
+ raft-dask==23.8.0
620
+ rapidfuzz==3.6.1
621
+ rasterio==1.3.9
622
+ rasterstats==0.19.0
623
+ ray-cpp==2.9.0
624
+ ray==2.9.0
625
+ referencing==0.32.1
626
+ regex==2023.12.25
627
+ requests-oauthlib==1.3.1
628
+ requests-toolbelt==0.10.1
629
+ requests==2.31.0
630
+ responses==0.18.0
631
+ retrying==1.3.3
632
+ rfc3339-validator==0.1.4
633
+ rfc3986-validator==0.1.1
634
+ rgf-python==3.12.0
635
+ rich-click==1.7.3
636
+ rich==13.7.0
637
+ rmm==23.8.0
638
+ rope==1.12.0
639
+ rpds-py==0.16.2
640
+ rsa==4.9
641
+ rtree==1.2.0
642
+ ruamel-yaml-conda==0.15.100
643
+ ruamel.yaml.clib==0.2.7
644
+ ruamel.yaml==0.17.40
645
+ s2sphere==0.2.5
646
+ s3fs==2024.2.0
647
+ s3transfer==0.6.2
648
+ safetensors==0.4.2
649
+ scattertext==0.1.19
650
+ scikit-image==0.22.0
651
+ scikit-learn-intelex==2024.1.0
652
+ scikit-learn==1.2.2
653
+ scikit-multilearn==0.2.0
654
+ scikit-optimize==0.9.0
655
+ scikit-plot==0.3.7
656
+ scikit-surprise==1.1.3
657
+ scipy==1.11.4
658
+ seaborn==0.12.2
659
+ secretstorage==3.3.3
660
+ segment-anything==1.0
661
+ segregation==2.5
662
+ semver==3.0.2
663
+ send2trash==1.8.2
664
+ sentencepiece==0.2.0
665
+ sentry-sdk==1.40.5
666
+ setproctitle==1.3.3
667
+ setuptools-git==1.2
668
+ setuptools-scm==8.0.4
669
+ setuptools==69.0.3
670
+ shap==0.44.1
671
+ shapely==1.8.5.post1
672
+ shellingham==1.5.4
673
+ shimmy==1.3.0
674
+ shtab==1.7.1
675
+ simpervisor==1.0.0
676
+ simpleitk==2.3.1
677
+ simplejson==3.19.2
678
+ six==1.16.0
679
+ sklearn-pandas==2.2.0
680
+ slicer==0.0.7
681
+ smart-open==6.4.0
682
+ smhasher==0.150.1
683
+ smmap==5.0.1
684
+ sniffio==1.3.0
685
+ snowballstemmer==2.2.0
686
+ snuggs==1.4.7
687
+ sortedcontainers==2.4.0
688
+ soundfile==0.12.1
689
+ soupsieve==2.5
690
+ soxr==0.3.7
691
+ spacy-legacy==3.0.12
692
+ spacy-loggers==1.0.5
693
+ spacy==3.7.2
694
+ spaghetti==1.7.5.post1
695
+ spectral==0.23.1
696
+ spglm==1.1.0
697
+ sphinx-rtd-theme==0.2.4
698
+ spint==1.0.7
699
+ splot==1.1.5.post1
700
+ spopt==0.6.0
701
+ spreg==1.4.2
702
+ spvcm==0.3.0
703
+ sqlalchemy==2.0.25
704
+ sqlparse==0.4.4
705
+ squarify==0.4.3
706
+ srsly==2.4.8
707
+ stable-baselines3==2.1.0
708
+ stack-data==0.6.2
709
+ stanio==0.3.0
710
+ starlette==0.32.0.post1
711
+ statsmodels==0.14.1
712
+ stemming==1.0.1
713
+ stop-words==2018.7.23
714
+ stopit==1.1.2
715
+ stumpy==1.12.0
716
+ sympy==1.12
717
+ tables==3.9.2
718
+ tabulate==0.9.0
719
+ tangled-up-in-unicode==0.2.0
720
+ tbb==2021.11.0
721
+ tblib==3.0.0
722
+ tenacity==8.2.3
723
+ tensorboard-data-server==0.7.2
724
+ tensorboard-plugin-profile==2.15.0
725
+ tensorboard==2.15.1
726
+ tensorboardx==2.6.2.2
727
+ tensorflow-cloud==0.1.16
728
+ tensorflow-datasets==4.9.4
729
+ tensorflow-decision-forests==1.8.1
730
+ tensorflow-estimator==2.15.0
731
+ tensorflow-hub==0.16.1
732
+ tensorflow-io-gcs-filesystem==0.35.0
733
+ tensorflow-io==0.35.0
734
+ tensorflow-metadata==0.14.0
735
+ tensorflow-probability==0.23.0
736
+ tensorflow-serving-api==2.14.1
737
+ tensorflow-text==2.15.0
738
+ tensorflow-transform==0.14.0
739
+ tensorflow==2.15.0
740
+ tensorpack==0.11
741
+ tensorstore==0.1.53
742
+ termcolor==2.4.0
743
+ terminado==0.18.0
744
+ testpath==0.6.0
745
+ text-unidecode==1.3
746
+ textblob==0.18.0.post0
747
+ texttable==1.7.0
748
+ tf-keras==2.15.0
749
+ tfp-nightly==0.24.0.dev0
750
+ theano-pymc==1.1.2
751
+ theano==1.0.5
752
+ thinc==8.2.2
753
+ threadpoolctl==3.2.0
754
+ tifffile==2023.12.9
755
+ timm==0.9.16
756
+ tinycss2==1.2.1
757
+ tobler==0.11.2
758
+ tokenizers==0.15.2
759
+ toml==0.10.2
760
+ tomli==2.0.1
761
+ tomlkit==0.12.3
762
+ toolz==0.12.1
763
+ torch==2.1.2
764
+ torchaudio==2.1.2
765
+ torchdata==0.7.1
766
+ torchinfo==1.8.0
767
+ torchmetrics==1.3.1
768
+ torchtext==0.16.2
769
+ torchvision==0.16.2
770
+ tornado==6.3.3
771
+ tpot==0.12.1
772
+ tqdm==4.66.1
773
+ traceml==1.0.8
774
+ traitlets==5.9.0
775
+ traittypes==0.2.1
776
+ transformers==4.36.2
777
+ treelite-runtime==3.2.0
778
+ treelite==3.2.0
779
+ trl==0.7.7
780
+ trueskill==0.4.5
781
+ truststore==0.8.0
782
+ trx-python==0.2.9
783
+ tsfresh==0.20.2
784
+ typeguard==4.1.5
785
+ typer==0.9.0
786
+ types-python-dateutil==2.8.19.20240106
787
+ typing-extensions==4.9.0
788
+ typing-inspect==0.9.0
789
+ typing-utils==0.1.0
790
+ tyro==0.7.3
791
+ tzdata==2023.4
792
+ tzlocal==5.2
793
+ uc-micro-py==1.0.3
794
+ ucx-py==0.33.0
795
+ ujson==5.9.0
796
+ umap-learn==0.5.5
797
+ unicodedata2==15.1.0
798
+ unidecode==1.3.8
799
+ update-checker==0.18.0
800
+ uri-template==1.3.0
801
+ uritemplate==3.0.1
802
+ urllib3==1.26.18
803
+ urwid-readline==0.13
804
+ urwid==2.6.4
805
+ uvicorn==0.25.0
806
+ uvloop==0.19.0
807
+ vaex-astro==0.9.3
808
+ vaex-core==4.17.1
809
+ vaex-hdf5==0.14.1
810
+ vaex-jupyter==0.8.2
811
+ vaex-ml==0.18.3
812
+ vaex-server==0.9.0
813
+ vaex-viz==0.5.4
814
+ vaex==4.17.0
815
+ vec-noise==1.1.4
816
+ vecstack==0.4.0
817
+ virtualenv==20.21.0
818
+ visions==0.7.5
819
+ vowpalwabbit==9.9.0
820
+ vtk==9.3.0
821
+ wand==0.6.13
822
+ wandb==0.16.3
823
+ wasabi==1.1.2
824
+ watchfiles==0.21.0
825
+ wavio==0.0.8
826
+ wcwidth==0.2.13
827
+ weasel==0.3.4
828
+ webcolors==1.13
829
+ webencodings==0.5.1
830
+ websocket-client==1.7.0
831
+ websockets==12.0
832
+ werkzeug==3.0.1
833
+ wfdb==4.1.2
834
+ whatthepatch==1.0.5
835
+ wheel==0.42.0
836
+ widgetsnbextension==3.6.6
837
+ witwidget==1.8.1
838
+ woodwork==0.28.0
839
+ wordcloud==1.9.3
840
+ wordsegment==1.3.1
841
+ wrapt==1.14.1
842
+ xarray-einstats==0.7.0
843
+ xarray==2024.2.0
844
+ xgboost==2.0.3
845
+ xvfbwrapper==0.2.9
846
+ xxhash==3.4.1
847
+ xyzservices==2023.10.1
848
+ y-py==0.6.2
849
+ yapf==0.40.2
850
+ yarl==1.9.3
851
+ ydata-profiling==4.6.4
852
+ yellowbrick==1.5
853
+ ypy-websocket==0.8.4
854
+ zict==3.0.0
855
+ zipp==3.17.0
856
+ zstandard==0.22.0
wandb/run-20240403_062721-nxc6ebu6/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-03T06:27:22.233326",
5
+ "startedAt": "2024-04-03T06:27:21.013776",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [],
9
+ "state": "running",
10
+ "program": "kaggle.ipynb",
11
+ "codePathLocal": null,
12
+ "root": "/kaggle/working",
13
+ "host": "03ec12e703e9",
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.172,
20
+ "min": 0.0,
21
+ "max": 0.0
22
+ },
23
+ "cpu_freq_per_core": [
24
+ {
25
+ "current": 2000.172,
26
+ "min": 0.0,
27
+ "max": 0.0
28
+ },
29
+ {
30
+ "current": 2000.172,
31
+ "min": 0.0,
32
+ "max": 0.0
33
+ },
34
+ {
35
+ "current": 2000.172,
36
+ "min": 0.0,
37
+ "max": 0.0
38
+ },
39
+ {
40
+ "current": 2000.172,
41
+ "min": 0.0,
42
+ "max": 0.0
43
+ }
44
+ ],
45
+ "disk": {
46
+ "/": {
47
+ "total": 8062.387607574463,
48
+ "used": 5532.717735290527
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-20240403_062721-nxc6ebu6/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"train/loss": 0.1277, "train/learning_rate": 0.0, "train/epoch": 7.97, "train/global_step": 424, "_timestamp": 1712145654.572393, "_runtime": 20013.5482070446, "_step": 16, "eval/loss": 0.1479843407869339, "eval/runtime": 28.8852, "eval/samples_per_second": 0.9, "eval/steps_per_second": 0.312, "train/train_runtime": 20051.6202, "train/train_samples_per_second": 0.318, "train/train_steps_per_second": 0.021, "train/total_flos": 2.5811232545675674e+17, "train/train_loss": 0.46249947570404915}
wandb/run-20240403_062721-nxc6ebu6/logs/debug-internal.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20240403_062721-nxc6ebu6/logs/debug.log ADDED
@@ -0,0 +1,52 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Current SDK version is 0.16.3
2
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Configure stats pid to 33
3
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-04-03 06:27:21,015 INFO MainThread:33 [wandb_setup.py:_flush():76] Loading settings from environment variables: {'project': '4march_code_llama', 'run_notes': 'Fine-tuning', 'run_name': 'fine-tuning-code-llama'}
6
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_setup.py:_flush():76] Applying login settings: {'api_key': '***REDACTED***'}
9
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:_log_setup():526] Logging user logs to /kaggle/working/wandb/run-20240403_062721-nxc6ebu6/logs/debug.log
10
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:_log_setup():527] Logging internal logs to /kaggle/working/wandb/run-20240403_062721-nxc6ebu6/logs/debug-internal.log
11
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:_jupyter_setup():472] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7e252c644670>
12
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:init():566] calling init triggers
13
+ 2024-04-03 06:27:21,016 INFO MainThread:33 [wandb_init.py:init():573] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-04-03 06:27:21,017 INFO MainThread:33 [wandb_init.py:init():616] starting backend
16
+ 2024-04-03 06:27:21,017 INFO MainThread:33 [wandb_init.py:init():620] setting up manager
17
+ 2024-04-03 06:27:21,021 INFO MainThread:33 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-04-03 06:27:21,023 INFO MainThread:33 [wandb_init.py:init():628] backend started and connected
19
+ 2024-04-03 06:27:21,040 INFO MainThread:33 [wandb_run.py:_label_probe_notebook():1295] probe notebook
20
+ 2024-04-03 06:27:21,737 INFO MainThread:33 [wandb_init.py:init():720] updated telemetry
21
+ 2024-04-03 06:27:21,752 INFO MainThread:33 [wandb_init.py:init():753] communicating run to backend with 90.0 second timeout
22
+ 2024-04-03 06:27:22,142 INFO MainThread:33 [wandb_run.py:_on_init():2262] communicating current version
23
+ 2024-04-03 06:27:22,197 INFO MainThread:33 [wandb_run.py:_on_init():2271] got version response upgrade_message: "wandb version 0.16.5 is available! To upgrade, please run:\n $ pip install wandb --upgrade"
24
+
25
+ 2024-04-03 06:27:22,197 INFO MainThread:33 [wandb_init.py:init():804] starting run threads in backend
26
+ 2024-04-03 06:27:52,236 INFO MainThread:33 [wandb_run.py:_console_start():2241] atexit reg
27
+ 2024-04-03 06:27:52,236 INFO MainThread:33 [wandb_run.py:_redirect():2096] redirect: wrap_raw
28
+ 2024-04-03 06:27:52,237 INFO MainThread:33 [wandb_run.py:_redirect():2161] Wrapping output streams.
29
+ 2024-04-03 06:27:52,237 INFO MainThread:33 [wandb_run.py:_redirect():2186] Redirects installed.
30
+ 2024-04-03 06:27:52,238 INFO MainThread:33 [wandb_init.py:init():847] run started, returning control to user process
31
+ 2024-04-03 06:27:52,245 INFO MainThread:33 [wandb_run.py:_config_callback():1343] config_cb None None {'vocab_size': 32016, 'max_position_embeddings': 16384, 'hidden_size': 4096, 'intermediate_size': 11008, 'num_hidden_layers': 32, 'num_attention_heads': 32, 'num_key_value_heads': 32, 'hidden_act': 'silu', 'initializer_range': 0.02, 'rms_norm_eps': 1e-05, 'pretraining_tp': 1, 'use_cache': False, 'rope_theta': 1000000, 'rope_scaling': None, 'attention_bias': False, 'attention_dropout': 0.0, 'return_dict': True, 'output_hidden_states': False, 'output_attentions': False, 'torchscript': False, 'torch_dtype': 'bfloat16', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': False, '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, 'chunk_size_feed_forward': 0, 'output_scores': False, 'return_dict_in_generate': False, 'forced_bos_token_id': None, 'forced_eos_token_id': None, 'remove_invalid_values': False, 'exponential_decay_length_penalty': None, 'suppress_tokens': None, 'begin_suppress_tokens': None, 'architectures': ['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': 'codellama/CodeLlama-7b-hf', 'transformers_version': '4.36.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': True, 'llm_int8_has_fp16_weight': False, 'bnb_4bit_quant_type': 'nf4', 'bnb_4bit_use_double_quant': True, 'bnb_4bit_compute_dtype': 'bfloat16'}, 'output_dir': '/kaggle/working/', 'overwrite_output_dir': True, 'do_train': False, 'do_eval': True, 'do_predict': False, 'evaluation_strategy': 'epoch', 'prediction_loss_only': False, 'per_device_train_batch_size': 3, 'per_device_eval_batch_size': 3, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 5, 'eval_accumulation_steps': None, 'eval_delay': 0, 'learning_rate': 5e-05, 'weight_decay': 0.01, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 8, 'max_steps': -1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 20, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': '/kaggle/working/', 'logging_strategy': 'epoch', 'logging_first_step': False, 'logging_steps': 500, 'logging_nan_inf_filter': True, 'save_strategy': 'epoch', 'save_steps': 500, 'save_total_limit': 5, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': True, 'fp16_opt_level': 'O1', 'half_precision_backend': 'auto', 'bf16_full_eval': False, 'fp16_full_eval': False, 'tf32': None, 'local_rank': 0, 'ddp_backend': None, 'tpu_num_cores': None, 'tpu_metrics_debug': False, 'debug': [], 'dataloader_drop_last': False, 'eval_steps': None, 'dataloader_num_workers': 0, 'past_index': -1, 'run_name': 'fine-tuning-code-llama', 'disable_tqdm': False, 'remove_unused_columns': True, 'label_names': None, 'load_best_model_at_end': True, 'metric_for_best_model': 'loss', 'greater_is_better': False, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'paged_adamw_8bit', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': False, 'resume_from_checkpoint': None, 'hub_model_id': None, 'hub_strategy': 'every_save', 'hub_token': '<HUB_TOKEN>', 'hub_private_repo': False, 'hub_always_push': False, 'gradient_checkpointing': True, 'gradient_checkpointing_kwargs': {'use_reentrant': False}, 'include_inputs_for_metrics': False, 'fp16_backend': 'auto', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': False, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None}
32
+ 2024-04-03 12:00:54,576 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
33
+ 2024-04-03 12:00:54,576 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
34
+ 2024-04-03 12:00:54,584 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
35
+ 2024-04-03 12:00:56,319 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
36
+ 2024-04-03 12:00:56,319 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
37
+ 2024-04-03 12:04:26,759 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
38
+ 2024-04-03 12:04:27,811 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
39
+ 2024-04-03 12:04:27,811 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
40
+ 2024-04-03 12:04:29,523 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
41
+ 2024-04-03 12:04:29,701 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
42
+ 2024-04-03 12:04:29,701 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
43
+ 2024-04-03 12:04:33,963 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
44
+ 2024-04-03 12:04:34,118 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
45
+ 2024-04-03 12:04:34,118 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
46
+ 2024-04-03 12:05:20,894 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
47
+ 2024-04-03 12:05:20,918 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
48
+ 2024-04-03 12:05:20,918 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
49
+ 2024-04-03 12:05:50,242 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
50
+ 2024-04-03 12:05:50,265 INFO MainThread:33 [jupyter.py:save_ipynb():373] not saving jupyter notebook
51
+ 2024-04-03 12:05:50,266 INFO MainThread:33 [wandb_init.py:_pause_backend():437] pausing backend
52
+ 2024-04-03 12:05:57,888 INFO MainThread:33 [wandb_init.py:_resume_backend():442] resuming backend
wandb/run-20240403_062721-nxc6ebu6/run-nxc6ebu6.wandb ADDED
Binary file (586 kB). View file