mingsung commited on
Commit
1d60cf4
1 Parent(s): 76f5220

Training in progress, step 300

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