mikr commited on
Commit
7ee2db0
1 Parent(s): 1832a00

Model save

Browse files
pytorch_model.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:1822b29083fdcb0b9a90ea409917d9ce70fcb538fd35fd918036ee7403615e94
3
  size 3086784957
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ac5e4723738d7219e9a0ab68c08216a06692ed18e6ee7794de64966bcb08ff62
3
  size 3086784957
run.log CHANGED
@@ -40072,3 +40072,224 @@ Time to load utils op: 0.00040650367736816406 seconds
40072
  [2022-12-21 03:47:16,833] [INFO] [engine.py:3269:_save_zero_checkpoint] zero checkpoint saved ./checkpoint-5000/global_step5060/zero_pp_rank_0_mp_rank_00_optim_states.pt
40073
  [2022-12-21 03:47:16,833] [INFO] [torch_checkpoint_engine.py:27:commit] [Torch] Checkpoint global_step5060 is ready now!
40074
  [INFO|feature_extraction_utils.py:368] 2022-12-21 03:47:22,152 >> Feature extractor saved in ./preprocessor_config.json
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
40075
 
 
 
 
 
 
 
 
 
 
 
40072
  [2022-12-21 03:47:16,833] [INFO] [engine.py:3269:_save_zero_checkpoint] zero checkpoint saved ./checkpoint-5000/global_step5060/zero_pp_rank_0_mp_rank_00_optim_states.pt
40073
  [2022-12-21 03:47:16,833] [INFO] [torch_checkpoint_engine.py:27:commit] [Torch] Checkpoint global_step5060 is ready now!
40074
  [INFO|feature_extraction_utils.py:368] 2022-12-21 03:47:22,152 >> Feature extractor saved in ./preprocessor_config.json
40075
+ [INFO|trainer.py:1892] 2022-12-21 03:49:32,139 >>
40076
+
40077
+ Training completed. Do not forget to share your model on huggingface.co/models =)
40078
+
40079
+
40080
+ [INFO|trainer.py:2016] 2022-12-21 03:49:32,139 >> Loading best model from ./checkpoint-2000 (score: 8.37737794884072).
40081
+ [2022-12-21 03:49:32,144] [INFO] [logging.py:68:log_dist] [Rank 0] DeepSpeed info: version=0.7.7, git-hash=unknown, git-branch=unknown
40082
+ [2022-12-21 03:49:32,204] [INFO] [logging.py:68:log_dist] [Rank 0] DeepSpeed Flops Profiler Enabled: False
40083
+ [2022-12-21 03:49:33,733] [WARNING] [cpu_adam.py:83:__init__] FP16 params for CPUAdam may not work on AMD CPUs
40084
+ Installed CUDA version 11.6 does not match the version torch was compiled with 11.7 but since the APIs are compatible, accepting this combination
40085
+ Using /home/milan/.cache/torch_extensions/py38_cu117 as PyTorch extensions root...
40086
+ No modifications detected for re-loaded extension module cpu_adam, skipping build step...
40087
+ Loading extension module cpu_adam...
40088
+ Time to load cpu_adam op: 3.4642910957336426 seconds
40089
+ Adam Optimizer #1 is created with AVX2 arithmetic capability.
40090
+ Config: alpha=0.000010, betas=(0.900000, 0.999000), weight_decay=0.000000, adam_w=1
40091
+ [2022-12-21 03:49:37,991] [INFO] [logging.py:68:log_dist] [Rank 0] Using DeepSpeed Optimizer param name adamw as basic optimizer
40092
+ [2022-12-21 03:49:38,296] [INFO] [logging.py:68:log_dist] [Rank 0] DeepSpeed Basic Optimizer = DeepSpeedCPUAdam
40093
+ [2022-12-21 03:49:38,296] [INFO] [utils.py:52:is_zero_supported_optimizer] Checking ZeRO support for optimizer=DeepSpeedCPUAdam type=<class 'deepspeed.ops.adam.cpu_adam.DeepSpeedCPUAdam'>
40094
+ [2022-12-21 03:49:38,297] [INFO] [logging.py:68:log_dist] [Rank 0] Creating fp16 ZeRO stage 2 optimizer
40095
+ [2022-12-21 03:49:38,297] [INFO] [stage_1_and_2.py:140:__init__] Reduce bucket size 200000000
40096
+ [2022-12-21 03:49:38,297] [INFO] [stage_1_and_2.py:141:__init__] Allgather bucket size 200000000
40097
+ [2022-12-21 03:49:38,297] [INFO] [stage_1_and_2.py:142:__init__] CPU Offload: True
40098
+ [2022-12-21 03:49:38,297] [INFO] [stage_1_and_2.py:143:__init__] Round robin gradient partitioning: False
40099
+ Using /home/milan/.cache/torch_extensions/py38_cu117 as PyTorch extensions root...
40100
+ No modifications detected for re-loaded extension module utils, skipping build step...
40101
+ Loading extension module utils...
40102
+ Time to load utils op: 0.00044226646423339844 seconds
40103
+ Rank: 0 partition count [1] and sizes[(1543304960, False)]
40104
+ [2022-12-21 03:49:42,600] [INFO] [utils.py:827:see_memory_usage] Before initializing optimizer states
40105
+ [2022-12-21 03:49:42,600] [INFO] [utils.py:828:see_memory_usage] MA 6.0 GB Max_MA 19.53 GB CA 29.61 GB Max_CA 30 GB
40106
+ [2022-12-21 03:49:42,600] [INFO] [utils.py:836:see_memory_usage] CPU Virtual Memory: used = 48.17 GB, percent = 24.5%
40107
+ [2022-12-21 03:49:49,256] [INFO] [utils.py:827:see_memory_usage] After initializing optimizer states
40108
+ [2022-12-21 03:49:49,257] [INFO] [utils.py:828:see_memory_usage] MA 6.0 GB Max_MA 6.0 GB CA 29.61 GB Max_CA 30 GB
40109
+ [2022-12-21 03:49:49,257] [INFO] [utils.py:836:see_memory_usage] CPU Virtual Memory: used = 68.2 GB, percent = 34.7%
40110
+ [2022-12-21 03:49:49,257] [INFO] [stage_1_and_2.py:525:__init__] optimizer state initialized
40111
+ [2022-12-21 03:49:49,336] [INFO] [utils.py:827:see_memory_usage] After initializing ZeRO optimizer
40112
+ [2022-12-21 03:49:49,336] [INFO] [utils.py:828:see_memory_usage] MA 6.0 GB Max_MA 6.0 GB CA 29.61 GB Max_CA 30 GB
40113
+ [2022-12-21 03:49:49,336] [INFO] [utils.py:836:see_memory_usage] CPU Virtual Memory: used = 68.2 GB, percent = 34.7%
40114
+ [2022-12-21 03:49:49,366] [INFO] [logging.py:68:log_dist] [Rank 0] DeepSpeed Final Optimizer = adamw
40115
+ [2022-12-21 03:49:49,366] [INFO] [logging.py:68:log_dist] [Rank 0] DeepSpeed using configured LR scheduler = WarmupDecayLR
40116
+ [2022-12-21 03:49:49,366] [INFO] [logging.py:68:log_dist] [Rank 0] DeepSpeed LR Scheduler = <deepspeed.runtime.lr_schedules.WarmupDecayLR object at 0x7ff9683c0550>
40117
+ [2022-12-21 03:49:49,366] [INFO] [logging.py:68:log_dist] [Rank 0] step=0, skipped=0, lr=[1e-05], mom=[[0.9, 0.999]]
40118
+ [2022-12-21 03:49:49,368] [INFO] [config.py:1020:print] DeepSpeedEngine configuration:
40119
+ [2022-12-21 03:49:49,368] [INFO] [config.py:1024:print] activation_checkpointing_config {
40120
+ "partition_activations": false,
40121
+ "contiguous_memory_optimization": false,
40122
+ "cpu_checkpointing": false,
40123
+ "number_checkpoints": null,
40124
+ "synchronize_checkpoint_boundary": false,
40125
+ "profile": false
40126
+ }
40127
+ [2022-12-21 03:49:49,368] [INFO] [config.py:1024:print] aio_config ................... {'block_size': 1048576, 'queue_depth': 8, 'thread_count': 1, 'single_submit': False, 'overlap_events': True}
40128
+ [2022-12-21 03:49:49,368] [INFO] [config.py:1024:print] amp_enabled .................. False
40129
+ [2022-12-21 03:49:49,368] [INFO] [config.py:1024:print] amp_params ................... False
40130
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] autotuning_config ............ {
40131
+ "enabled": false,
40132
+ "start_step": null,
40133
+ "end_step": null,
40134
+ "metric_path": null,
40135
+ "arg_mappings": null,
40136
+ "metric": "throughput",
40137
+ "model_info": null,
40138
+ "results_dir": "autotuning_results",
40139
+ "exps_dir": "autotuning_exps",
40140
+ "overwrite": true,
40141
+ "fast": true,
40142
+ "start_profile_step": 3,
40143
+ "end_profile_step": 5,
40144
+ "tuner_type": "gridsearch",
40145
+ "tuner_early_stopping": 5,
40146
+ "tuner_num_trials": 50,
40147
+ "model_info_path": null,
40148
+ "mp_size": 1,
40149
+ "max_train_batch_size": null,
40150
+ "min_train_batch_size": 1,
40151
+ "max_train_micro_batch_size_per_gpu": 1.024000e+03,
40152
+ "min_train_micro_batch_size_per_gpu": 1,
40153
+ "num_tuning_micro_batch_sizes": 3
40154
+ }
40155
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] bfloat16_enabled ............. False
40156
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] checkpoint_parallel_write_pipeline False
40157
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] checkpoint_tag_validation_enabled True
40158
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] checkpoint_tag_validation_fail False
40159
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] comms_config ................. <deepspeed.comm.config.DeepSpeedCommsConfig object at 0x7ff967e80df0>
40160
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] communication_data_type ...... None
40161
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] compression_config ........... {'weight_quantization': {'shared_parameters': {'enabled': False, 'quantizer_kernel': False, 'schedule_offset': 0, 'quantize_groups': 1, 'quantize_verbose': False, 'quantization_type': 'symmetric', 'quantize_weight_in_forward': False, 'rounding': 'nearest', 'fp16_mixed_quantize': False, 'quantize_change_ratio': 0.001}, 'different_groups': {}}, 'activation_quantization': {'shared_parameters': {'enabled': False, 'quantization_type': 'symmetric', 'range_calibration': 'dynamic', 'schedule_offset': 1000}, 'different_groups': {}}, 'sparse_pruning': {'shared_parameters': {'enabled': False, 'method': 'l1', 'schedule_offset': 1000}, 'different_groups': {}}, 'row_pruning': {'shared_parameters': {'enabled': False, 'method': 'l1', 'schedule_offset': 1000}, 'different_groups': {}}, 'head_pruning': {'shared_parameters': {'enabled': False, 'method': 'topk', 'schedule_offset': 1000}, 'different_groups': {}}, 'channel_pruning': {'shared_parameters': {'enabled': False, 'method': 'l1', 'schedule_offset': 1000}, 'different_groups': {}}, 'layer_reduction': {'enabled': False}}
40162
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] curriculum_enabled ........... False
40163
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] curriculum_params ............ False
40164
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] dataloader_drop_last ......... False
40165
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] disable_allgather ............ False
40166
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] dump_state ................... False
40167
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] dynamic_loss_scale_args ...... {'init_scale': 65536, 'scale_window': 1000, 'delayed_shift': 2, 'min_scale': 1}
40168
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] eigenvalue_enabled ........... False
40169
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] eigenvalue_gas_boundary_resolution 1
40170
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] eigenvalue_layer_name ........ bert.encoder.layer
40171
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] eigenvalue_layer_num ......... 0
40172
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] eigenvalue_max_iter .......... 100
40173
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] eigenvalue_stability ......... 1e-06
40174
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] eigenvalue_tol ............... 0.01
40175
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] eigenvalue_verbose ........... False
40176
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] elasticity_enabled ........... False
40177
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] flops_profiler_config ........ {
40178
+ "enabled": false,
40179
+ "profile_step": 1,
40180
+ "module_depth": -1,
40181
+ "top_modules": 1,
40182
+ "detailed": true,
40183
+ "output_file": null
40184
+ }
40185
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] fp16_auto_cast ............... False
40186
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] fp16_enabled ................. True
40187
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] fp16_master_weights_and_gradients False
40188
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] global_rank .................. 0
40189
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] grad_accum_dtype ............. None
40190
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] gradient_accumulation_steps .. 2
40191
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] gradient_clipping ............ 1.0
40192
+ [2022-12-21 03:49:49,369] [INFO] [config.py:1024:print] gradient_predivide_factor .... 1.0
40193
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] initial_dynamic_scale ........ 65536
40194
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] load_universal_checkpoint .... False
40195
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] loss_scale ................... 0
40196
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] memory_breakdown ............. False
40197
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] monitor_config ............... <deepspeed.monitor.config.DeepSpeedMonitorConfig object at 0x7ff967e80f40>
40198
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] nebula_config ................ {
40199
+ "enabled": false,
40200
+ "persistent_storage_path": null,
40201
+ "persistent_time_interval": 100,
40202
+ "num_of_version_in_retention": 2,
40203
+ "enable_nebula_load": true,
40204
+ "load_path": null
40205
+ }
40206
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] optimizer_legacy_fusion ...... False
40207
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] optimizer_name ............... adamw
40208
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] optimizer_params ............. {'lr': 1e-05, 'betas': [0.9, 0.999], 'eps': 1e-08, 'weight_decay': 0.0}
40209
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] pipeline ..................... {'stages': 'auto', 'partition': 'best', 'seed_layers': False, 'activation_checkpoint_interval': 0}
40210
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] pld_enabled .................. False
40211
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] pld_params ................... False
40212
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] prescale_gradients ........... False
40213
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] scheduler_name ............... WarmupDecayLR
40214
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] scheduler_params ............. {'last_batch_iteration': -1, 'total_num_steps': 5000, 'warmup_min_lr': 0, 'warmup_max_lr': 1e-05, 'warmup_num_steps': 500}
40215
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] sparse_attention ............. None
40216
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] sparse_gradients_enabled ..... False
40217
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] steps_per_print .............. 10
40218
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] train_batch_size ............. 64
40219
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] train_micro_batch_size_per_gpu 32
40220
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] use_node_local_storage ....... False
40221
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] wall_clock_breakdown ......... False
40222
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] world_size ................... 1
40223
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] zero_allow_untested_optimizer False
40224
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] zero_config .................. stage=2 contiguous_gradients=True reduce_scatter=True reduce_bucket_size=200000000 allgather_partitions=True allgather_bucket_size=200000000 overlap_comm=True load_from_fp32_weights=True elastic_checkpoint=False offload_param=None offload_optimizer=DeepSpeedZeroOffloadOptimizerConfig(device='cpu', nvme_path=None, buffer_count=4, pin_memory=True, pipeline=False, pipeline_read=False, pipeline_write=False, fast_init=False) sub_group_size=1,000,000,000 cpu_offload_param=None cpu_offload_use_pin_memory=None cpu_offload=None prefetch_bucket_size=50,000,000 param_persistence_threshold=100,000 model_persistence_threshold=sys.maxsize max_live_parameters=1,000,000,000 max_reuse_distance=1,000,000,000 gather_16bit_weights_on_model_save=False stage3_gather_fp16_weights_on_model_save=False ignore_unused_parameters=True legacy_stage1=False round_robin_gradients=False
40225
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] zero_enabled ................. True
40226
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1024:print] zero_optimization_stage ...... 2
40227
+ [2022-12-21 03:49:49,370] [INFO] [config.py:1009:print_user_config] json = {
40228
+ "fp16": {
40229
+ "enabled": true,
40230
+ "loss_scale": 0,
40231
+ "loss_scale_window": 1000,
40232
+ "initial_scale_power": 16,
40233
+ "hysteresis": 2,
40234
+ "min_loss_scale": 1
40235
+ },
40236
+ "optimizer": {
40237
+ "type": "AdamW",
40238
+ "params": {
40239
+ "lr": 1e-05,
40240
+ "betas": [0.9, 0.999],
40241
+ "eps": 1e-08,
40242
+ "weight_decay": 0.0
40243
+ }
40244
+ },
40245
+ "scheduler": {
40246
+ "type": "WarmupDecayLR",
40247
+ "params": {
40248
+ "last_batch_iteration": -1,
40249
+ "total_num_steps": 5.000000e+03,
40250
+ "warmup_min_lr": 0,
40251
+ "warmup_max_lr": 1e-05,
40252
+ "warmup_num_steps": 500
40253
+ }
40254
+ },
40255
+ "zero_optimization": {
40256
+ "stage": 2,
40257
+ "offload_optimizer": {
40258
+ "device": "cpu",
40259
+ "pin_memory": true
40260
+ },
40261
+ "allgather_partitions": true,
40262
+ "allgather_bucket_size": 2.000000e+08,
40263
+ "overlap_comm": true,
40264
+ "reduce_scatter": true,
40265
+ "reduce_bucket_size": 2.000000e+08,
40266
+ "contiguous_gradients": true
40267
+ },
40268
+ "gradient_accumulation_steps": 2,
40269
+ "gradient_clipping": 1.0,
40270
+ "train_batch_size": 64,
40271
+ "train_micro_batch_size_per_gpu": 32
40272
+ }
40273
+ Using /home/milan/.cache/torch_extensions/py38_cu117 as PyTorch extensions root...
40274
+ No modifications detected for re-loaded extension module utils, skipping build step...
40275
+ Loading extension module utils...
40276
+ Time to load utils op: 0.0002999305725097656 seconds
40277
+ [INFO|deepspeed.py:357] 2022-12-21 03:49:49,371 >> Attempting to resume from ./checkpoint-2000
40278
+ [2022-12-21 03:49:49,372] [INFO] [torch_checkpoint_engine.py:21:load] [Torch] Loading checkpoint from ./checkpoint-2000/global_step2024/mp_rank_00_model_states.pt...
40279
+ [2022-12-21 03:49:51,318] [INFO] [torch_checkpoint_engine.py:23:load] [Torch] Loaded checkpoint from ./checkpoint-2000/global_step2024/mp_rank_00_model_states.pt.
40280
+ [2022-12-21 03:49:51,465] [INFO] [torch_checkpoint_engine.py:21:load] [Torch] Loading checkpoint from ./checkpoint-2000/global_step2024/mp_rank_00_model_states.pt...
40281
+ [2022-12-21 03:49:52,499] [INFO] [torch_checkpoint_engine.py:23:load] [Torch] Loaded checkpoint from ./checkpoint-2000/global_step2024/mp_rank_00_model_states.pt.
40282
+ [2022-12-21 03:49:52,892] [INFO] [torch_checkpoint_engine.py:21:load] [Torch] Loading checkpoint from ./checkpoint-2000/global_step2024/zero_pp_rank_0_mp_rank_00_optim_states.pt...
40283
+ [2022-12-21 03:50:04,455] [INFO] [torch_checkpoint_engine.py:23:load] [Torch] Loaded checkpoint from ./checkpoint-2000/global_step2024/zero_pp_rank_0_mp_rank_00_optim_states.pt.
40284
+ [2022-12-21 03:50:04,455] [INFO] [engine.py:2900:_get_all_zero_checkpoint_state_dicts] successfully read 1 ZeRO state_dicts for rank 0
40285
+ [2022-12-21 03:50:07,602] [INFO] [engine.py:2840:_load_zero_checkpoint] loading 1 zero partition checkpoints for rank 0
40286
+
40287
 
40288
+
40289
+ [INFO|trainer.py:2700] 2022-12-21 03:50:08,457 >> Saving model checkpoint to ./
40290
+ [INFO|configuration_utils.py:447] 2022-12-21 03:50:08,458 >> Configuration saved in ./config.json
40291
+ [INFO|modeling_utils.py:1680] 2022-12-21 03:50:12,947 >> Model weights saved in ./pytorch_model.bin
40292
+ [INFO|feature_extraction_utils.py:368] 2022-12-21 03:50:12,962 >> Feature extractor saved in ./preprocessor_config.json
40293
+ [INFO|trainer.py:2700] 2022-12-21 03:50:12,963 >> Saving model checkpoint to ./
40294
+ [INFO|configuration_utils.py:447] 2022-12-21 03:50:12,963 >> Configuration saved in ./config.json
40295
+ [INFO|modeling_utils.py:1680] 2022-12-21 03:50:17,513 >> Model weights saved in ./pytorch_model.bin
40296
+ [INFO|feature_extraction_utils.py:368] 2022-12-21 03:50:17,528 >> Feature extractor saved in ./preprocessor_config.json
runs/Dec20_10-12-02_129-146-123-136/events.out.tfevents.1671531744.129-146-123-136.3808886.0 CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:6eb543251824473193f919e715d626cf7e8a7b976e84b2694eb3050edde57aec
3
- size 37257
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b221dc79214129afe363f48c6c3cf5717f01fc6600ffcf56c64e64e160a222ba
3
+ size 37611