MalyO2 commited on
Commit
2cc896f
·
verified ·
1 Parent(s): bf587f8

Training in progress, step 1

Browse files
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ wandb/run-20241127_153658-ukl4t7mf/run-ukl4t7mf.wandb filter=lfs diff=lfs merge=lfs -text
config.json ADDED
@@ -0,0 +1,64 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "MalyO2/detr_finetune_lr_scheduler_v4",
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
+ "backbone_kwargs": {
13
+ "in_chans": 3,
14
+ "out_indices": [
15
+ 1,
16
+ 2,
17
+ 3,
18
+ 4
19
+ ],
20
+ "output_stride": 16
21
+ },
22
+ "bbox_cost": 5,
23
+ "bbox_loss_coefficient": 5,
24
+ "class_cost": 1,
25
+ "classifier_dropout": 0.0,
26
+ "d_model": 256,
27
+ "decoder_attention_heads": 8,
28
+ "decoder_ffn_dim": 2048,
29
+ "decoder_layerdrop": 0.0,
30
+ "decoder_layers": 6,
31
+ "dice_loss_coefficient": 1,
32
+ "dilation": true,
33
+ "dropout": 0.1,
34
+ "encoder_attention_heads": 8,
35
+ "encoder_ffn_dim": 2048,
36
+ "encoder_layerdrop": 0.0,
37
+ "encoder_layers": 6,
38
+ "eos_coefficient": 0.1,
39
+ "giou_cost": 2,
40
+ "giou_loss_coefficient": 2,
41
+ "id2label": {
42
+ "0": "object",
43
+ "1": "balloon"
44
+ },
45
+ "init_std": 0.02,
46
+ "init_xavier_std": 1.0,
47
+ "is_encoder_decoder": true,
48
+ "label2id": {
49
+ "balloon": 1,
50
+ "object": 0
51
+ },
52
+ "mask_loss_coefficient": 1,
53
+ "max_position_embeddings": 1024,
54
+ "model_type": "detr",
55
+ "num_channels": 3,
56
+ "num_hidden_layers": 6,
57
+ "num_queries": 100,
58
+ "position_embedding_type": "sine",
59
+ "scale_embedding": false,
60
+ "torch_dtype": "float32",
61
+ "transformers_version": "4.46.3",
62
+ "use_pretrained_backbone": true,
63
+ "use_timm_backbone": true
64
+ }
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d9e1627baa87deefbcc2357b681afc9c529f8e34b6453fba8e7ddc9fd37571fa
3
+ size 166495852
preprocessor_config.json ADDED
@@ -0,0 +1,26 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "do_convert_annotations": true,
3
+ "do_normalize": true,
4
+ "do_pad": true,
5
+ "do_rescale": true,
6
+ "do_resize": true,
7
+ "format": "coco_detection",
8
+ "image_mean": [
9
+ 0.485,
10
+ 0.456,
11
+ 0.406
12
+ ],
13
+ "image_processor_type": "DetrImageProcessor",
14
+ "image_std": [
15
+ 0.229,
16
+ 0.224,
17
+ 0.225
18
+ ],
19
+ "pad_size": null,
20
+ "resample": 2,
21
+ "rescale_factor": 0.00392156862745098,
22
+ "size": {
23
+ "longest_edge": 1333,
24
+ "shortest_edge": 800
25
+ }
26
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c10a94e6898e0ff5bd1e90c737ce44e5fe829beb467632f71ffc06676330cc98
3
+ size 5240
wandb/debug-internal.log ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {"time":"2024-11-27T15:37:00.374847052Z","level":"INFO","msg":"using version","core version":"0.18.7"}
2
+ {"time":"2024-11-27T15:37:00.374866576Z","level":"INFO","msg":"created symlink","path":"/kaggle/working/wandb/run-20241127_153658-ukl4t7mf/logs/debug-core.log"}
3
+ {"time":"2024-11-27T15:37:00.477551267Z","level":"INFO","msg":"created new stream","id":"ukl4t7mf"}
4
+ {"time":"2024-11-27T15:37:00.477597507Z","level":"INFO","msg":"stream: started","id":"ukl4t7mf"}
5
+ {"time":"2024-11-27T15:37:00.477638882Z","level":"INFO","msg":"handler: started","stream_id":"ukl4t7mf"}
6
+ {"time":"2024-11-27T15:37:00.477659394Z","level":"INFO","msg":"writer: Do: started","stream_id":"ukl4t7mf"}
7
+ {"time":"2024-11-27T15:37:00.477667185Z","level":"INFO","msg":"sender: started","stream_id":"ukl4t7mf"}
8
+ {"time":"2024-11-27T15:37:01.790743608Z","level":"INFO","msg":"Starting system monitor"}
wandb/debug.log ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-11-27 15:36:58,642 INFO MainThread:30 [wandb_setup.py:_flush():79] Current SDK version is 0.18.7
2
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Configure stats pid to 30
3
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from /root/.config/wandb/settings
4
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from environment variables: {}
6
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying setup settings: {'mode': None, '_disable_service': None}
7
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying login settings: {}
9
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying login settings: {'api_key': '***REDACTED***'}
10
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:_log_setup():533] Logging user logs to /kaggle/working/wandb/run-20241127_153658-ukl4t7mf/logs/debug.log
11
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:_log_setup():534] Logging internal logs to /kaggle/working/wandb/run-20241127_153658-ukl4t7mf/logs/debug-internal.log
12
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:init():619] calling init triggers
13
+ 2024-11-27 15:36:58,644 INFO MainThread:30 [wandb_init.py:init():626] wandb.init called with sweep_config: {}
14
+ config: {'batch_size': 4, 'learning_rate': 0.0003, 'num_epochs': 100}
15
+ 2024-11-27 15:36:58,644 INFO MainThread:30 [wandb_init.py:init():644] re-initializing run, found existing run on stack: dgfn4fnq
16
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [wandb_run.py:_finish():2155] finishing run swampinhabitant/detr-training/dgfn4fnq
17
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [jupyter.py:save_history():459] not saving jupyter history
18
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
19
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [wandb_init.py:_jupyter_teardown():461] cleaning up jupyter logic
20
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_atexit_cleanup():2420] got exitcode: 0
21
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_restore():2402] restore
22
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_restore():2408] restore done
23
+ 2024-11-27 15:37:00,326 INFO MainThread:30 [wandb_run.py:_footer_history_summary_info():3960] rendering history
24
+ 2024-11-27 15:37:00,326 INFO MainThread:30 [wandb_run.py:_footer_history_summary_info():3992] rendering summary
25
+ 2024-11-27 15:37:00,330 INFO MainThread:30 [wandb_run.py:_footer_sync_info():3921] logging synced files
26
+ 2024-11-27 15:37:00,335 INFO MainThread:30 [wandb_init.py:init():669] starting backend
27
+ 2024-11-27 15:37:00,335 INFO MainThread:30 [wandb_init.py:init():673] sending inform_init request
28
+ 2024-11-27 15:37:00,337 INFO MainThread:30 [backend.py:_multiprocessing_setup():104] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
29
+ 2024-11-27 15:37:00,337 INFO MainThread:30 [wandb_init.py:init():686] backend started and connected
30
+ 2024-11-27 15:37:00,347 INFO MainThread:30 [wandb_run.py:_label_probe_notebook():1339] probe notebook
31
+ 2024-11-27 15:37:01,612 INFO MainThread:30 [wandb_init.py:init():781] updated telemetry
32
+ 2024-11-27 15:37:01,613 INFO MainThread:30 [wandb_init.py:init():814] communicating run to backend with 90.0 second timeout
33
+ 2024-11-27 15:37:01,786 INFO MainThread:30 [wandb_init.py:init():867] starting run threads in backend
34
+ 2024-11-27 15:37:02,388 INFO MainThread:30 [wandb_run.py:_console_start():2456] atexit reg
35
+ 2024-11-27 15:37:02,388 INFO MainThread:30 [wandb_run.py:_redirect():2305] redirect: wrap_raw
36
+ 2024-11-27 15:37:02,389 INFO MainThread:30 [wandb_run.py:_redirect():2370] Wrapping output streams.
37
+ 2024-11-27 15:37:02,389 INFO MainThread:30 [wandb_run.py:_redirect():2395] Redirects installed.
38
+ 2024-11-27 15:37:02,390 INFO MainThread:30 [wandb_init.py:init():911] run started, returning control to user process
39
+ 2024-11-27 17:13:38,208 INFO MainThread:30 [wandb_run.py:_config_callback():1387] 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, 'backbone_kwargs': {'in_chans': 3, 'out_indices': [1, 2, 3, 4], 'output_stride': 16}, 'dilation': True, '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': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'chunk_size_feed_forward': 0, '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, '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': {0: 'object', 1: 'balloon'}, 'label2id': {'balloon': 1, 'object': 0}, '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': 'MalyO2/detr_finetune_lr_scheduler_v4', '_attn_implementation_autoset': True, 'transformers_version': '4.46.3', 'classifier_dropout': 0.0, 'max_position_embeddings': 1024, 'model_type': 'detr', 'scale_embedding': False, 'output_dir': '.', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 4, 'per_device_eval_batch_size': 4, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 0, 'weight_decay': 0.0001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 3.0, 'max_steps': 10000, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './runs/Nov27_17-12-59_f5b68522d064', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 1, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'restore_callback_states_from_checkpoint': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': 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': 50, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '.', 'disable_tqdm': False, 'remove_unused_columns': False, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'adamw_torch', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': 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, 'include_for_metrics': [], 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': 'steps', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': True, 'eval_on_start': False, 'use_liger_kernel': False, 'eval_use_gather_object': False, 'average_tokens_across_devices': False}
40
+ 2024-11-27 17:13:38,214 INFO MainThread:30 [wandb_config.py:__setitem__():154] config set model/num_parameters = 41501895 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x7a77fc8d4160>>
41
+ 2024-11-27 17:13:38,214 INFO MainThread:30 [wandb_run.py:_config_callback():1387] config_cb model/num_parameters 41501895 None
42
+ 2024-11-27 17:14:41,340 INFO MainThread:30 [wandb_run.py:_config_callback():1387] 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, 'backbone_kwargs': {'in_chans': 3, 'out_indices': [1, 2, 3, 4], 'output_stride': 16}, 'dilation': True, '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': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'chunk_size_feed_forward': 0, '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, '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': {0: 'object', 1: 'balloon'}, 'label2id': {'balloon': 1, 'object': 0}, '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': 'MalyO2/detr_finetune_lr_scheduler_v4', '_attn_implementation_autoset': True, 'transformers_version': '4.46.3', 'classifier_dropout': 0.0, 'max_position_embeddings': 1024, 'model_type': 'detr', 'scale_embedding': False, 'output_dir': '.', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 4, 'per_device_eval_batch_size': 4, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 0, 'weight_decay': 0.0001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 3.0, 'max_steps': 1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './runs/Nov27_17-14-12_f5b68522d064', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 2, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'restore_callback_states_from_checkpoint': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': 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': 1, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '.', 'disable_tqdm': False, 'remove_unused_columns': False, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'adamw_torch', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': 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, 'include_for_metrics': [], 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': 'steps', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': True, 'eval_on_start': False, 'use_liger_kernel': False, 'eval_use_gather_object': False, 'average_tokens_across_devices': False}
43
+ 2024-11-27 17:14:41,346 INFO MainThread:30 [wandb_config.py:__setitem__():154] config set model/num_parameters = 41501895 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x7a77fc8d4160>>
44
+ 2024-11-27 17:14:41,346 INFO MainThread:30 [wandb_run.py:_config_callback():1387] config_cb model/num_parameters 41501895 None
wandb/run-20241127_153304-dgfn4fnq/files/config.yaml ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ _wandb:
2
+ value:
3
+ cli_version: 0.18.7
4
+ m: []
5
+ python_version: 3.10.14
6
+ t:
7
+ "1":
8
+ - 1
9
+ - 2
10
+ - 3
11
+ - 11
12
+ - 12
13
+ - 41
14
+ - 49
15
+ - 51
16
+ - 55
17
+ - 63
18
+ - 71
19
+ - 80
20
+ - 105
21
+ "2":
22
+ - 1
23
+ - 2
24
+ - 3
25
+ - 11
26
+ - 12
27
+ - 41
28
+ - 49
29
+ - 51
30
+ - 55
31
+ - 63
32
+ - 71
33
+ - 80
34
+ - 105
35
+ "3":
36
+ - 2
37
+ - 16
38
+ - 23
39
+ - 55
40
+ "4": 3.10.14
41
+ "5": 0.18.7
42
+ "6": 4.46.3
43
+ "8":
44
+ - 1
45
+ - 2
46
+ - 5
47
+ "12": 0.18.7
48
+ "13": linux-x86_64
49
+ batch_size:
50
+ value: 4
51
+ learning_rate:
52
+ value: 0.0003
53
+ num_epochs:
54
+ value: 100
wandb/run-20241127_153304-dgfn4fnq/files/output.log ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ The token has not been saved to the git credentials helper. Pass `add_to_git_credential=True` in this function directly or `--add-to-git-credential` if using via `huggingface-cli` if you want to set the git credential as well.
2
+ Token is valid (permission: write).
3
+ Your token has been saved to /root/.cache/huggingface/token
4
+ Login successful
wandb/run-20241127_153304-dgfn4fnq/files/requirements.txt ADDED
@@ -0,0 +1,790 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ brotlipy==0.7.0
2
+ PySocks==1.7.1
3
+ conda-content-trust==0+unknown
4
+ six==1.16.0
5
+ ruamel-yaml-conda==0.15.100
6
+ wandb==0.18.7
7
+ simsimd==6.2.1
8
+ transformers==4.46.3
9
+ datasets==3.1.0
10
+ timm==1.0.11
11
+ torchmetrics==1.6.0
12
+ pycocotools==2.0.8
13
+ stringzilla==3.10.10
14
+ matplotlib==3.9.2
15
+ albumentations==1.4.21
16
+ albucore==0.0.20
17
+ jupyter-lsp==1.5.1
18
+ packaging==21.3
19
+ jupyter_server==2.12.5
20
+ Wand==0.6.13
21
+ pytesseract==0.3.13
22
+ pypdf==5.0.1
23
+ pdf2image==1.17.0
24
+ kaggle-environments==1.14.15
25
+ safetensors==0.4.5
26
+ py-cpuinfo==9.0.0
27
+ qgrid==1.3.1
28
+ woodwork==0.31.0
29
+ gcsfs==2024.6.1
30
+ google-auth-httplib2==0.2.0
31
+ onnx==1.17.0
32
+ pytorch-ignite==0.5.1
33
+ MarkupSafe==2.1.5
34
+ sentry-sdk==2.15.0
35
+ torchinfo==1.8.0
36
+ ndindex==1.9.2
37
+ learntools==0.3.4
38
+ s3fs==2024.6.1
39
+ eval_type_backport==0.2.0
40
+ aiobotocore==2.15.1
41
+ featuretools==1.31.0
42
+ plotly-express==0.4.1
43
+ aiohttp==3.9.5
44
+ easyocr==1.7.2
45
+ slicer==0.0.7
46
+ pyemd==1.0.0
47
+ tsfresh==0.20.3
48
+ vec_noise==1.1.4
49
+ pandasql==0.7.3
50
+ setproctitle==1.3.3
51
+ multiprocess==0.70.16
52
+ opencv-python-headless==4.10.0.84
53
+ gymnasium==0.29.0
54
+ openpyxl==3.1.5
55
+ cesium==0.12.3
56
+ shap==0.44.1
57
+ watchdog==5.0.3
58
+ google-api-python-client==2.147.0
59
+ ghapi==1.0.6
60
+ jieba==0.42.1
61
+ alembic==1.13.3
62
+ docker-pycreds==0.4.0
63
+ scipy==1.14.1
64
+ blinker==1.8.2
65
+ nbdev==2.3.31
66
+ bqplot==0.12.43
67
+ pydub==0.25.1
68
+ python-bidi==0.6.0
69
+ pycryptodome==3.20.0
70
+ tables==3.10.1
71
+ ninja==1.11.1.1
72
+ tokenizers==0.20.0
73
+ pydegensac==0.1.2
74
+ pyclipper==1.3.0.post5
75
+ blosc2==2.7.1
76
+ PyArabic==0.6.15
77
+ fastai==2.7.17
78
+ gym-notices==0.0.8
79
+ itsdangerous==2.2.0
80
+ numpy==1.26.4
81
+ Werkzeug==3.0.4
82
+ traittypes==0.2.1
83
+ optuna==4.0.0
84
+ Pympler==1.1
85
+ scikit-learn==1.2.2
86
+ numba==0.60.0
87
+ pytorch-lightning==2.4.0
88
+ colorlog==6.8.2
89
+ gym==0.26.2
90
+ execnb==0.1.6
91
+ llvmlite==0.43.0
92
+ llvmlite==0.43.0
93
+ earthengine-api==1.1.2
94
+ pettingzoo==1.24.0
95
+ segment_anything==1.0
96
+ aioitertools==0.12.0
97
+ rgf-python==3.12.0
98
+ Flask==3.0.3
99
+ stable-baselines3==2.1.0
100
+ lightning-utilities==0.11.7
101
+ huggingface-hub==0.25.1
102
+ et-xmlfile==1.1.0
103
+ accelerate==0.34.2
104
+ Shapely==1.8.5.post1
105
+ shapely==2.0.6
106
+ Shimmy==1.3.0
107
+ stumpy==1.13.0
108
+ Rtree==1.3.0
109
+ fsspec==2024.6.1
110
+ fsspec==2024.9.0
111
+ fastcore==1.7.10
112
+ fastdownload==0.0.7
113
+ gatspy==0.3
114
+ botocore==1.35.23
115
+ dill==0.3.8
116
+ google-cloud-bigquery==2.34.4
117
+ google-cloud-videointelligence==2.13.5
118
+ google-api-core==2.11.1
119
+ google-api-core==2.20.0
120
+ google-cloud-aiplatform==0.6.0a1
121
+ google-cloud-monitoring==2.21.0
122
+ google-auth==2.30.0
123
+ google-cloud-automl==1.0.1
124
+ google-cloud-storage==1.44.0
125
+ googleapis-common-protos==1.63.1
126
+ google-cloud-translate==3.12.1
127
+ google-cloud-core==2.4.1
128
+ google-generativeai==0.8.2
129
+ google-cloud-vision==2.8.0
130
+ google-cloud-datastore==2.20.1
131
+ google-cloud-artifact-registry==1.11.3
132
+ google-cloud-language==2.14.0
133
+ en-core-web-sm==3.7.1
134
+ en-core-web-lg==3.7.1
135
+ docstring-to-markdown==0.15
136
+ jupyterlab-lsp==5.1.0
137
+ traceml==1.0.8
138
+ qtconsole==5.6.0
139
+ ipywidgets==7.7.1
140
+ pytoolconfig==1.3.1
141
+ rope==1.13.0
142
+ async-lru==2.0.4
143
+ datatile==1.0.3
144
+ pydocstyle==6.3.0
145
+ QtPy==2.4.1
146
+ isort==5.13.2
147
+ tomlkit==0.13.2
148
+ olefile==0.47
149
+ mccabe==0.7.0
150
+ pylint==3.3.1
151
+ jupyter-console==6.6.3
152
+ astroid==3.3.4
153
+ yapf==0.40.2
154
+ jupyterlab==4.2.5
155
+ flake8==7.1.1
156
+ whatthepatch==1.0.6
157
+ pyflakes==3.2.0
158
+ pandas-summary==0.2.0
159
+ nbconvert==6.4.5
160
+ testpath==0.6.0
161
+ nbclient==0.5.13
162
+ python-lsp-server==1.12.0
163
+ kornia==0.7.3
164
+ snowballstemmer==2.2.0
165
+ python-lsp-jsonrpc==1.1.2
166
+ autopep8==2.0.4
167
+ pycodestyle==2.12.1
168
+ isoweek==1.3.3
169
+ widgetsnbextension==3.6.9
170
+ kornia_rs==0.1.5
171
+ mistune==0.8.4
172
+ openslide-python==1.3.1
173
+ html5lib==1.1
174
+ ppft==1.7.6.9
175
+ pathos==0.3.3
176
+ pox==0.3.5
177
+ pandas-datareader==0.10.0
178
+ category-encoders==2.6.4
179
+ mlcrate==0.2.0
180
+ Janome==0.5.0
181
+ annoy==1.17.3
182
+ yellowbrick==1.5
183
+ emoji==2.13.2
184
+ librosa==0.10.2.post1
185
+ soxr==0.5.0.post1
186
+ memory-profiler==0.61.0
187
+ sentencepiece==0.2.0
188
+ audioread==3.0.1
189
+ cufflinks==0.17.3
190
+ soundfile==0.12.1
191
+ lime==0.2.0.1
192
+ colorlover==0.3.0
193
+ CVXcanon==0.1.2
194
+ sklearn-pandas==2.2.0
195
+ scikit-multilearn==0.2.0
196
+ path==17.0.0
197
+ odfpy==1.4.1
198
+ mpld3==0.5.10
199
+ kaggle==1.6.17
200
+ narwhals==1.9.0
201
+ fury==0.11.0
202
+ xarray-einstats==0.8.0
203
+ scikit-surprise==1.1.4
204
+ ydata-profiling==4.10.0
205
+ panel==1.5.1
206
+ plotnine==0.13.6
207
+ py4j==0.10.9.7
208
+ fuzzywuzzy==0.18.0
209
+ fastprogress==1.0.3
210
+ update-checker==0.18.0
211
+ missingno==0.5.2
212
+ catboost==1.2.7
213
+ pyexcel-io==0.6.6
214
+ stopit==1.1.2
215
+ arviz==0.20.0
216
+ branca==0.8.0
217
+ mizani==0.11.4
218
+ nltk==3.2.4
219
+ semver==3.0.2
220
+ SimpleITK==2.4.0
221
+ TPOT==0.12.1
222
+ nibabel==5.2.1
223
+ folium==0.17.0
224
+ gpxpy==1.6.2
225
+ bayesian-optimization==1.5.1
226
+ hyperopt==0.2.7
227
+ python-louvain==0.16
228
+ orderly-set==5.2.2
229
+ typing-inspect==0.9.0
230
+ ecos==2.0.14
231
+ lxml==5.3.0
232
+ trx-python==0.3
233
+ iniconfig==2.0.0
234
+ leven==1.0.4
235
+ path.py==12.5.0
236
+ pymc3==3.11.4
237
+ wavio==0.0.9
238
+ lml==0.1.0
239
+ deap==1.4.1
240
+ marshmallow==3.22.0
241
+ pygltflib==1.16.2
242
+ numexpr==2.10.1
243
+ pyLDAvis==3.4.1
244
+ python-slugify==8.0.4
245
+ pydantic==2.9.2
246
+ langid==1.1.6
247
+ setuptools-scm==8.1.0
248
+ geojson==3.1.0
249
+ scikit-plot==0.3.7
250
+ holidays==0.57
251
+ nose==1.3.7
252
+ pytest==8.3.3
253
+ google-ai-generativelanguage==0.6.10
254
+ text-unidecode==1.3
255
+ Theano-PyMC==1.1.2
256
+ dipy==1.9.0
257
+ h5netcdf==1.3.0
258
+ funcy==2.0
259
+ holoviews==1.19.1
260
+ stanio==0.5.1
261
+ squarify==0.4.4
262
+ mlxtend==0.23.1
263
+ future==1.0.0
264
+ dataclasses-json==0.6.7
265
+ prophet==1.1.5
266
+ imgaug==0.4.0
267
+ nilearn==0.10.4
268
+ deepdiff==8.0.1
269
+ eli5==0.13.0
270
+ pyviz_comms==3.0.3
271
+ pydicom==3.0.1
272
+ mypy-extensions==1.0.0
273
+ haversine==2.8.1
274
+ sphinx-rtd-theme==0.2.4
275
+ altair==5.4.1
276
+ cmdstanpy==1.2.4
277
+ pyexcel-ods==0.6.0
278
+ preprocessing==0.1.13
279
+ matplotlib-venn==1.1.1
280
+ pyaml==24.9.0
281
+ scikit-optimize==0.10.2
282
+ vtk==9.3.1
283
+ xvfbwrapper==0.2.9
284
+ urwid_readline==0.15.1
285
+ scikit-learn-intelex==2024.7.0
286
+ Boruta==0.4.3
287
+ pybind11==2.13.6
288
+ line_profiler==4.1.3
289
+ datashader==0.16.3
290
+ fasttext==0.9.3
291
+ s3transfer==0.6.2
292
+ param==2.1.1
293
+ pudb==2024.1.2
294
+ jmespath==1.0.1
295
+ xarray==2024.9.0
296
+ colorcet==3.1.0
297
+ urwid==2.6.15
298
+ boto3==1.26.100
299
+ imbalanced-learn==0.12.3
300
+ daal4py==2024.7.0
301
+ daal==2024.7.0
302
+ libpysal==4.9.2
303
+ pyct==0.5.0
304
+ tbb==2021.13.1
305
+ gensim==4.3.3
306
+ textblob==0.18.0.post0
307
+ xgboost==2.0.3
308
+ opencv-python==4.10.0.84
309
+ Theano==1.0.5
310
+ hep-ml==0.7.2
311
+ opencv-contrib-python==4.10.0.84
312
+ kagglehub==0.3.1
313
+ keras-core==0.1.7
314
+ keras-nlp==0.15.1
315
+ tensorflow_decision_forests==1.9.1
316
+ wurlitzer==3.1.1
317
+ tensorflow-text==2.16.1
318
+ ydf==0.8.0
319
+ keras-cv==0.9.0
320
+ h2o==3.46.0.5
321
+ polars==1.9.0
322
+ pooch==1.8.2
323
+ igraph==0.11.6
324
+ optax==0.2.2
325
+ orbax-checkpoint==0.6.4
326
+ flax==0.8.4
327
+ chex==0.1.86
328
+ tensorstore==0.1.66
329
+ dask-expr==1.1.15
330
+ python-dateutil==2.9.0.post0
331
+ geographiclib==2.0
332
+ PyUpSet==0.1.1.post7
333
+ pandas==2.2.3
334
+ pandas==2.2.2
335
+ cloudpickle==3.0.0
336
+ ipympl==0.7.0
337
+ PyYAML==6.0.2
338
+ texttable==1.7.0
339
+ geopy==2.4.1
340
+ dask==2024.9.1
341
+ mne==1.8.0
342
+ pynvrtc==9.2
343
+ pycuda==2024.1.2
344
+ pytools==2024.1.14
345
+ Mako==1.3.5
346
+ jaxlib==0.4.26.dev20240620
347
+ jax==0.4.26
348
+ lightgbm==4.2.0
349
+ torchaudio==2.4.0
350
+ torch==2.4.0
351
+ mpmath==1.3.0
352
+ sympy==1.13.3
353
+ torchvision==0.19.0
354
+ pynvml==11.4.1
355
+ annotated-types==0.7.0
356
+ srsly==2.4.8
357
+ catalogue==2.0.10
358
+ partd==1.4.2
359
+ langcodes==3.4.1
360
+ preshed==3.0.9
361
+ pytz==2024.2
362
+ pytz==2024.1
363
+ pynvjitlink-cu12==0.3.0
364
+ spacy-legacy==3.0.12
365
+ spacy==3.7.6
366
+ murmurhash==1.0.10
367
+ thinc==8.2.5
368
+ language_data==1.2.0
369
+ blis==0.7.10
370
+ pydantic_core==2.23.4
371
+ grpcio==1.62.2
372
+ grpcio==1.64.1
373
+ raft-dask==24.8.1
374
+ msgpack==1.1.0
375
+ msgpack==1.0.8
376
+ distributed==2024.7.1
377
+ wrapt==1.16.0
378
+ pylibraft==24.8.1
379
+ cymem==2.0.8
380
+ nvtx==0.2.10
381
+ spacy-loggers==1.0.5
382
+ wasabi==1.1.2
383
+ pyarrow==16.1.0
384
+ cupy==13.3.0
385
+ zict==3.0.0
386
+ bokeh==3.5.2
387
+ dask-cudf==24.8.3
388
+ treelite==4.3.0
389
+ xyzservices==2024.9.0
390
+ cuml==24.8.0
391
+ shellingham==1.5.4
392
+ proto-plus==1.23.0
393
+ locket==1.0.0
394
+ tzdata==2024.2
395
+ tzdata==2024.1
396
+ typer-slim==0.12.5
397
+ pyarrow-hotfix==0.6
398
+ toolz==0.12.1
399
+ rapids-dask-dependency==24.8.0a0
400
+ rmm==24.8.2
401
+ markdown-it-py==3.0.0
402
+ fastrlock==0.8.2
403
+ mdurl==0.1.2
404
+ weasel==0.4.1
405
+ rich==13.9.1
406
+ rich==13.7.1
407
+ cudf==24.8.3
408
+ confection==0.1.4
409
+ tblib==3.0.0
410
+ joblib==1.4.2
411
+ cuda-python==12.6.0
412
+ typer==0.12.5
413
+ typer==0.12.3
414
+ marisa-trie==1.1.0
415
+ distributed-ucxx==0.39.1
416
+ cloudpathlib==0.19.0
417
+ ucx-py==0.39.2
418
+ cytoolz==0.12.3
419
+ smart_open==7.0.4
420
+ click==8.1.7
421
+ dask-cuda==24.8.2
422
+ protobuf==4.25.3
423
+ protobuf==3.20.3
424
+ ucxx==0.39.1
425
+ sortedcontainers==2.4.0
426
+ lz4==4.3.3
427
+ pyparsing==3.1.4
428
+ pyparsing==3.1.2
429
+ zstandard==0.23.0
430
+ unicodedata2==15.1.0
431
+ fonttools==4.54.1
432
+ fonttools==4.53.0
433
+ pyshp==2.3.1
434
+ pillow==10.4.0
435
+ pillow==10.3.0
436
+ cycler==0.12.1
437
+ conda==24.9.0
438
+ certifi==2024.8.30
439
+ pyproj==3.7.0
440
+ pyproj==3.6.1
441
+ libmambapy==1.5.10
442
+ Cartopy==0.23.0
443
+ contourpy==1.3.0
444
+ contourpy==1.2.1
445
+ munkres==1.1.4
446
+ kiwisolver==1.4.7
447
+ kiwisolver==1.4.5
448
+ mamba==1.5.10
449
+ conda-libmamba-solver==23.12.0
450
+ graphviz==0.20.3
451
+ pycparser==2.22
452
+ nbdime==3.2.0
453
+ astunparse==1.6.3
454
+ fastapi-cli==0.0.4
455
+ jsonschema-specifications==2023.12.1
456
+ pandocfilters==1.5.0
457
+ opentelemetry-exporter-otlp==1.25.0
458
+ libclang==18.1.1
459
+ h11==0.14.0
460
+ grpc-google-iam-v1==0.12.7
461
+ rpds-py==0.18.1
462
+ jupyterlab_pygments==0.3.0
463
+ tensorflow-hub==0.16.1
464
+ cryptography==42.0.8
465
+ requests-oauthlib==2.0.0
466
+ pydata-google-auth==1.8.2
467
+ overrides==7.7.0
468
+ ipython-genutils==0.2.0
469
+ y-py==0.6.2
470
+ opentelemetry-proto==1.25.0
471
+ greenlet==3.0.3
472
+ nvidia-ml-py==11.495.46
473
+ tensorflow==2.16.1
474
+ PyJWT==2.8.0
475
+ time-machine==2.14.1
476
+ Cython==3.0.10
477
+ tensorflow-probability==0.24.0
478
+ click-plugins==1.1.1
479
+ google-cloud-pubsub==2.21.3
480
+ jupyter_core==5.7.2
481
+ webcolors==24.6.0
482
+ jupyterlab_server==2.27.2
483
+ grpcio-status==1.48.0
484
+ grpcio-status==1.48.2
485
+ fqdn==1.5.1
486
+ jeepney==0.8.0
487
+ google-cloud-recommendations-ai==0.7.1
488
+ httptools==0.6.1
489
+ ipython-sql==0.5.0
490
+ toml==0.10.2
491
+ ipykernel==6.29.4
492
+ tensorboardX==2.6.2.2
493
+ objsize==0.6.1
494
+ patsy==0.5.6
495
+ immutabledict==4.2.0
496
+ Jinja2==3.1.4
497
+ requests-toolbelt==0.10.1
498
+ statsmodels==0.14.2
499
+ tenacity==8.3.0
500
+ platformdirs==3.11.0
501
+ platformdirs==4.2.2
502
+ google-cloud-iam==2.15.0
503
+ typeguard==4.3.0
504
+ jupyter_server_terminals==0.5.3
505
+ httpcore==1.0.5
506
+ ipython==8.21.0
507
+ ipython==8.25.0
508
+ google-cloud-resource-manager==1.12.3
509
+ tensorflow-estimator==2.15.0
510
+ idna==3.7
511
+ pandas-profiling==3.6.6
512
+ tensorflow-cloud==0.1.16
513
+ distlib==0.3.8
514
+ lazy_loader==0.4
515
+ termcolor==2.4.0
516
+ tensorflow-datasets==4.9.6
517
+ importlib_resources==6.4.0
518
+ opentelemetry-exporter-otlp-proto-grpc==1.25.0
519
+ jupyter-ydoc==0.2.5
520
+ aiofiles==22.1.0
521
+ wordcloud==1.9.3
522
+ opencensus==0.11.4
523
+ jupyterlab_git==0.44.0
524
+ truststore==0.8.0
525
+ linkify-it-py==2.0.3
526
+ isoduration==20.11.0
527
+ google-cloud-bigquery-connection==1.15.3
528
+ setuptools==70.0.0
529
+ opentelemetry-semantic-conventions==0.46b0
530
+ cffi==1.16.0
531
+ pure-eval==0.2.2
532
+ webencodings==0.5.1
533
+ orjson==3.10.4
534
+ wheel==0.43.0
535
+ multidict==6.0.5
536
+ starlette==0.37.2
537
+ ml-dtypes==0.3.2
538
+ Deprecated==1.2.14
539
+ ImageHash==4.3.1
540
+ parso==0.8.4
541
+ psutil==5.9.3
542
+ psutil==5.9.8
543
+ stack-data==0.6.2
544
+ stack-data==0.6.3
545
+ virtualenv==20.21.0
546
+ entrypoints==0.4
547
+ opentelemetry-api==1.25.0
548
+ GitPython==3.1.43
549
+ oauthlib==3.2.2
550
+ jupyter_server_fileid==0.9.2
551
+ smmap==5.0.1
552
+ tensorflow-serving-api==2.16.1
553
+ kernels-mixer==0.0.13
554
+ jedi==0.19.1
555
+ argon2-cffi-bindings==21.2.0
556
+ namex==0.0.8
557
+ textual==0.67.1
558
+ h5py==3.11.0
559
+ pip==24.0
560
+ argon2-cffi==23.1.0
561
+ attrs==23.2.0
562
+ uri-template==1.3.0
563
+ multimethod==1.11.2
564
+ zipp==3.19.2
565
+ menuinst==2.1.1
566
+ pydot==1.4.2
567
+ defusedxml==0.7.1
568
+ decorator==5.1.1
569
+ fastjsonschema==2.19.1
570
+ asttokens==2.4.1
571
+ uvloop==0.19.0
572
+ Markdown==3.6
573
+ google-pasta==0.2.0
574
+ tensorboard_plugin_profile==2.15.1
575
+ parsy==2.1
576
+ google-cloud-jupyter-config==0.0.10
577
+ absl-py==1.4.0
578
+ prometheus_client==0.20.0
579
+ opt-einsum==3.3.0
580
+ charset-normalizer==3.3.2
581
+ kfp-server-api==2.0.5
582
+ ray-cpp==2.24.0
583
+ kfp-pipeline-spec==0.2.2
584
+ appdirs==1.4.4
585
+ google-resumable-media==2.7.1
586
+ pluggy==1.5.0
587
+ fiona==1.9.6
588
+ simpervisor==1.0.0
589
+ pkgutil_resolve_name==1.3.10
590
+ sqlparse==0.5.0
591
+ filelock==3.15.1
592
+ papermill==2.6.0
593
+ blessed==1.20.0
594
+ executing==2.0.1
595
+ watchfiles==0.22.0
596
+ colorful==0.5.6
597
+ wcwidth==0.2.13
598
+ async-timeout==4.0.3
599
+ debugpy==1.8.1
600
+ pexpect==4.9.0
601
+ ptyprocess==0.7.0
602
+ google-cloud-bigtable==1.7.3
603
+ keras==3.3.3
604
+ archspec==0.2.3
605
+ nbformat==5.10.4
606
+ pins==0.8.6
607
+ gast==0.5.4
608
+ opencensus-context==0.1.3
609
+ nest-asyncio==1.6.0
610
+ ypy-websocket==0.8.4
611
+ notebook==6.5.7
612
+ exceptiongroup==1.2.0
613
+ ansicolors==1.1.8
614
+ multipledispatch==1.0.0
615
+ hdfs==2.7.3
616
+ jupyterlab_widgets==3.0.11
617
+ Babel==2.15.0
618
+ simple_parsing==0.1.5
619
+ dacite==1.8.1
620
+ cligj==0.7.2
621
+ fastavro==1.9.4
622
+ tifffile==2024.5.22
623
+ python-json-logger==2.0.7
624
+ cachetools==5.3.3
625
+ cachetools==4.2.4
626
+ tornado==6.4.1
627
+ tangled-up-in-unicode==0.2.0
628
+ anyio==4.4.0
629
+ docstring_parser==0.16
630
+ pickleshare==0.7.5
631
+ sqlglot==19.9.0
632
+ bigframes==0.22.0
633
+ bleach==6.1.0
634
+ keyrings.google-artifactregistry-auth==1.1.2
635
+ tinycss2==1.3.0
636
+ cached-property==1.5.2
637
+ pymongo==3.13.0
638
+ atpublic==4.1.0
639
+ cloud-tpu-client==0.10
640
+ tensorflow-metadata==0.14.0
641
+ urllib3==1.26.18
642
+ urllib3==2.2.1
643
+ pyu2f==0.1.5
644
+ mdit-py-plugins==0.4.1
645
+ terminado==0.18.1
646
+ Brotli==1.1.0
647
+ grpc-interceptor==0.15.4
648
+ uvicorn==0.30.1
649
+ tensorflow-io-gcs-filesystem==0.37.0
650
+ nb_conda==2.2.1
651
+ httplib2==0.21.0
652
+ gpustat==1.0.0
653
+ yarl==1.9.4
654
+ importlib-metadata==7.0.0
655
+ httpx==0.27.0
656
+ distro==1.9.0
657
+ PyWavelets==1.6.0
658
+ jupyter_server_ydoc==0.8.0
659
+ pyasn1==0.6.0
660
+ phik==0.12.4
661
+ cloud-tpu-profiler==2.4.0
662
+ email_validator==2.1.1
663
+ keras-tuner==1.4.7
664
+ array_record==0.5.1
665
+ fasteners==0.19
666
+ colorama==0.4.6
667
+ matplotlib-inline==0.1.7
668
+ nb_conda_kernels==2.5.1
669
+ beautifulsoup4==4.12.3
670
+ apache-beam==2.46.0
671
+ tabulate==0.9.0
672
+ tomli==2.0.1
673
+ notebook_shim==0.2.4
674
+ kfp==2.5.0
675
+ jupyter-http-over-ws==0.0.8
676
+ jsonpatch==1.33
677
+ threadpoolctl==3.5.0
678
+ ujson==5.10.0
679
+ tensorboard==2.16.2
680
+ aiosqlite==0.20.0
681
+ jaraco.classes==3.4.0
682
+ soupsieve==2.5
683
+ visions==0.7.5
684
+ scikit-image==0.23.2
685
+ gitdb==4.0.11
686
+ pendulum==3.0.0
687
+ memray==1.12.0
688
+ notebook_executor==0.2
689
+ google-crc32c==1.5.0
690
+ frozendict==2.4.4
691
+ geopandas==0.14.4
692
+ jax-jumpy==1.0.0
693
+ optree==0.11.0
694
+ pyzmq==26.0.3
695
+ opentelemetry-exporter-otlp-proto-common==1.25.0
696
+ uc-micro-py==1.0.3
697
+ xxhash==3.4.1
698
+ pyasn1_modules==0.4.0
699
+ uritemplate==3.0.1
700
+ more-itertools==10.3.0
701
+ prettytable==3.10.0
702
+ promise==2.3
703
+ pycosat==0.6.6
704
+ google-auth-oauthlib==1.2.0
705
+ traitlets==5.14.3
706
+ conda_package_streaming==0.10.0
707
+ ruamel.yaml==0.18.6
708
+ google-cloud-spanner==3.47.0
709
+ rfc3986-validator==0.1.1
710
+ Send2Trash==1.8.3
711
+ prompt_toolkit==3.0.47
712
+ sniffio==1.3.1
713
+ keyring==25.2.1
714
+ referencing==0.35.1
715
+ google-cloud-dlp==3.18.0
716
+ conda-package-handling==2.3.0
717
+ websockets==12.0
718
+ flatbuffers==24.3.25
719
+ jupyter-server-mathjax==0.2.6
720
+ comm==0.2.2
721
+ opentelemetry-exporter-otlp-proto-http==1.25.0
722
+ websocket-client==1.8.0
723
+ requests==2.32.3
724
+ retrying==1.3.3
725
+ retrying==1.3.4
726
+ google-cloud-pubsublite==1.10.0
727
+ explainable-ai-sdk==1.3.3
728
+ jsonpointer==2.4
729
+ typing_extensions==4.12.2
730
+ backports.tarfile==1.2.0
731
+ dnspython==2.6.1
732
+ Farama-Notifications==0.0.4
733
+ opentelemetry-sdk==1.25.0
734
+ docopt==0.6.2
735
+ ibis-framework==7.1.0
736
+ jaraco.functools==4.0.1
737
+ gviz-api==1.10.0
738
+ frozenlist==1.4.1
739
+ google-apitools==0.5.31
740
+ python-multipart==0.0.9
741
+ SQLAlchemy==2.0.30
742
+ kubernetes==26.1.0
743
+ witwidget==1.8.1
744
+ docker==7.1.0
745
+ bidict==0.23.1
746
+ jupyter-events==0.10.0
747
+ beatrix_jupyterlab==2024.66.154055
748
+ imageio==2.34.1
749
+ arrow==1.3.0
750
+ nbclassic==1.1.0
751
+ tqdm==4.66.4
752
+ networkx==3.3
753
+ python-dotenv==1.0.1
754
+ tf_keras==2.16.0
755
+ oauth2client==4.1.3
756
+ kt-legacy==1.0.5
757
+ fastapi==0.111.0
758
+ db-dtypes==1.2.0
759
+ SecretStorage==3.3.3
760
+ seaborn==0.12.2
761
+ rfc3339-validator==0.1.4
762
+ tensorflow-io==0.37.0
763
+ typing-utils==0.1.0
764
+ jupytext==1.16.2
765
+ jsonschema==4.22.0
766
+ humanize==4.9.0
767
+ google-cloud-functions==1.16.3
768
+ jaraco.context==5.3.0
769
+ htmlmin==0.1.12
770
+ tensorflow-transform==0.14.0
771
+ jupyter_server_proxy==4.2.0
772
+ crcmod==1.7
773
+ boltons==24.0.0
774
+ ruamel.yaml.clib==0.2.8
775
+ jupyter_client==7.4.9
776
+ json5==0.9.25
777
+ tensorboard-data-server==0.7.2
778
+ aiosignal==1.3.1
779
+ types-python-dateutil==2.9.0.20240316
780
+ etils==1.7.0
781
+ plotly==5.22.0
782
+ regex==2024.5.15
783
+ dataproc_jupyter_plugin==0.1.79
784
+ pyOpenSSL==24.0.0
785
+ py-spy==0.3.14
786
+ dm-tree==0.1.8
787
+ ray==2.24.0
788
+ Pygments==2.18.0
789
+ rsa==4.9
790
+ bq_helper==0.4.1
wandb/run-20241127_153304-dgfn4fnq/files/wandb-metadata.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-6.6.56+-x86_64-with-glibc2.35",
3
+ "python": "3.10.14",
4
+ "startedAt": "2024-11-27T15:33:04.692938Z",
5
+ "program": "kaggle.ipynb",
6
+ "email": "swampinhabitant@icloud.com",
7
+ "root": "/kaggle/working",
8
+ "host": "f5b68522d064",
9
+ "username": "root",
10
+ "executable": "/opt/conda/bin/python3.10",
11
+ "cpu_count": 2,
12
+ "cpu_count_logical": 4,
13
+ "gpu": "Tesla P100-PCIE-16GB",
14
+ "gpu_count": 1,
15
+ "disk": {
16
+ "/": {
17
+ "total": "8656922775552",
18
+ "used": "6372025720832"
19
+ }
20
+ },
21
+ "memory": {
22
+ "total": "33662345216"
23
+ },
24
+ "cpu": {
25
+ "count": 2,
26
+ "countLogical": 4
27
+ },
28
+ "gpu_nvidia": [
29
+ {
30
+ "name": "Tesla P100-PCIE-16GB",
31
+ "memoryTotal": "17179869184",
32
+ "cudaCores": 3584,
33
+ "architecture": "Pascal"
34
+ }
35
+ ],
36
+ "cudaVersion": "12.6"
37
+ }
wandb/run-20241127_153304-dgfn4fnq/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"_wandb":{"runtime":44}}
wandb/run-20241127_153304-dgfn4fnq/logs/debug-core.log ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {"time":"2024-11-27T15:30:09.257560689Z","level":"INFO","msg":"started logging, with flags","port-filename":"/tmp/tmp8_bq_daj/port-30.txt","pid":30,"debug":false,"disable-analytics":false}
2
+ {"time":"2024-11-27T15:30:09.25762863Z","level":"INFO","msg":"FeatureState","shutdownOnParentExitEnabled":false}
3
+ {"time":"2024-11-27T15:30:10.154624558Z","level":"INFO","msg":"Will exit if parent process dies.","ppid":30}
4
+ {"time":"2024-11-27T15:30:10.154557468Z","level":"INFO","msg":"server is running","addr":{"IP":"127.0.0.1","Port":43495,"Zone":""}}
5
+ {"time":"2024-11-27T15:30:10.251189588Z","level":"INFO","msg":"connection: ManageConnectionData: new connection created","id":"127.0.0.1:53480"}
6
+ {"time":"2024-11-27T15:33:04.695030665Z","level":"INFO","msg":"handleInformInit: received","streamId":"dgfn4fnq","id":"127.0.0.1:53480"}
7
+ {"time":"2024-11-27T15:33:04.798759554Z","level":"INFO","msg":"handleInformInit: stream started","streamId":"dgfn4fnq","id":"127.0.0.1:53480"}
8
+ {"time":"2024-11-27T15:37:00.33407963Z","level":"INFO","msg":"handleInformFinish: finish message received","streamId":"dgfn4fnq","id":"127.0.0.1:53480"}
9
+ {"time":"2024-11-27T15:37:00.334272492Z","level":"INFO","msg":"handleInformFinish: stream closed","streamId":"dgfn4fnq","id":"127.0.0.1:53480"}
10
+ {"time":"2024-11-27T15:37:00.374729172Z","level":"INFO","msg":"handleInformInit: received","streamId":"ukl4t7mf","id":"127.0.0.1:53480"}
11
+ {"time":"2024-11-27T15:37:00.477609265Z","level":"INFO","msg":"handleInformInit: stream started","streamId":"ukl4t7mf","id":"127.0.0.1:53480"}
wandb/run-20241127_153304-dgfn4fnq/logs/debug-internal.log ADDED
@@ -0,0 +1,36 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {"time":"2024-11-27T15:33:04.69520197Z","level":"INFO","msg":"using version","core version":"0.18.7"}
2
+ {"time":"2024-11-27T15:33:04.695224137Z","level":"INFO","msg":"created symlink","path":"/kaggle/working/wandb/run-20241127_153304-dgfn4fnq/logs/debug-core.log"}
3
+ {"time":"2024-11-27T15:33:04.798721123Z","level":"INFO","msg":"created new stream","id":"dgfn4fnq"}
4
+ {"time":"2024-11-27T15:33:04.798753302Z","level":"INFO","msg":"stream: started","id":"dgfn4fnq"}
5
+ {"time":"2024-11-27T15:33:04.798795313Z","level":"INFO","msg":"handler: started","stream_id":"dgfn4fnq"}
6
+ {"time":"2024-11-27T15:33:04.79879658Z","level":"INFO","msg":"writer: Do: started","stream_id":"dgfn4fnq"}
7
+ {"time":"2024-11-27T15:33:04.798903497Z","level":"INFO","msg":"sender: started","stream_id":"dgfn4fnq"}
8
+ {"time":"2024-11-27T15:33:06.482414858Z","level":"INFO","msg":"Starting system monitor"}
9
+ {"time":"2024-11-27T15:33:07.14486205Z","level":"INFO","msg":"Pausing system monitor"}
10
+ {"time":"2024-11-27T15:33:13.858038614Z","level":"INFO","msg":"Resuming system monitor"}
11
+ {"time":"2024-11-27T15:33:50.51906521Z","level":"INFO","msg":"Pausing system monitor"}
12
+ {"time":"2024-11-27T15:33:51.012344169Z","level":"INFO","msg":"Resuming system monitor"}
13
+ {"time":"2024-11-27T15:33:51.292786469Z","level":"INFO","msg":"Pausing system monitor"}
14
+ {"time":"2024-11-27T15:34:05.708639839Z","level":"INFO","msg":"Resuming system monitor"}
15
+ {"time":"2024-11-27T15:34:10.438830179Z","level":"INFO","msg":"Pausing system monitor"}
16
+ {"time":"2024-11-27T15:34:40.560276103Z","level":"INFO","msg":"Resuming system monitor"}
17
+ {"time":"2024-11-27T15:34:40.600739011Z","level":"INFO","msg":"Pausing system monitor"}
18
+ {"time":"2024-11-27T15:34:46.897566675Z","level":"INFO","msg":"Resuming system monitor"}
19
+ {"time":"2024-11-27T15:34:46.962748575Z","level":"INFO","msg":"Pausing system monitor"}
20
+ {"time":"2024-11-27T15:34:54.929353905Z","level":"INFO","msg":"Resuming system monitor"}
21
+ {"time":"2024-11-27T15:34:55.340193969Z","level":"INFO","msg":"Pausing system monitor"}
22
+ {"time":"2024-11-27T15:36:45.838252189Z","level":"INFO","msg":"Resuming system monitor"}
23
+ {"time":"2024-11-27T15:36:46.135771103Z","level":"INFO","msg":"Pausing system monitor"}
24
+ {"time":"2024-11-27T15:36:58.625039588Z","level":"INFO","msg":"Resuming system monitor"}
25
+ {"time":"2024-11-27T15:36:58.66583084Z","level":"INFO","msg":"Stopping system monitor"}
26
+ {"time":"2024-11-27T15:36:58.666593733Z","level":"INFO","msg":"Stopped system monitor"}
27
+ {"time":"2024-11-27T15:36:58.83730848Z","level":"WARN","msg":"No job ingredients found, not creating job artifact"}
28
+ {"time":"2024-11-27T15:36:58.83733085Z","level":"WARN","msg":"No source type found, not creating job artifact"}
29
+ {"time":"2024-11-27T15:36:58.837339975Z","level":"INFO","msg":"sender: sendDefer: no job artifact to save"}
30
+ {"time":"2024-11-27T15:36:59.194125731Z","level":"INFO","msg":"fileTransfer: Close: file transfer manager closed"}
31
+ {"time":"2024-11-27T15:36:59.322437035Z","level":"INFO","msg":"handler: operation stats","stats":{}}
32
+ {"time":"2024-11-27T15:37:00.334149771Z","level":"INFO","msg":"stream: closing","id":"dgfn4fnq"}
33
+ {"time":"2024-11-27T15:37:00.334182347Z","level":"INFO","msg":"handler: closed","stream_id":"dgfn4fnq"}
34
+ {"time":"2024-11-27T15:37:00.334195667Z","level":"INFO","msg":"writer: Close: closed","stream_id":"dgfn4fnq"}
35
+ {"time":"2024-11-27T15:37:00.334216469Z","level":"INFO","msg":"sender: closed","stream_id":"dgfn4fnq"}
36
+ {"time":"2024-11-27T15:37:00.334262479Z","level":"INFO","msg":"stream: closed","id":"dgfn4fnq"}
wandb/run-20241127_153304-dgfn4fnq/logs/debug.log ADDED
@@ -0,0 +1,77 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-11-27 15:33:04,688 INFO MainThread:30 [wandb_setup.py:_flush():79] Current SDK version is 0.18.7
2
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_setup.py:_flush():79] Configure stats pid to 30
3
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from /root/.config/wandb/settings
4
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from environment variables: {}
6
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying setup settings: {'mode': None, '_disable_service': None}
7
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_setup.py:_flush():79] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying login settings: {}
9
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying login settings: {'api_key': '***REDACTED***'}
10
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_init.py:_log_setup():533] Logging user logs to /kaggle/working/wandb/run-20241127_153304-dgfn4fnq/logs/debug.log
11
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_init.py:_log_setup():534] Logging internal logs to /kaggle/working/wandb/run-20241127_153304-dgfn4fnq/logs/debug-internal.log
12
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_init.py:_jupyter_setup():479] configuring jupyter hooks <wandb.sdk.wandb_init._WandbInit object at 0x7a780c13bd90>
13
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_init.py:init():619] calling init triggers
14
+ 2024-11-27 15:33:04,689 INFO MainThread:30 [wandb_init.py:init():626] wandb.init called with sweep_config: {}
15
+ config: {'batch_size': 4, 'learning_rate': 0.0003, 'num_epochs': 100}
16
+ 2024-11-27 15:33:04,690 INFO MainThread:30 [wandb_init.py:init():669] starting backend
17
+ 2024-11-27 15:33:04,690 INFO MainThread:30 [wandb_init.py:init():673] sending inform_init request
18
+ 2024-11-27 15:33:04,692 INFO MainThread:30 [backend.py:_multiprocessing_setup():104] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
19
+ 2024-11-27 15:33:04,692 INFO MainThread:30 [wandb_init.py:init():686] backend started and connected
20
+ 2024-11-27 15:33:04,706 INFO MainThread:30 [wandb_run.py:_label_probe_notebook():1339] probe notebook
21
+ 2024-11-27 15:33:06,337 INFO MainThread:30 [wandb_init.py:init():781] updated telemetry
22
+ 2024-11-27 15:33:06,341 INFO MainThread:30 [wandb_init.py:init():814] communicating run to backend with 90.0 second timeout
23
+ 2024-11-27 15:33:06,478 INFO MainThread:30 [wandb_init.py:init():867] starting run threads in backend
24
+ 2024-11-27 15:33:07,106 INFO MainThread:30 [wandb_run.py:_console_start():2456] atexit reg
25
+ 2024-11-27 15:33:07,106 INFO MainThread:30 [wandb_run.py:_redirect():2305] redirect: wrap_raw
26
+ 2024-11-27 15:33:07,107 INFO MainThread:30 [wandb_run.py:_redirect():2370] Wrapping output streams.
27
+ 2024-11-27 15:33:07,107 INFO MainThread:30 [wandb_run.py:_redirect():2395] Redirects installed.
28
+ 2024-11-27 15:33:07,110 INFO MainThread:30 [wandb_init.py:init():911] run started, returning control to user process
29
+ 2024-11-27 15:33:07,111 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
30
+ 2024-11-27 15:33:07,111 INFO MainThread:30 [wandb_init.py:_pause_backend():444] pausing backend
31
+ 2024-11-27 15:33:13,857 INFO MainThread:30 [wandb_init.py:_resume_backend():449] resuming backend
32
+ 2024-11-27 15:33:50,518 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
33
+ 2024-11-27 15:33:50,518 INFO MainThread:30 [wandb_init.py:_pause_backend():444] pausing backend
34
+ 2024-11-27 15:33:51,011 INFO MainThread:30 [wandb_init.py:_resume_backend():449] resuming backend
35
+ 2024-11-27 15:33:51,292 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
36
+ 2024-11-27 15:33:51,292 INFO MainThread:30 [wandb_init.py:_pause_backend():444] pausing backend
37
+ 2024-11-27 15:34:05,707 INFO MainThread:30 [wandb_init.py:_resume_backend():449] resuming backend
38
+ 2024-11-27 15:34:10,438 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
39
+ 2024-11-27 15:34:10,438 INFO MainThread:30 [wandb_init.py:_pause_backend():444] pausing backend
40
+ 2024-11-27 15:34:40,559 INFO MainThread:30 [wandb_init.py:_resume_backend():449] resuming backend
41
+ 2024-11-27 15:34:40,596 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
42
+ 2024-11-27 15:34:40,596 INFO MainThread:30 [wandb_init.py:_pause_backend():444] pausing backend
43
+ 2024-11-27 15:34:46,896 INFO MainThread:30 [wandb_init.py:_resume_backend():449] resuming backend
44
+ 2024-11-27 15:34:46,961 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
45
+ 2024-11-27 15:34:46,962 INFO MainThread:30 [wandb_init.py:_pause_backend():444] pausing backend
46
+ 2024-11-27 15:34:54,928 INFO MainThread:30 [wandb_init.py:_resume_backend():449] resuming backend
47
+ 2024-11-27 15:34:55,339 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
48
+ 2024-11-27 15:34:55,339 INFO MainThread:30 [wandb_init.py:_pause_backend():444] pausing backend
49
+ 2024-11-27 15:36:45,837 INFO MainThread:30 [wandb_init.py:_resume_backend():449] resuming backend
50
+ 2024-11-27 15:36:46,135 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
51
+ 2024-11-27 15:36:46,135 INFO MainThread:30 [wandb_init.py:_pause_backend():444] pausing backend
52
+ 2024-11-27 15:36:58,624 INFO MainThread:30 [wandb_init.py:_resume_backend():449] resuming backend
53
+ 2024-11-27 15:36:58,642 INFO MainThread:30 [wandb_setup.py:_flush():79] Current SDK version is 0.18.7
54
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Configure stats pid to 30
55
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from /root/.config/wandb/settings
56
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from /kaggle/working/wandb/settings
57
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from environment variables: {}
58
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying setup settings: {'mode': None, '_disable_service': None}
59
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Inferring run settings from compute environment: {'program': '<python with no main file>'}
60
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying login settings: {}
61
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying login settings: {'api_key': '***REDACTED***'}
62
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:_log_setup():533] Logging user logs to /kaggle/working/wandb/run-20241127_153658-ukl4t7mf/logs/debug.log
63
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:_log_setup():534] Logging internal logs to /kaggle/working/wandb/run-20241127_153658-ukl4t7mf/logs/debug-internal.log
64
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:init():619] calling init triggers
65
+ 2024-11-27 15:36:58,644 INFO MainThread:30 [wandb_init.py:init():626] wandb.init called with sweep_config: {}
66
+ config: {'batch_size': 4, 'learning_rate': 0.0003, 'num_epochs': 100}
67
+ 2024-11-27 15:36:58,644 INFO MainThread:30 [wandb_init.py:init():644] re-initializing run, found existing run on stack: dgfn4fnq
68
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [wandb_run.py:_finish():2155] finishing run swampinhabitant/detr-training/dgfn4fnq
69
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [jupyter.py:save_history():459] not saving jupyter history
70
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
71
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [wandb_init.py:_jupyter_teardown():461] cleaning up jupyter logic
72
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_atexit_cleanup():2420] got exitcode: 0
73
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_restore():2402] restore
74
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_restore():2408] restore done
75
+ 2024-11-27 15:37:00,326 INFO MainThread:30 [wandb_run.py:_footer_history_summary_info():3960] rendering history
76
+ 2024-11-27 15:37:00,326 INFO MainThread:30 [wandb_run.py:_footer_history_summary_info():3992] rendering summary
77
+ 2024-11-27 15:37:00,330 INFO MainThread:30 [wandb_run.py:_footer_sync_info():3921] logging synced files
wandb/run-20241127_153304-dgfn4fnq/run-dgfn4fnq.wandb ADDED
Binary file (7.26 kB). View file
 
wandb/run-20241127_153658-ukl4t7mf/files/output.log ADDED
The diff for this file is too large to render. See raw diff
 
wandb/run-20241127_153658-ukl4t7mf/files/requirements.txt ADDED
@@ -0,0 +1,790 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ brotlipy==0.7.0
2
+ PySocks==1.7.1
3
+ conda-content-trust==0+unknown
4
+ six==1.16.0
5
+ ruamel-yaml-conda==0.15.100
6
+ wandb==0.18.7
7
+ simsimd==6.2.1
8
+ transformers==4.46.3
9
+ datasets==3.1.0
10
+ timm==1.0.11
11
+ torchmetrics==1.6.0
12
+ pycocotools==2.0.8
13
+ stringzilla==3.10.10
14
+ matplotlib==3.9.2
15
+ albumentations==1.4.21
16
+ albucore==0.0.20
17
+ jupyter-lsp==1.5.1
18
+ packaging==21.3
19
+ jupyter_server==2.12.5
20
+ Wand==0.6.13
21
+ pytesseract==0.3.13
22
+ pypdf==5.0.1
23
+ pdf2image==1.17.0
24
+ kaggle-environments==1.14.15
25
+ safetensors==0.4.5
26
+ py-cpuinfo==9.0.0
27
+ qgrid==1.3.1
28
+ woodwork==0.31.0
29
+ gcsfs==2024.6.1
30
+ google-auth-httplib2==0.2.0
31
+ onnx==1.17.0
32
+ pytorch-ignite==0.5.1
33
+ MarkupSafe==2.1.5
34
+ sentry-sdk==2.15.0
35
+ torchinfo==1.8.0
36
+ ndindex==1.9.2
37
+ learntools==0.3.4
38
+ s3fs==2024.6.1
39
+ eval_type_backport==0.2.0
40
+ aiobotocore==2.15.1
41
+ featuretools==1.31.0
42
+ plotly-express==0.4.1
43
+ aiohttp==3.9.5
44
+ easyocr==1.7.2
45
+ slicer==0.0.7
46
+ pyemd==1.0.0
47
+ tsfresh==0.20.3
48
+ vec_noise==1.1.4
49
+ pandasql==0.7.3
50
+ setproctitle==1.3.3
51
+ multiprocess==0.70.16
52
+ opencv-python-headless==4.10.0.84
53
+ gymnasium==0.29.0
54
+ openpyxl==3.1.5
55
+ cesium==0.12.3
56
+ shap==0.44.1
57
+ watchdog==5.0.3
58
+ google-api-python-client==2.147.0
59
+ ghapi==1.0.6
60
+ jieba==0.42.1
61
+ alembic==1.13.3
62
+ docker-pycreds==0.4.0
63
+ scipy==1.14.1
64
+ blinker==1.8.2
65
+ nbdev==2.3.31
66
+ bqplot==0.12.43
67
+ pydub==0.25.1
68
+ python-bidi==0.6.0
69
+ pycryptodome==3.20.0
70
+ tables==3.10.1
71
+ ninja==1.11.1.1
72
+ tokenizers==0.20.0
73
+ pydegensac==0.1.2
74
+ pyclipper==1.3.0.post5
75
+ blosc2==2.7.1
76
+ PyArabic==0.6.15
77
+ fastai==2.7.17
78
+ gym-notices==0.0.8
79
+ itsdangerous==2.2.0
80
+ numpy==1.26.4
81
+ Werkzeug==3.0.4
82
+ traittypes==0.2.1
83
+ optuna==4.0.0
84
+ Pympler==1.1
85
+ scikit-learn==1.2.2
86
+ numba==0.60.0
87
+ pytorch-lightning==2.4.0
88
+ colorlog==6.8.2
89
+ gym==0.26.2
90
+ execnb==0.1.6
91
+ llvmlite==0.43.0
92
+ llvmlite==0.43.0
93
+ earthengine-api==1.1.2
94
+ pettingzoo==1.24.0
95
+ segment_anything==1.0
96
+ aioitertools==0.12.0
97
+ rgf-python==3.12.0
98
+ Flask==3.0.3
99
+ stable-baselines3==2.1.0
100
+ lightning-utilities==0.11.7
101
+ huggingface-hub==0.25.1
102
+ et-xmlfile==1.1.0
103
+ accelerate==0.34.2
104
+ Shapely==1.8.5.post1
105
+ shapely==2.0.6
106
+ Shimmy==1.3.0
107
+ stumpy==1.13.0
108
+ Rtree==1.3.0
109
+ fsspec==2024.6.1
110
+ fsspec==2024.9.0
111
+ fastcore==1.7.10
112
+ fastdownload==0.0.7
113
+ gatspy==0.3
114
+ botocore==1.35.23
115
+ dill==0.3.8
116
+ google-cloud-bigquery==2.34.4
117
+ google-cloud-videointelligence==2.13.5
118
+ google-api-core==2.11.1
119
+ google-api-core==2.20.0
120
+ google-cloud-aiplatform==0.6.0a1
121
+ google-cloud-monitoring==2.21.0
122
+ google-auth==2.30.0
123
+ google-cloud-automl==1.0.1
124
+ google-cloud-storage==1.44.0
125
+ googleapis-common-protos==1.63.1
126
+ google-cloud-translate==3.12.1
127
+ google-cloud-core==2.4.1
128
+ google-generativeai==0.8.2
129
+ google-cloud-vision==2.8.0
130
+ google-cloud-datastore==2.20.1
131
+ google-cloud-artifact-registry==1.11.3
132
+ google-cloud-language==2.14.0
133
+ en-core-web-sm==3.7.1
134
+ en-core-web-lg==3.7.1
135
+ docstring-to-markdown==0.15
136
+ jupyterlab-lsp==5.1.0
137
+ traceml==1.0.8
138
+ qtconsole==5.6.0
139
+ ipywidgets==7.7.1
140
+ pytoolconfig==1.3.1
141
+ rope==1.13.0
142
+ async-lru==2.0.4
143
+ datatile==1.0.3
144
+ pydocstyle==6.3.0
145
+ QtPy==2.4.1
146
+ isort==5.13.2
147
+ tomlkit==0.13.2
148
+ olefile==0.47
149
+ mccabe==0.7.0
150
+ pylint==3.3.1
151
+ jupyter-console==6.6.3
152
+ astroid==3.3.4
153
+ yapf==0.40.2
154
+ jupyterlab==4.2.5
155
+ flake8==7.1.1
156
+ whatthepatch==1.0.6
157
+ pyflakes==3.2.0
158
+ pandas-summary==0.2.0
159
+ nbconvert==6.4.5
160
+ testpath==0.6.0
161
+ nbclient==0.5.13
162
+ python-lsp-server==1.12.0
163
+ kornia==0.7.3
164
+ snowballstemmer==2.2.0
165
+ python-lsp-jsonrpc==1.1.2
166
+ autopep8==2.0.4
167
+ pycodestyle==2.12.1
168
+ isoweek==1.3.3
169
+ widgetsnbextension==3.6.9
170
+ kornia_rs==0.1.5
171
+ mistune==0.8.4
172
+ openslide-python==1.3.1
173
+ html5lib==1.1
174
+ ppft==1.7.6.9
175
+ pathos==0.3.3
176
+ pox==0.3.5
177
+ pandas-datareader==0.10.0
178
+ category-encoders==2.6.4
179
+ mlcrate==0.2.0
180
+ Janome==0.5.0
181
+ annoy==1.17.3
182
+ yellowbrick==1.5
183
+ emoji==2.13.2
184
+ librosa==0.10.2.post1
185
+ soxr==0.5.0.post1
186
+ memory-profiler==0.61.0
187
+ sentencepiece==0.2.0
188
+ audioread==3.0.1
189
+ cufflinks==0.17.3
190
+ soundfile==0.12.1
191
+ lime==0.2.0.1
192
+ colorlover==0.3.0
193
+ CVXcanon==0.1.2
194
+ sklearn-pandas==2.2.0
195
+ scikit-multilearn==0.2.0
196
+ path==17.0.0
197
+ odfpy==1.4.1
198
+ mpld3==0.5.10
199
+ kaggle==1.6.17
200
+ narwhals==1.9.0
201
+ fury==0.11.0
202
+ xarray-einstats==0.8.0
203
+ scikit-surprise==1.1.4
204
+ ydata-profiling==4.10.0
205
+ panel==1.5.1
206
+ plotnine==0.13.6
207
+ py4j==0.10.9.7
208
+ fuzzywuzzy==0.18.0
209
+ fastprogress==1.0.3
210
+ update-checker==0.18.0
211
+ missingno==0.5.2
212
+ catboost==1.2.7
213
+ pyexcel-io==0.6.6
214
+ stopit==1.1.2
215
+ arviz==0.20.0
216
+ branca==0.8.0
217
+ mizani==0.11.4
218
+ nltk==3.2.4
219
+ semver==3.0.2
220
+ SimpleITK==2.4.0
221
+ TPOT==0.12.1
222
+ nibabel==5.2.1
223
+ folium==0.17.0
224
+ gpxpy==1.6.2
225
+ bayesian-optimization==1.5.1
226
+ hyperopt==0.2.7
227
+ python-louvain==0.16
228
+ orderly-set==5.2.2
229
+ typing-inspect==0.9.0
230
+ ecos==2.0.14
231
+ lxml==5.3.0
232
+ trx-python==0.3
233
+ iniconfig==2.0.0
234
+ leven==1.0.4
235
+ path.py==12.5.0
236
+ pymc3==3.11.4
237
+ wavio==0.0.9
238
+ lml==0.1.0
239
+ deap==1.4.1
240
+ marshmallow==3.22.0
241
+ pygltflib==1.16.2
242
+ numexpr==2.10.1
243
+ pyLDAvis==3.4.1
244
+ python-slugify==8.0.4
245
+ pydantic==2.9.2
246
+ langid==1.1.6
247
+ setuptools-scm==8.1.0
248
+ geojson==3.1.0
249
+ scikit-plot==0.3.7
250
+ holidays==0.57
251
+ nose==1.3.7
252
+ pytest==8.3.3
253
+ google-ai-generativelanguage==0.6.10
254
+ text-unidecode==1.3
255
+ Theano-PyMC==1.1.2
256
+ dipy==1.9.0
257
+ h5netcdf==1.3.0
258
+ funcy==2.0
259
+ holoviews==1.19.1
260
+ stanio==0.5.1
261
+ squarify==0.4.4
262
+ mlxtend==0.23.1
263
+ future==1.0.0
264
+ dataclasses-json==0.6.7
265
+ prophet==1.1.5
266
+ imgaug==0.4.0
267
+ nilearn==0.10.4
268
+ deepdiff==8.0.1
269
+ eli5==0.13.0
270
+ pyviz_comms==3.0.3
271
+ pydicom==3.0.1
272
+ mypy-extensions==1.0.0
273
+ haversine==2.8.1
274
+ sphinx-rtd-theme==0.2.4
275
+ altair==5.4.1
276
+ cmdstanpy==1.2.4
277
+ pyexcel-ods==0.6.0
278
+ preprocessing==0.1.13
279
+ matplotlib-venn==1.1.1
280
+ pyaml==24.9.0
281
+ scikit-optimize==0.10.2
282
+ vtk==9.3.1
283
+ xvfbwrapper==0.2.9
284
+ urwid_readline==0.15.1
285
+ scikit-learn-intelex==2024.7.0
286
+ Boruta==0.4.3
287
+ pybind11==2.13.6
288
+ line_profiler==4.1.3
289
+ datashader==0.16.3
290
+ fasttext==0.9.3
291
+ s3transfer==0.6.2
292
+ param==2.1.1
293
+ pudb==2024.1.2
294
+ jmespath==1.0.1
295
+ xarray==2024.9.0
296
+ colorcet==3.1.0
297
+ urwid==2.6.15
298
+ boto3==1.26.100
299
+ imbalanced-learn==0.12.3
300
+ daal4py==2024.7.0
301
+ daal==2024.7.0
302
+ libpysal==4.9.2
303
+ pyct==0.5.0
304
+ tbb==2021.13.1
305
+ gensim==4.3.3
306
+ textblob==0.18.0.post0
307
+ xgboost==2.0.3
308
+ opencv-python==4.10.0.84
309
+ Theano==1.0.5
310
+ hep-ml==0.7.2
311
+ opencv-contrib-python==4.10.0.84
312
+ kagglehub==0.3.1
313
+ keras-core==0.1.7
314
+ keras-nlp==0.15.1
315
+ tensorflow_decision_forests==1.9.1
316
+ wurlitzer==3.1.1
317
+ tensorflow-text==2.16.1
318
+ ydf==0.8.0
319
+ keras-cv==0.9.0
320
+ h2o==3.46.0.5
321
+ polars==1.9.0
322
+ pooch==1.8.2
323
+ igraph==0.11.6
324
+ optax==0.2.2
325
+ orbax-checkpoint==0.6.4
326
+ flax==0.8.4
327
+ chex==0.1.86
328
+ tensorstore==0.1.66
329
+ dask-expr==1.1.15
330
+ python-dateutil==2.9.0.post0
331
+ geographiclib==2.0
332
+ PyUpSet==0.1.1.post7
333
+ pandas==2.2.3
334
+ pandas==2.2.2
335
+ cloudpickle==3.0.0
336
+ ipympl==0.7.0
337
+ PyYAML==6.0.2
338
+ texttable==1.7.0
339
+ geopy==2.4.1
340
+ dask==2024.9.1
341
+ mne==1.8.0
342
+ pynvrtc==9.2
343
+ pycuda==2024.1.2
344
+ pytools==2024.1.14
345
+ Mako==1.3.5
346
+ jaxlib==0.4.26.dev20240620
347
+ jax==0.4.26
348
+ lightgbm==4.2.0
349
+ torchaudio==2.4.0
350
+ torch==2.4.0
351
+ mpmath==1.3.0
352
+ sympy==1.13.3
353
+ torchvision==0.19.0
354
+ pynvml==11.4.1
355
+ annotated-types==0.7.0
356
+ srsly==2.4.8
357
+ catalogue==2.0.10
358
+ partd==1.4.2
359
+ langcodes==3.4.1
360
+ preshed==3.0.9
361
+ pytz==2024.2
362
+ pytz==2024.1
363
+ pynvjitlink-cu12==0.3.0
364
+ spacy-legacy==3.0.12
365
+ spacy==3.7.6
366
+ murmurhash==1.0.10
367
+ thinc==8.2.5
368
+ language_data==1.2.0
369
+ blis==0.7.10
370
+ pydantic_core==2.23.4
371
+ grpcio==1.62.2
372
+ grpcio==1.64.1
373
+ raft-dask==24.8.1
374
+ msgpack==1.1.0
375
+ msgpack==1.0.8
376
+ distributed==2024.7.1
377
+ wrapt==1.16.0
378
+ pylibraft==24.8.1
379
+ cymem==2.0.8
380
+ nvtx==0.2.10
381
+ spacy-loggers==1.0.5
382
+ wasabi==1.1.2
383
+ pyarrow==16.1.0
384
+ cupy==13.3.0
385
+ zict==3.0.0
386
+ bokeh==3.5.2
387
+ dask-cudf==24.8.3
388
+ treelite==4.3.0
389
+ xyzservices==2024.9.0
390
+ cuml==24.8.0
391
+ shellingham==1.5.4
392
+ proto-plus==1.23.0
393
+ locket==1.0.0
394
+ tzdata==2024.2
395
+ tzdata==2024.1
396
+ typer-slim==0.12.5
397
+ pyarrow-hotfix==0.6
398
+ toolz==0.12.1
399
+ rapids-dask-dependency==24.8.0a0
400
+ rmm==24.8.2
401
+ markdown-it-py==3.0.0
402
+ fastrlock==0.8.2
403
+ mdurl==0.1.2
404
+ weasel==0.4.1
405
+ rich==13.9.1
406
+ rich==13.7.1
407
+ cudf==24.8.3
408
+ confection==0.1.4
409
+ tblib==3.0.0
410
+ joblib==1.4.2
411
+ cuda-python==12.6.0
412
+ typer==0.12.5
413
+ typer==0.12.3
414
+ marisa-trie==1.1.0
415
+ distributed-ucxx==0.39.1
416
+ cloudpathlib==0.19.0
417
+ ucx-py==0.39.2
418
+ cytoolz==0.12.3
419
+ smart_open==7.0.4
420
+ click==8.1.7
421
+ dask-cuda==24.8.2
422
+ protobuf==4.25.3
423
+ protobuf==3.20.3
424
+ ucxx==0.39.1
425
+ sortedcontainers==2.4.0
426
+ lz4==4.3.3
427
+ pyparsing==3.1.4
428
+ pyparsing==3.1.2
429
+ zstandard==0.23.0
430
+ unicodedata2==15.1.0
431
+ fonttools==4.54.1
432
+ fonttools==4.53.0
433
+ pyshp==2.3.1
434
+ pillow==10.4.0
435
+ pillow==10.3.0
436
+ cycler==0.12.1
437
+ conda==24.9.0
438
+ certifi==2024.8.30
439
+ pyproj==3.7.0
440
+ pyproj==3.6.1
441
+ libmambapy==1.5.10
442
+ Cartopy==0.23.0
443
+ contourpy==1.3.0
444
+ contourpy==1.2.1
445
+ munkres==1.1.4
446
+ kiwisolver==1.4.7
447
+ kiwisolver==1.4.5
448
+ mamba==1.5.10
449
+ conda-libmamba-solver==23.12.0
450
+ graphviz==0.20.3
451
+ pycparser==2.22
452
+ nbdime==3.2.0
453
+ astunparse==1.6.3
454
+ fastapi-cli==0.0.4
455
+ jsonschema-specifications==2023.12.1
456
+ pandocfilters==1.5.0
457
+ opentelemetry-exporter-otlp==1.25.0
458
+ libclang==18.1.1
459
+ h11==0.14.0
460
+ grpc-google-iam-v1==0.12.7
461
+ rpds-py==0.18.1
462
+ jupyterlab_pygments==0.3.0
463
+ tensorflow-hub==0.16.1
464
+ cryptography==42.0.8
465
+ requests-oauthlib==2.0.0
466
+ pydata-google-auth==1.8.2
467
+ overrides==7.7.0
468
+ ipython-genutils==0.2.0
469
+ y-py==0.6.2
470
+ opentelemetry-proto==1.25.0
471
+ greenlet==3.0.3
472
+ nvidia-ml-py==11.495.46
473
+ tensorflow==2.16.1
474
+ PyJWT==2.8.0
475
+ time-machine==2.14.1
476
+ Cython==3.0.10
477
+ tensorflow-probability==0.24.0
478
+ click-plugins==1.1.1
479
+ google-cloud-pubsub==2.21.3
480
+ jupyter_core==5.7.2
481
+ webcolors==24.6.0
482
+ jupyterlab_server==2.27.2
483
+ grpcio-status==1.48.0
484
+ grpcio-status==1.48.2
485
+ fqdn==1.5.1
486
+ jeepney==0.8.0
487
+ google-cloud-recommendations-ai==0.7.1
488
+ httptools==0.6.1
489
+ ipython-sql==0.5.0
490
+ toml==0.10.2
491
+ ipykernel==6.29.4
492
+ tensorboardX==2.6.2.2
493
+ objsize==0.6.1
494
+ patsy==0.5.6
495
+ immutabledict==4.2.0
496
+ Jinja2==3.1.4
497
+ requests-toolbelt==0.10.1
498
+ statsmodels==0.14.2
499
+ tenacity==8.3.0
500
+ platformdirs==3.11.0
501
+ platformdirs==4.2.2
502
+ google-cloud-iam==2.15.0
503
+ typeguard==4.3.0
504
+ jupyter_server_terminals==0.5.3
505
+ httpcore==1.0.5
506
+ ipython==8.21.0
507
+ ipython==8.25.0
508
+ google-cloud-resource-manager==1.12.3
509
+ tensorflow-estimator==2.15.0
510
+ idna==3.7
511
+ pandas-profiling==3.6.6
512
+ tensorflow-cloud==0.1.16
513
+ distlib==0.3.8
514
+ lazy_loader==0.4
515
+ termcolor==2.4.0
516
+ tensorflow-datasets==4.9.6
517
+ importlib_resources==6.4.0
518
+ opentelemetry-exporter-otlp-proto-grpc==1.25.0
519
+ jupyter-ydoc==0.2.5
520
+ aiofiles==22.1.0
521
+ wordcloud==1.9.3
522
+ opencensus==0.11.4
523
+ jupyterlab_git==0.44.0
524
+ truststore==0.8.0
525
+ linkify-it-py==2.0.3
526
+ isoduration==20.11.0
527
+ google-cloud-bigquery-connection==1.15.3
528
+ setuptools==70.0.0
529
+ opentelemetry-semantic-conventions==0.46b0
530
+ cffi==1.16.0
531
+ pure-eval==0.2.2
532
+ webencodings==0.5.1
533
+ orjson==3.10.4
534
+ wheel==0.43.0
535
+ multidict==6.0.5
536
+ starlette==0.37.2
537
+ ml-dtypes==0.3.2
538
+ Deprecated==1.2.14
539
+ ImageHash==4.3.1
540
+ parso==0.8.4
541
+ psutil==5.9.3
542
+ psutil==5.9.8
543
+ stack-data==0.6.2
544
+ stack-data==0.6.3
545
+ virtualenv==20.21.0
546
+ entrypoints==0.4
547
+ opentelemetry-api==1.25.0
548
+ GitPython==3.1.43
549
+ oauthlib==3.2.2
550
+ jupyter_server_fileid==0.9.2
551
+ smmap==5.0.1
552
+ tensorflow-serving-api==2.16.1
553
+ kernels-mixer==0.0.13
554
+ jedi==0.19.1
555
+ argon2-cffi-bindings==21.2.0
556
+ namex==0.0.8
557
+ textual==0.67.1
558
+ h5py==3.11.0
559
+ pip==24.0
560
+ argon2-cffi==23.1.0
561
+ attrs==23.2.0
562
+ uri-template==1.3.0
563
+ multimethod==1.11.2
564
+ zipp==3.19.2
565
+ menuinst==2.1.1
566
+ pydot==1.4.2
567
+ defusedxml==0.7.1
568
+ decorator==5.1.1
569
+ fastjsonschema==2.19.1
570
+ asttokens==2.4.1
571
+ uvloop==0.19.0
572
+ Markdown==3.6
573
+ google-pasta==0.2.0
574
+ tensorboard_plugin_profile==2.15.1
575
+ parsy==2.1
576
+ google-cloud-jupyter-config==0.0.10
577
+ absl-py==1.4.0
578
+ prometheus_client==0.20.0
579
+ opt-einsum==3.3.0
580
+ charset-normalizer==3.3.2
581
+ kfp-server-api==2.0.5
582
+ ray-cpp==2.24.0
583
+ kfp-pipeline-spec==0.2.2
584
+ appdirs==1.4.4
585
+ google-resumable-media==2.7.1
586
+ pluggy==1.5.0
587
+ fiona==1.9.6
588
+ simpervisor==1.0.0
589
+ pkgutil_resolve_name==1.3.10
590
+ sqlparse==0.5.0
591
+ filelock==3.15.1
592
+ papermill==2.6.0
593
+ blessed==1.20.0
594
+ executing==2.0.1
595
+ watchfiles==0.22.0
596
+ colorful==0.5.6
597
+ wcwidth==0.2.13
598
+ async-timeout==4.0.3
599
+ debugpy==1.8.1
600
+ pexpect==4.9.0
601
+ ptyprocess==0.7.0
602
+ google-cloud-bigtable==1.7.3
603
+ keras==3.3.3
604
+ archspec==0.2.3
605
+ nbformat==5.10.4
606
+ pins==0.8.6
607
+ gast==0.5.4
608
+ opencensus-context==0.1.3
609
+ nest-asyncio==1.6.0
610
+ ypy-websocket==0.8.4
611
+ notebook==6.5.7
612
+ exceptiongroup==1.2.0
613
+ ansicolors==1.1.8
614
+ multipledispatch==1.0.0
615
+ hdfs==2.7.3
616
+ jupyterlab_widgets==3.0.11
617
+ Babel==2.15.0
618
+ simple_parsing==0.1.5
619
+ dacite==1.8.1
620
+ cligj==0.7.2
621
+ fastavro==1.9.4
622
+ tifffile==2024.5.22
623
+ python-json-logger==2.0.7
624
+ cachetools==5.3.3
625
+ cachetools==4.2.4
626
+ tornado==6.4.1
627
+ tangled-up-in-unicode==0.2.0
628
+ anyio==4.4.0
629
+ docstring_parser==0.16
630
+ pickleshare==0.7.5
631
+ sqlglot==19.9.0
632
+ bigframes==0.22.0
633
+ bleach==6.1.0
634
+ keyrings.google-artifactregistry-auth==1.1.2
635
+ tinycss2==1.3.0
636
+ cached-property==1.5.2
637
+ pymongo==3.13.0
638
+ atpublic==4.1.0
639
+ cloud-tpu-client==0.10
640
+ tensorflow-metadata==0.14.0
641
+ urllib3==1.26.18
642
+ urllib3==2.2.1
643
+ pyu2f==0.1.5
644
+ mdit-py-plugins==0.4.1
645
+ terminado==0.18.1
646
+ Brotli==1.1.0
647
+ grpc-interceptor==0.15.4
648
+ uvicorn==0.30.1
649
+ tensorflow-io-gcs-filesystem==0.37.0
650
+ nb_conda==2.2.1
651
+ httplib2==0.21.0
652
+ gpustat==1.0.0
653
+ yarl==1.9.4
654
+ importlib-metadata==7.0.0
655
+ httpx==0.27.0
656
+ distro==1.9.0
657
+ PyWavelets==1.6.0
658
+ jupyter_server_ydoc==0.8.0
659
+ pyasn1==0.6.0
660
+ phik==0.12.4
661
+ cloud-tpu-profiler==2.4.0
662
+ email_validator==2.1.1
663
+ keras-tuner==1.4.7
664
+ array_record==0.5.1
665
+ fasteners==0.19
666
+ colorama==0.4.6
667
+ matplotlib-inline==0.1.7
668
+ nb_conda_kernels==2.5.1
669
+ beautifulsoup4==4.12.3
670
+ apache-beam==2.46.0
671
+ tabulate==0.9.0
672
+ tomli==2.0.1
673
+ notebook_shim==0.2.4
674
+ kfp==2.5.0
675
+ jupyter-http-over-ws==0.0.8
676
+ jsonpatch==1.33
677
+ threadpoolctl==3.5.0
678
+ ujson==5.10.0
679
+ tensorboard==2.16.2
680
+ aiosqlite==0.20.0
681
+ jaraco.classes==3.4.0
682
+ soupsieve==2.5
683
+ visions==0.7.5
684
+ scikit-image==0.23.2
685
+ gitdb==4.0.11
686
+ pendulum==3.0.0
687
+ memray==1.12.0
688
+ notebook_executor==0.2
689
+ google-crc32c==1.5.0
690
+ frozendict==2.4.4
691
+ geopandas==0.14.4
692
+ jax-jumpy==1.0.0
693
+ optree==0.11.0
694
+ pyzmq==26.0.3
695
+ opentelemetry-exporter-otlp-proto-common==1.25.0
696
+ uc-micro-py==1.0.3
697
+ xxhash==3.4.1
698
+ pyasn1_modules==0.4.0
699
+ uritemplate==3.0.1
700
+ more-itertools==10.3.0
701
+ prettytable==3.10.0
702
+ promise==2.3
703
+ pycosat==0.6.6
704
+ google-auth-oauthlib==1.2.0
705
+ traitlets==5.14.3
706
+ conda_package_streaming==0.10.0
707
+ ruamel.yaml==0.18.6
708
+ google-cloud-spanner==3.47.0
709
+ rfc3986-validator==0.1.1
710
+ Send2Trash==1.8.3
711
+ prompt_toolkit==3.0.47
712
+ sniffio==1.3.1
713
+ keyring==25.2.1
714
+ referencing==0.35.1
715
+ google-cloud-dlp==3.18.0
716
+ conda-package-handling==2.3.0
717
+ websockets==12.0
718
+ flatbuffers==24.3.25
719
+ jupyter-server-mathjax==0.2.6
720
+ comm==0.2.2
721
+ opentelemetry-exporter-otlp-proto-http==1.25.0
722
+ websocket-client==1.8.0
723
+ requests==2.32.3
724
+ retrying==1.3.3
725
+ retrying==1.3.4
726
+ google-cloud-pubsublite==1.10.0
727
+ explainable-ai-sdk==1.3.3
728
+ jsonpointer==2.4
729
+ typing_extensions==4.12.2
730
+ backports.tarfile==1.2.0
731
+ dnspython==2.6.1
732
+ Farama-Notifications==0.0.4
733
+ opentelemetry-sdk==1.25.0
734
+ docopt==0.6.2
735
+ ibis-framework==7.1.0
736
+ jaraco.functools==4.0.1
737
+ gviz-api==1.10.0
738
+ frozenlist==1.4.1
739
+ google-apitools==0.5.31
740
+ python-multipart==0.0.9
741
+ SQLAlchemy==2.0.30
742
+ kubernetes==26.1.0
743
+ witwidget==1.8.1
744
+ docker==7.1.0
745
+ bidict==0.23.1
746
+ jupyter-events==0.10.0
747
+ beatrix_jupyterlab==2024.66.154055
748
+ imageio==2.34.1
749
+ arrow==1.3.0
750
+ nbclassic==1.1.0
751
+ tqdm==4.66.4
752
+ networkx==3.3
753
+ python-dotenv==1.0.1
754
+ tf_keras==2.16.0
755
+ oauth2client==4.1.3
756
+ kt-legacy==1.0.5
757
+ fastapi==0.111.0
758
+ db-dtypes==1.2.0
759
+ SecretStorage==3.3.3
760
+ seaborn==0.12.2
761
+ rfc3339-validator==0.1.4
762
+ tensorflow-io==0.37.0
763
+ typing-utils==0.1.0
764
+ jupytext==1.16.2
765
+ jsonschema==4.22.0
766
+ humanize==4.9.0
767
+ google-cloud-functions==1.16.3
768
+ jaraco.context==5.3.0
769
+ htmlmin==0.1.12
770
+ tensorflow-transform==0.14.0
771
+ jupyter_server_proxy==4.2.0
772
+ crcmod==1.7
773
+ boltons==24.0.0
774
+ ruamel.yaml.clib==0.2.8
775
+ jupyter_client==7.4.9
776
+ json5==0.9.25
777
+ tensorboard-data-server==0.7.2
778
+ aiosignal==1.3.1
779
+ types-python-dateutil==2.9.0.20240316
780
+ etils==1.7.0
781
+ plotly==5.22.0
782
+ regex==2024.5.15
783
+ dataproc_jupyter_plugin==0.1.79
784
+ pyOpenSSL==24.0.0
785
+ py-spy==0.3.14
786
+ dm-tree==0.1.8
787
+ ray==2.24.0
788
+ Pygments==2.18.0
789
+ rsa==4.9
790
+ bq_helper==0.4.1
wandb/run-20241127_153658-ukl4t7mf/files/wandb-metadata.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-6.6.56+-x86_64-with-glibc2.35",
3
+ "python": "3.10.14",
4
+ "startedAt": "2024-11-27T15:37:00.338184Z",
5
+ "program": "kaggle.ipynb",
6
+ "email": "swampinhabitant@icloud.com",
7
+ "root": "/kaggle/working",
8
+ "host": "f5b68522d064",
9
+ "username": "root",
10
+ "executable": "/opt/conda/bin/python3.10",
11
+ "cpu_count": 2,
12
+ "cpu_count_logical": 4,
13
+ "gpu": "Tesla P100-PCIE-16GB",
14
+ "gpu_count": 1,
15
+ "disk": {
16
+ "/": {
17
+ "total": "8656922775552",
18
+ "used": "6372212932608"
19
+ }
20
+ },
21
+ "memory": {
22
+ "total": "33662345216"
23
+ },
24
+ "cpu": {
25
+ "count": 2,
26
+ "countLogical": 4
27
+ },
28
+ "gpu_nvidia": [
29
+ {
30
+ "name": "Tesla P100-PCIE-16GB",
31
+ "memoryTotal": "17179869184",
32
+ "cudaCores": 3584,
33
+ "architecture": "Pascal"
34
+ }
35
+ ],
36
+ "cudaVersion": "12.6"
37
+ }
wandb/run-20241127_153658-ukl4t7mf/logs/debug-core.log ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {"time":"2024-11-27T15:30:09.257560689Z","level":"INFO","msg":"started logging, with flags","port-filename":"/tmp/tmp8_bq_daj/port-30.txt","pid":30,"debug":false,"disable-analytics":false}
2
+ {"time":"2024-11-27T15:30:09.25762863Z","level":"INFO","msg":"FeatureState","shutdownOnParentExitEnabled":false}
3
+ {"time":"2024-11-27T15:30:10.154624558Z","level":"INFO","msg":"Will exit if parent process dies.","ppid":30}
4
+ {"time":"2024-11-27T15:30:10.154557468Z","level":"INFO","msg":"server is running","addr":{"IP":"127.0.0.1","Port":43495,"Zone":""}}
5
+ {"time":"2024-11-27T15:30:10.251189588Z","level":"INFO","msg":"connection: ManageConnectionData: new connection created","id":"127.0.0.1:53480"}
6
+ {"time":"2024-11-27T15:33:04.695030665Z","level":"INFO","msg":"handleInformInit: received","streamId":"dgfn4fnq","id":"127.0.0.1:53480"}
7
+ {"time":"2024-11-27T15:33:04.798759554Z","level":"INFO","msg":"handleInformInit: stream started","streamId":"dgfn4fnq","id":"127.0.0.1:53480"}
8
+ {"time":"2024-11-27T15:37:00.33407963Z","level":"INFO","msg":"handleInformFinish: finish message received","streamId":"dgfn4fnq","id":"127.0.0.1:53480"}
9
+ {"time":"2024-11-27T15:37:00.334272492Z","level":"INFO","msg":"handleInformFinish: stream closed","streamId":"dgfn4fnq","id":"127.0.0.1:53480"}
10
+ {"time":"2024-11-27T15:37:00.374729172Z","level":"INFO","msg":"handleInformInit: received","streamId":"ukl4t7mf","id":"127.0.0.1:53480"}
11
+ {"time":"2024-11-27T15:37:00.477609265Z","level":"INFO","msg":"handleInformInit: stream started","streamId":"ukl4t7mf","id":"127.0.0.1:53480"}
wandb/run-20241127_153658-ukl4t7mf/logs/debug-internal.log ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {"time":"2024-11-27T15:37:00.374847052Z","level":"INFO","msg":"using version","core version":"0.18.7"}
2
+ {"time":"2024-11-27T15:37:00.374866576Z","level":"INFO","msg":"created symlink","path":"/kaggle/working/wandb/run-20241127_153658-ukl4t7mf/logs/debug-core.log"}
3
+ {"time":"2024-11-27T15:37:00.477551267Z","level":"INFO","msg":"created new stream","id":"ukl4t7mf"}
4
+ {"time":"2024-11-27T15:37:00.477597507Z","level":"INFO","msg":"stream: started","id":"ukl4t7mf"}
5
+ {"time":"2024-11-27T15:37:00.477638882Z","level":"INFO","msg":"handler: started","stream_id":"ukl4t7mf"}
6
+ {"time":"2024-11-27T15:37:00.477659394Z","level":"INFO","msg":"writer: Do: started","stream_id":"ukl4t7mf"}
7
+ {"time":"2024-11-27T15:37:00.477667185Z","level":"INFO","msg":"sender: started","stream_id":"ukl4t7mf"}
8
+ {"time":"2024-11-27T15:37:01.790743608Z","level":"INFO","msg":"Starting system monitor"}
wandb/run-20241127_153658-ukl4t7mf/logs/debug.log ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-11-27 15:36:58,642 INFO MainThread:30 [wandb_setup.py:_flush():79] Current SDK version is 0.18.7
2
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Configure stats pid to 30
3
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from /root/.config/wandb/settings
4
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from /kaggle/working/wandb/settings
5
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Loading settings from environment variables: {}
6
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying setup settings: {'mode': None, '_disable_service': None}
7
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Inferring run settings from compute environment: {'program': '<python with no main file>'}
8
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying login settings: {}
9
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_setup.py:_flush():79] Applying login settings: {'api_key': '***REDACTED***'}
10
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:_log_setup():533] Logging user logs to /kaggle/working/wandb/run-20241127_153658-ukl4t7mf/logs/debug.log
11
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:_log_setup():534] Logging internal logs to /kaggle/working/wandb/run-20241127_153658-ukl4t7mf/logs/debug-internal.log
12
+ 2024-11-27 15:36:58,643 INFO MainThread:30 [wandb_init.py:init():619] calling init triggers
13
+ 2024-11-27 15:36:58,644 INFO MainThread:30 [wandb_init.py:init():626] wandb.init called with sweep_config: {}
14
+ config: {'batch_size': 4, 'learning_rate': 0.0003, 'num_epochs': 100}
15
+ 2024-11-27 15:36:58,644 INFO MainThread:30 [wandb_init.py:init():644] re-initializing run, found existing run on stack: dgfn4fnq
16
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [wandb_run.py:_finish():2155] finishing run swampinhabitant/detr-training/dgfn4fnq
17
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [jupyter.py:save_history():459] not saving jupyter history
18
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [jupyter.py:save_ipynb():387] not saving jupyter notebook
19
+ 2024-11-27 15:36:58,646 INFO MainThread:30 [wandb_init.py:_jupyter_teardown():461] cleaning up jupyter logic
20
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_atexit_cleanup():2420] got exitcode: 0
21
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_restore():2402] restore
22
+ 2024-11-27 15:36:58,647 INFO MainThread:30 [wandb_run.py:_restore():2408] restore done
23
+ 2024-11-27 15:37:00,326 INFO MainThread:30 [wandb_run.py:_footer_history_summary_info():3960] rendering history
24
+ 2024-11-27 15:37:00,326 INFO MainThread:30 [wandb_run.py:_footer_history_summary_info():3992] rendering summary
25
+ 2024-11-27 15:37:00,330 INFO MainThread:30 [wandb_run.py:_footer_sync_info():3921] logging synced files
26
+ 2024-11-27 15:37:00,335 INFO MainThread:30 [wandb_init.py:init():669] starting backend
27
+ 2024-11-27 15:37:00,335 INFO MainThread:30 [wandb_init.py:init():673] sending inform_init request
28
+ 2024-11-27 15:37:00,337 INFO MainThread:30 [backend.py:_multiprocessing_setup():104] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
29
+ 2024-11-27 15:37:00,337 INFO MainThread:30 [wandb_init.py:init():686] backend started and connected
30
+ 2024-11-27 15:37:00,347 INFO MainThread:30 [wandb_run.py:_label_probe_notebook():1339] probe notebook
31
+ 2024-11-27 15:37:01,612 INFO MainThread:30 [wandb_init.py:init():781] updated telemetry
32
+ 2024-11-27 15:37:01,613 INFO MainThread:30 [wandb_init.py:init():814] communicating run to backend with 90.0 second timeout
33
+ 2024-11-27 15:37:01,786 INFO MainThread:30 [wandb_init.py:init():867] starting run threads in backend
34
+ 2024-11-27 15:37:02,388 INFO MainThread:30 [wandb_run.py:_console_start():2456] atexit reg
35
+ 2024-11-27 15:37:02,388 INFO MainThread:30 [wandb_run.py:_redirect():2305] redirect: wrap_raw
36
+ 2024-11-27 15:37:02,389 INFO MainThread:30 [wandb_run.py:_redirect():2370] Wrapping output streams.
37
+ 2024-11-27 15:37:02,389 INFO MainThread:30 [wandb_run.py:_redirect():2395] Redirects installed.
38
+ 2024-11-27 15:37:02,390 INFO MainThread:30 [wandb_init.py:init():911] run started, returning control to user process
39
+ 2024-11-27 17:13:38,208 INFO MainThread:30 [wandb_run.py:_config_callback():1387] 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, 'backbone_kwargs': {'in_chans': 3, 'out_indices': [1, 2, 3, 4], 'output_stride': 16}, 'dilation': True, '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': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'chunk_size_feed_forward': 0, '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, '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': {0: 'object', 1: 'balloon'}, 'label2id': {'balloon': 1, 'object': 0}, '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': 'MalyO2/detr_finetune_lr_scheduler_v4', '_attn_implementation_autoset': True, 'transformers_version': '4.46.3', 'classifier_dropout': 0.0, 'max_position_embeddings': 1024, 'model_type': 'detr', 'scale_embedding': False, 'output_dir': '.', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 4, 'per_device_eval_batch_size': 4, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 0, 'weight_decay': 0.0001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 3.0, 'max_steps': 10000, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './runs/Nov27_17-12-59_f5b68522d064', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 1, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'restore_callback_states_from_checkpoint': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': 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': 50, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '.', 'disable_tqdm': False, 'remove_unused_columns': False, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'adamw_torch', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': 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, 'include_for_metrics': [], 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': 'steps', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': True, 'eval_on_start': False, 'use_liger_kernel': False, 'eval_use_gather_object': False, 'average_tokens_across_devices': False}
40
+ 2024-11-27 17:13:38,214 INFO MainThread:30 [wandb_config.py:__setitem__():154] config set model/num_parameters = 41501895 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x7a77fc8d4160>>
41
+ 2024-11-27 17:13:38,214 INFO MainThread:30 [wandb_run.py:_config_callback():1387] config_cb model/num_parameters 41501895 None
42
+ 2024-11-27 17:14:41,340 INFO MainThread:30 [wandb_run.py:_config_callback():1387] 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, 'backbone_kwargs': {'in_chans': 3, 'out_indices': [1, 2, 3, 4], 'output_stride': 16}, 'dilation': True, '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': 'float32', 'use_bfloat16': False, 'tf_legacy_loss': False, 'pruned_heads': {}, 'tie_word_embeddings': True, 'chunk_size_feed_forward': 0, '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, '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': {0: 'object', 1: 'balloon'}, 'label2id': {'balloon': 1, 'object': 0}, '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': 'MalyO2/detr_finetune_lr_scheduler_v4', '_attn_implementation_autoset': True, 'transformers_version': '4.46.3', 'classifier_dropout': 0.0, 'max_position_embeddings': 1024, 'model_type': 'detr', 'scale_embedding': False, 'output_dir': '.', 'overwrite_output_dir': False, 'do_train': False, 'do_eval': True, 'do_predict': False, 'eval_strategy': 'steps', 'prediction_loss_only': False, 'per_device_train_batch_size': 4, 'per_device_eval_batch_size': 4, 'per_gpu_train_batch_size': None, 'per_gpu_eval_batch_size': None, 'gradient_accumulation_steps': 1, 'eval_accumulation_steps': None, 'eval_delay': 0, 'torch_empty_cache_steps': None, 'learning_rate': 0, 'weight_decay': 0.0001, 'adam_beta1': 0.9, 'adam_beta2': 0.999, 'adam_epsilon': 1e-08, 'max_grad_norm': 1.0, 'num_train_epochs': 3.0, 'max_steps': 1, 'lr_scheduler_type': 'linear', 'lr_scheduler_kwargs': {}, 'warmup_ratio': 0.0, 'warmup_steps': 0, 'log_level': 'passive', 'log_level_replica': 'warning', 'log_on_each_node': True, 'logging_dir': './runs/Nov27_17-14-12_f5b68522d064', 'logging_strategy': 'steps', 'logging_first_step': False, 'logging_steps': 2, 'logging_nan_inf_filter': True, 'save_strategy': 'steps', 'save_steps': 10, 'save_total_limit': 2, 'save_safetensors': True, 'save_on_each_node': False, 'save_only_model': False, 'restore_callback_states_from_checkpoint': False, 'no_cuda': False, 'use_cpu': False, 'use_mps_device': False, 'seed': 42, 'data_seed': None, 'jit_mode_eval': False, 'use_ipex': False, 'bf16': False, 'fp16': 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': 1, 'dataloader_num_workers': 0, 'dataloader_prefetch_factor': None, 'past_index': -1, 'run_name': '.', 'disable_tqdm': False, 'remove_unused_columns': False, 'label_names': None, 'load_best_model_at_end': False, 'metric_for_best_model': None, 'greater_is_better': None, 'ignore_data_skip': False, 'fsdp': [], 'fsdp_min_num_params': 0, 'fsdp_config': {'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, 'fsdp_transformer_layer_cls_to_wrap': None, 'accelerator_config': {'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None}, 'deepspeed': None, 'label_smoothing_factor': 0.0, 'optim': 'adamw_torch', 'optim_args': None, 'adafactor': False, 'group_by_length': False, 'length_column_name': 'length', 'report_to': ['wandb'], 'ddp_find_unused_parameters': None, 'ddp_bucket_cap_mb': None, 'ddp_broadcast_buffers': None, 'dataloader_pin_memory': True, 'dataloader_persistent_workers': False, 'skip_memory_metrics': True, 'use_legacy_prediction_loop': False, 'push_to_hub': 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, 'include_for_metrics': [], 'eval_do_concat_batches': True, 'fp16_backend': 'auto', 'evaluation_strategy': 'steps', 'push_to_hub_model_id': None, 'push_to_hub_organization': None, 'push_to_hub_token': '<PUSH_TO_HUB_TOKEN>', 'mp_parameters': '', 'auto_find_batch_size': False, 'full_determinism': False, 'torchdynamo': None, 'ray_scope': 'last', 'ddp_timeout': 1800, 'torch_compile': False, 'torch_compile_backend': None, 'torch_compile_mode': None, 'dispatch_batches': None, 'split_batches': None, 'include_tokens_per_second': False, 'include_num_input_tokens_seen': False, 'neftune_noise_alpha': None, 'optim_target_modules': None, 'batch_eval_metrics': True, 'eval_on_start': False, 'use_liger_kernel': False, 'eval_use_gather_object': False, 'average_tokens_across_devices': False}
43
+ 2024-11-27 17:14:41,346 INFO MainThread:30 [wandb_config.py:__setitem__():154] config set model/num_parameters = 41501895 - <bound method Run._config_callback of <wandb.sdk.wandb_run.Run object at 0x7a77fc8d4160>>
44
+ 2024-11-27 17:14:41,346 INFO MainThread:30 [wandb_run.py:_config_callback():1387] config_cb model/num_parameters 41501895 None
wandb/run-20241127_153658-ukl4t7mf/run-ukl4t7mf.wandb ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e94f73d32001d823278d209f6bdc10912005c20409a6c7bf60b54b0ba6568df6
3
+ size 1081344