2023/07/31 13:26:04 - mmengine - INFO - ------------------------------------------------------------ System environment: sys.platform: linux Python: 3.9.13 (main, Aug 25 2022, 23:26:10) [GCC 11.2.0] CUDA available: True numpy_random_seed: 1283179236 GPU 0,1,2,3,4,5,6,7: NVIDIA A100-SXM4-80GB CUDA_HOME: /mnt/petrelfs/share/cuda-11.3 NVCC: Cuda compilation tools, release 11.3, V11.3.109 GCC: gcc (GCC) 5.4.0 PyTorch: 1.11.0 PyTorch compiling details: PyTorch built with: - GCC 7.3 - C++ Version: 201402 - Intel(R) oneAPI Math Kernel Library Version 2021.4-Product Build 20210904 for Intel(R) 64 architecture applications - Intel(R) MKL-DNN v2.5.2 (Git Hash a9302535553c73243c632ad3c4c80beec3d19a1e) - OpenMP 201511 (a.k.a. OpenMP 4.5) - LAPACK is enabled (usually provided by MKL) - NNPACK is enabled - CPU capability usage: AVX2 - CUDA Runtime 11.3 - NVCC architecture flags: -gencode;arch=compute_37,code=sm_37;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_37,code=compute_37 - CuDNN 8.2 - Magma 2.5.2 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.3, CUDNN_VERSION=8.2.0, CXX_COMPILER=/opt/rh/devtoolset-7/root/usr/bin/c++, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -DUSE_PTHREADPOOL -fopenmp -DNDEBUG -DUSE_KINETO -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -DUSE_XNNPACK -DSYMBOLICATE_MOBILE_DEBUG_HANDLE -DEDGE_PROFILER_USE_KINETO -O2 -fPIC -Wno-narrowing -Wall -Wextra -Werror=return-type -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-function -Wno-unused-result -Wno-unused-local-typedefs -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-psabi -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Werror=format -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.11.0, USE_CUDA=ON, USE_CUDNN=ON, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=OFF, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_ROCM=OFF, TorchVision: 0.12.0 OpenCV: 4.6.0 MMEngine: 0.8.2 Runtime environment: cudnn_benchmark: False mp_cfg: {'mp_start_method': 'fork', 'opencv_num_threads': 0} dist_cfg: {'backend': 'nccl'} seed: 1283179236 diff_rank_seed: False deterministic: False Distributed launcher: pytorch Distributed training: True GPU number: 8 ------------------------------------------------------------ 2023/07/31 13:26:04 - mmengine - INFO - Config: ann_file_test = 'data/kinetics400/kinetics400_val_list_videos.txt' ann_file_train = 'data/kinetics400/kinetics400_train_list_videos.txt' ann_file_val = 'data/kinetics400/kinetics400_val_list_videos.txt' auto_scale_lr = dict(base_batch_size=128, enable=False) custom_imports = dict(imports='models') data_root = 'data/kinetics400/videos_train' data_root_val = 'data/kinetics400/videos_val' dataset_type = 'VideoDataset' default_hooks = dict( checkpoint=dict( interval=1, max_keep_ckpts=5, save_best='auto', type='CheckpointHook'), logger=dict(ignore_last=False, interval=100, type='LoggerHook'), param_scheduler=dict(type='ParamSchedulerHook'), runtime_info=dict(type='RuntimeInfoHook'), sampler_seed=dict(type='DistSamplerSeedHook'), sync_buffers=dict(type='SyncBuffersHook'), timer=dict(type='IterTimerHook')) default_scope = 'mmaction' env_cfg = dict( cudnn_benchmark=False, dist_cfg=dict(backend='nccl'), mp_cfg=dict(mp_start_method='fork', opencv_num_threads=0)) file_client_args = dict( io_backend='petrel', path_mapping=dict( {'data/kinetics400/': 's3://openmmlab/datasets/action/Kinetics400/'})) launcher = 'pytorch' load_from = None log_level = 'INFO' log_processor = dict(by_epoch=True, type='LogProcessor', window_size=20) model = dict( clip_arch='ViT-B/16', data_preprocessor=dict( format_shape='NCHW', mean=[ 122.771, 116.746, 104.093, ], std=[ 68.5, 66.632, 70.323, ], type='ActionDataPreprocessor'), labels_or_label_file='configs/label_map_k400.txt', num_adapter_layers=6, num_adapter_segs=8, to_float32=True, type='ActionClip') num_segs = 8 optim_wrapper = dict( optimizer=dict( betas=( 0.9, 0.98, ), eps=1e-08, lr=5e-06, type='AdamW', weight_decay=0.2), paramwise_cfg=dict(custom_keys=dict(adapter=dict(lr_mult=10)))) param_scheduler = [ dict( begin=0, by_epoch=True, convert_to_iter_based=True, end=5, start_factor=0.01, type='LinearLR'), dict( T_max=45, begin=5, by_epoch=True, convert_to_iter_based=True, end=50, eta_min=0, type='CosineAnnealingLR'), ] randomness = dict(deterministic=False, diff_rank_seed=False, seed=None) resume = False test_cfg = dict(type='TestLoop') test_dataloader = dict( batch_size=1, dataset=dict( ann_file='data/kinetics400/kinetics400_val_list_videos.txt', data_prefix=dict(video='data/kinetics400/videos_val'), pipeline=[ dict( io_backend='petrel', path_mapping=dict({ 'data/kinetics400/': 's3://openmmlab/datasets/action/Kinetics400/' }), type='DecordInit'), dict( clip_len=1, frame_interval=1, num_clips=8, test_mode=True, type='SampleFrames'), dict(type='DecordDecode'), dict(scale=( -1, 256, ), type='Resize'), dict(crop_size=224, type='CenterCrop'), dict(input_format='NCHW', type='FormatShape'), dict(type='PackActionInputs'), ], test_mode=True, type='VideoDataset'), num_workers=16, persistent_workers=True, sampler=dict(shuffle=False, type='DefaultSampler')) test_evaluator = dict(type='AccMetric') test_pipeline = [ dict( io_backend='petrel', path_mapping=dict({ 'data/kinetics400/': 's3://openmmlab/datasets/action/Kinetics400/' }), type='DecordInit'), dict( clip_len=1, frame_interval=1, num_clips=8, test_mode=True, type='SampleFrames'), dict(type='DecordDecode'), dict(scale=( -1, 256, ), type='Resize'), dict(crop_size=224, type='CenterCrop'), dict(input_format='NCHW', type='FormatShape'), dict(type='PackActionInputs'), ] train_cfg = dict( max_epochs=50, type='EpochBasedTrainLoop', val_begin=1, val_interval=1) train_dataloader = dict( batch_size=16, dataset=dict( ann_file='data/kinetics400/kinetics400_train_list_videos.txt', data_prefix=dict(video='data/kinetics400/videos_train'), pipeline=[ dict( io_backend='petrel', path_mapping=dict({ 'data/kinetics400/': 's3://openmmlab/datasets/action/Kinetics400/' }), type='DecordInit'), dict( clip_len=1, frame_interval=1, num_clips=8, type='SampleFrames'), dict(type='DecordDecode'), dict(scale=( -1, 256, ), type='Resize'), dict(type='RandomResizedCrop'), dict( input_size=224, max_wh_scale_gap=1, num_fixed_crops=13, random_crop=False, scales=( 1, 0.875, 0.75, 0.66, ), type='MultiScaleCrop'), dict(keep_ratio=False, scale=( 224, 224, ), type='Resize'), dict(flip_ratio=0.5, type='Flip'), dict(input_format='NCHW', type='FormatShape'), dict(type='PackActionInputs'), ], type='VideoDataset'), num_workers=16, persistent_workers=True, sampler=dict(shuffle=True, type='DefaultSampler')) train_pipeline = [ dict( io_backend='petrel', path_mapping=dict({ 'data/kinetics400/': 's3://openmmlab/datasets/action/Kinetics400/' }), type='DecordInit'), dict(clip_len=1, frame_interval=1, num_clips=8, type='SampleFrames'), dict(type='DecordDecode'), dict(scale=( -1, 256, ), type='Resize'), dict(type='RandomResizedCrop'), dict( input_size=224, max_wh_scale_gap=1, num_fixed_crops=13, random_crop=False, scales=( 1, 0.875, 0.75, 0.66, ), type='MultiScaleCrop'), dict(keep_ratio=False, scale=( 224, 224, ), type='Resize'), dict(flip_ratio=0.5, type='Flip'), dict(input_format='NCHW', type='FormatShape'), dict(type='PackActionInputs'), ] val_cfg = dict(type='ValLoop') val_dataloader = dict( batch_size=16, dataset=dict( ann_file='data/kinetics400/kinetics400_val_list_videos.txt', data_prefix=dict(video='data/kinetics400/videos_val'), pipeline=[ dict( io_backend='petrel', path_mapping=dict({ 'data/kinetics400/': 's3://openmmlab/datasets/action/Kinetics400/' }), type='DecordInit'), dict( clip_len=1, frame_interval=1, num_clips=8, test_mode=True, type='SampleFrames'), dict(type='DecordDecode'), dict(scale=( -1, 256, ), type='Resize'), dict(crop_size=224, type='CenterCrop'), dict(input_format='NCHW', type='FormatShape'), dict(type='PackActionInputs'), ], test_mode=True, type='VideoDataset'), num_workers=16, persistent_workers=True, sampler=dict(shuffle=False, type='DefaultSampler')) val_evaluator = dict(type='AccMetric') val_pipeline = [ dict( io_backend='petrel', path_mapping=dict({ 'data/kinetics400/': 's3://openmmlab/datasets/action/Kinetics400/' }), type='DecordInit'), dict( clip_len=1, frame_interval=1, num_clips=8, test_mode=True, type='SampleFrames'), dict(type='DecordDecode'), dict(scale=( -1, 256, ), type='Resize'), dict(crop_size=224, type='CenterCrop'), dict(input_format='NCHW', type='FormatShape'), dict(type='PackActionInputs'), ] vis_backends = [ dict(type='LocalVisBackend'), ] visualizer = dict( type='ActionVisualizer', vis_backends=[ dict(type='LocalVisBackend'), ]) work_dir = './work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb' 2023/07/31 13:26:18 - mmengine - INFO - Hooks will be executed in the following order: before_run: (VERY_HIGH ) RuntimeInfoHook (BELOW_NORMAL) LoggerHook -------------------- before_train: (VERY_HIGH ) RuntimeInfoHook (NORMAL ) IterTimerHook (VERY_LOW ) CheckpointHook -------------------- before_train_epoch: (VERY_HIGH ) RuntimeInfoHook (NORMAL ) IterTimerHook (NORMAL ) DistSamplerSeedHook -------------------- before_train_iter: (VERY_HIGH ) RuntimeInfoHook (NORMAL ) IterTimerHook -------------------- after_train_iter: (VERY_HIGH ) RuntimeInfoHook (NORMAL ) IterTimerHook (BELOW_NORMAL) LoggerHook (LOW ) ParamSchedulerHook (VERY_LOW ) CheckpointHook -------------------- after_train_epoch: (NORMAL ) IterTimerHook (NORMAL ) SyncBuffersHook (LOW ) ParamSchedulerHook (VERY_LOW ) CheckpointHook -------------------- before_val_epoch: (NORMAL ) IterTimerHook (NORMAL ) SyncBuffersHook -------------------- before_val_iter: (NORMAL ) IterTimerHook -------------------- after_val_iter: (NORMAL ) IterTimerHook (BELOW_NORMAL) LoggerHook -------------------- after_val_epoch: (VERY_HIGH ) RuntimeInfoHook (NORMAL ) IterTimerHook (BELOW_NORMAL) LoggerHook (LOW ) ParamSchedulerHook (VERY_LOW ) CheckpointHook -------------------- after_train: (VERY_LOW ) CheckpointHook -------------------- before_test_epoch: (NORMAL ) IterTimerHook -------------------- before_test_iter: (NORMAL ) IterTimerHook -------------------- after_test_iter: (NORMAL ) IterTimerHook (BELOW_NORMAL) LoggerHook -------------------- after_test_epoch: (VERY_HIGH ) RuntimeInfoHook (NORMAL ) IterTimerHook (BELOW_NORMAL) LoggerHook -------------------- after_run: (BELOW_NORMAL) LoggerHook -------------------- 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.frame_position_embeddings.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.frame_position_embeddings.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.frame_position_embeddings.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.bias:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.weight:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.weight:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.weight:lr_mult=10 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.bias:lr=5e-05 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.bias:weight_decay=0.2 2023/07/31 13:26:20 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.bias:lr_mult=10 Name of parameter - Initialization information clip.positional_embedding - torch.Size([77, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.text_projection - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.logit_scale - torch.Size([]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.class_embedding - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.positional_embedding - torch.Size([197, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.proj - torch.Size([768, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.conv1.weight - torch.Size([768, 3, 16, 16]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.ln_pre.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.ln_pre.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.0.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.1.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.2.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.3.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.4.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.5.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.6.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.7.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.8.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.9.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.10.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.attn.in_proj_weight - torch.Size([2304, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.attn.in_proj_bias - torch.Size([2304]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.attn.out_proj.weight - torch.Size([768, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.attn.out_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.ln_1.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.ln_1.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.mlp.c_fc.weight - torch.Size([3072, 768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.mlp.c_fc.bias - torch.Size([3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.mlp.c_proj.weight - torch.Size([768, 3072]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.mlp.c_proj.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.ln_2.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.transformer.resblocks.11.ln_2.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.ln_post.weight - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.visual.ln_post.bias - torch.Size([768]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.0.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.1.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.2.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.3.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.4.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.5.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.6.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.7.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.8.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.9.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.10.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.attn.out_proj.weight - torch.Size([512, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.mlp.c_fc.weight - torch.Size([2048, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.mlp.c_fc.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.mlp.c_proj.weight - torch.Size([512, 2048]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.mlp.c_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.transformer.resblocks.11.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.token_embedding.weight - torch.Size([49408, 512]): The value is the same before and after calling `init_weights` of ActionClip clip.ln_final.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip clip.ln_final.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.frame_position_embeddings.weight - torch.Size([8, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.0.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.0.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.0.attn.out_proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.0.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.0.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.0.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.0.mlp.c_fc.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.0.mlp.c_fc.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.0.mlp.c_proj.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.0.mlp.c_proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.0.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.0.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.1.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.1.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.1.attn.out_proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.1.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.1.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.1.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.1.mlp.c_fc.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.1.mlp.c_fc.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.1.mlp.c_proj.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.1.mlp.c_proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.1.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.1.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.2.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.2.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.2.attn.out_proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.2.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.2.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.2.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.2.mlp.c_fc.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.2.mlp.c_fc.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.2.mlp.c_proj.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.2.mlp.c_proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.2.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.2.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.3.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.3.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.3.attn.out_proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.3.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.3.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.3.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.3.mlp.c_fc.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.3.mlp.c_fc.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.3.mlp.c_proj.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.3.mlp.c_proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.3.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.3.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.4.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.4.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.4.attn.out_proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.4.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.4.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.4.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.4.mlp.c_fc.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.4.mlp.c_fc.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.4.mlp.c_proj.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.4.mlp.c_proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.4.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.4.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.5.attn.in_proj_weight - torch.Size([1536, 512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.5.attn.in_proj_bias - torch.Size([1536]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.5.attn.out_proj.weight - torch.Size([512, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.5.attn.out_proj.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.5.ln_1.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.5.ln_1.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.5.mlp.c_fc.weight - torch.Size([2048, 512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.5.mlp.c_fc.bias - torch.Size([2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.5.mlp.c_proj.weight - torch.Size([512, 2048]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.5.mlp.c_proj.bias - torch.Size([512]): Initialized by user-defined `init_weights` in TransformerAdapter adapter.transformer.resblocks.5.ln_2.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip adapter.transformer.resblocks.5.ln_2.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of ActionClip 2023/07/31 13:26:21 - mmengine - WARNING - "FileClient" will be deprecated in future. Please use io functions in https://mmengine.readthedocs.io/en/latest/api/fileio.html#file-io 2023/07/31 13:26:21 - mmengine - WARNING - "HardDiskBackend" is the alias of "LocalBackend" and the former will be deprecated in future. 2023/07/31 13:26:21 - mmengine - INFO - Checkpoints will be saved to /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb. 2023/07/31 13:28:04 - mmengine - INFO - Epoch(train) [1][ 100/1879] base_lr: 1.0217e-07 lr: 1.0217e-07 eta: 1 day, 2:51:09 time: 0.5368 data_time: 0.0421 memory: 24635 loss: 2.9753 sim_loss_v2t: 1.5018 sim_loss_t2v: 1.4735 2023/07/31 13:29:07 - mmengine - INFO - Epoch(train) [1][ 200/1879] base_lr: 1.5486e-07 lr: 1.5486e-07 eta: 21:38:18 time: 0.7198 data_time: 0.0352 memory: 24635 loss: 2.4722 sim_loss_v2t: 1.2347 sim_loss_t2v: 1.2375 2023/07/31 13:30:08 - mmengine - INFO - Epoch(train) [1][ 300/1879] base_lr: 2.0755e-07 lr: 2.0755e-07 eta: 19:40:14 time: 0.6157 data_time: 0.0373 memory: 24635 loss: 2.0979 sim_loss_v2t: 1.0377 sim_loss_t2v: 1.0602 2023/07/31 13:31:10 - mmengine - INFO - Epoch(train) [1][ 400/1879] base_lr: 2.6025e-07 lr: 2.6025e-07 eta: 18:44:58 time: 0.5910 data_time: 0.0426 memory: 24635 loss: 1.9443 sim_loss_v2t: 0.9555 sim_loss_t2v: 0.9887 2023/07/31 13:32:13 - mmengine - INFO - Epoch(train) [1][ 500/1879] base_lr: 3.1294e-07 lr: 3.1294e-07 eta: 18:15:53 time: 0.5689 data_time: 0.0388 memory: 24635 loss: 1.8267 sim_loss_v2t: 0.8891 sim_loss_t2v: 0.9376 2023/07/31 13:33:14 - mmengine - INFO - Epoch(train) [1][ 600/1879] base_lr: 3.6563e-07 lr: 3.6563e-07 eta: 17:50:00 time: 0.5980 data_time: 0.0293 memory: 24635 loss: 1.6775 sim_loss_v2t: 0.8140 sim_loss_t2v: 0.8635 2023/07/31 13:34:13 - mmengine - INFO - Epoch(train) [1][ 700/1879] base_lr: 4.1833e-07 lr: 4.1833e-07 eta: 17:28:54 time: 0.5907 data_time: 0.0396 memory: 24635 loss: 1.6601 sim_loss_v2t: 0.8065 sim_loss_t2v: 0.8536 2023/07/31 13:35:15 - mmengine - INFO - Epoch(train) [1][ 800/1879] base_lr: 4.7102e-07 lr: 4.7102e-07 eta: 17:16:41 time: 0.5710 data_time: 0.0287 memory: 24635 loss: 1.6000 sim_loss_v2t: 0.7791 sim_loss_t2v: 0.8209 2023/07/31 13:36:16 - mmengine - INFO - Epoch(train) [1][ 900/1879] base_lr: 5.2371e-07 lr: 5.2371e-07 eta: 17:04:22 time: 0.5651 data_time: 0.0360 memory: 24635 loss: 1.5900 sim_loss_v2t: 0.7790 sim_loss_t2v: 0.8110 2023/07/31 13:37:19 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 13:37:19 - mmengine - INFO - Epoch(train) [1][1000/1879] base_lr: 5.7641e-07 lr: 5.7641e-07 eta: 16:58:57 time: 0.5927 data_time: 0.0314 memory: 24635 loss: 1.5625 sim_loss_v2t: 0.7615 sim_loss_t2v: 0.8010 2023/07/31 13:38:19 - mmengine - INFO - Epoch(train) [1][1100/1879] base_lr: 6.2910e-07 lr: 6.2910e-07 eta: 16:50:00 time: 0.6240 data_time: 0.0323 memory: 24635 loss: 1.5644 sim_loss_v2t: 0.7634 sim_loss_t2v: 0.8009 2023/07/31 13:39:20 - mmengine - INFO - Epoch(train) [1][1200/1879] base_lr: 6.8179e-07 lr: 6.8179e-07 eta: 16:43:09 time: 0.6261 data_time: 0.0674 memory: 24635 loss: 1.5836 sim_loss_v2t: 0.7704 sim_loss_t2v: 0.8133 2023/07/31 13:40:22 - mmengine - INFO - Epoch(train) [1][1300/1879] base_lr: 7.3448e-07 lr: 7.3448e-07 eta: 16:38:33 time: 0.6400 data_time: 0.1426 memory: 24635 loss: 1.4939 sim_loss_v2t: 0.7264 sim_loss_t2v: 0.7675 2023/07/31 13:41:23 - mmengine - INFO - Epoch(train) [1][1400/1879] base_lr: 7.8718e-07 lr: 7.8718e-07 eta: 16:34:13 time: 0.6993 data_time: 0.2039 memory: 24635 loss: 1.5418 sim_loss_v2t: 0.7517 sim_loss_t2v: 0.7900 2023/07/31 13:42:23 - mmengine - INFO - Epoch(train) [1][1500/1879] base_lr: 8.3987e-07 lr: 8.3987e-07 eta: 16:27:43 time: 0.5805 data_time: 0.0343 memory: 24635 loss: 1.4303 sim_loss_v2t: 0.6951 sim_loss_t2v: 0.7352 2023/07/31 13:43:23 - mmengine - INFO - Epoch(train) [1][1600/1879] base_lr: 8.9256e-07 lr: 8.9256e-07 eta: 16:23:29 time: 0.6027 data_time: 0.0903 memory: 24635 loss: 1.4798 sim_loss_v2t: 0.7233 sim_loss_t2v: 0.7565 2023/07/31 13:44:25 - mmengine - INFO - Epoch(train) [1][1700/1879] base_lr: 9.4526e-07 lr: 9.4526e-07 eta: 16:20:31 time: 0.6370 data_time: 0.0331 memory: 24635 loss: 1.4008 sim_loss_v2t: 0.6833 sim_loss_t2v: 0.7174 2023/07/31 13:45:26 - mmengine - INFO - Epoch(train) [1][1800/1879] base_lr: 9.9795e-07 lr: 9.9795e-07 eta: 16:17:14 time: 0.6697 data_time: 0.0371 memory: 24635 loss: 1.4415 sim_loss_v2t: 0.7030 sim_loss_t2v: 0.7384 2023/07/31 13:46:09 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 13:46:09 - mmengine - INFO - Epoch(train) [1][1879/1879] base_lr: 1.0396e-06 lr: 1.0396e-06 eta: 16:09:58 time: 0.3767 data_time: 0.0110 memory: 24635 loss: 1.3584 sim_loss_v2t: 0.6611 sim_loss_t2v: 0.6973 2023/07/31 13:46:09 - mmengine - INFO - Saving checkpoint at 1 epochs 2023/07/31 13:49:00 - mmengine - INFO - Epoch(val) [1][100/155] eta: 0:01:26 time: 1.2589 data_time: 0.0716 memory: 18717 2023/07/31 13:50:09 - mmengine - INFO - Epoch(val) [1][155/155] acc/top1: 0.6893 acc/top5: 0.9109 acc/mean1: 0.6893 data_time: 0.2651 time: 1.4519 2023/07/31 13:50:18 - mmengine - INFO - The best checkpoint with 0.6893 acc/top1 at 1 epoch is saved to best_acc_top1_epoch_1.pth. 2023/07/31 13:51:36 - mmengine - INFO - Epoch(train) [2][ 100/1879] base_lr: 1.0923e-06 lr: 1.0923e-06 eta: 16:07:06 time: 0.6162 data_time: 0.1123 memory: 24635 loss: 1.3492 sim_loss_v2t: 0.6621 sim_loss_t2v: 0.6871 2023/07/31 13:51:49 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 13:52:36 - mmengine - INFO - Epoch(train) [2][ 200/1879] base_lr: 1.1450e-06 lr: 1.1450e-06 eta: 16:03:37 time: 0.5539 data_time: 0.0286 memory: 24635 loss: 1.3247 sim_loss_v2t: 0.6470 sim_loss_t2v: 0.6777 2023/07/31 13:53:37 - mmengine - INFO - Epoch(train) [2][ 300/1879] base_lr: 1.1977e-06 lr: 1.1977e-06 eta: 16:01:15 time: 0.6788 data_time: 0.0834 memory: 24635 loss: 1.3646 sim_loss_v2t: 0.6679 sim_loss_t2v: 0.6967 2023/07/31 13:54:38 - mmengine - INFO - Epoch(train) [2][ 400/1879] base_lr: 1.2504e-06 lr: 1.2504e-06 eta: 15:58:28 time: 0.6008 data_time: 0.0876 memory: 24635 loss: 1.3650 sim_loss_v2t: 0.6720 sim_loss_t2v: 0.6929 2023/07/31 13:55:40 - mmengine - INFO - Epoch(train) [2][ 500/1879] base_lr: 1.3030e-06 lr: 1.3030e-06 eta: 15:56:57 time: 0.6693 data_time: 0.1664 memory: 24635 loss: 1.3598 sim_loss_v2t: 0.6676 sim_loss_t2v: 0.6922 2023/07/31 13:56:39 - mmengine - INFO - Epoch(train) [2][ 600/1879] base_lr: 1.3557e-06 lr: 1.3557e-06 eta: 15:53:59 time: 0.5994 data_time: 0.0258 memory: 24635 loss: 1.3027 sim_loss_v2t: 0.6412 sim_loss_t2v: 0.6615 2023/07/31 13:57:43 - mmengine - INFO - Epoch(train) [2][ 700/1879] base_lr: 1.4084e-06 lr: 1.4084e-06 eta: 15:53:53 time: 0.6842 data_time: 0.0387 memory: 24635 loss: 1.3356 sim_loss_v2t: 0.6487 sim_loss_t2v: 0.6869 2023/07/31 13:58:42 - mmengine - INFO - Epoch(train) [2][ 800/1879] base_lr: 1.4611e-06 lr: 1.4611e-06 eta: 15:50:52 time: 0.5674 data_time: 0.0326 memory: 24635 loss: 1.2599 sim_loss_v2t: 0.6213 sim_loss_t2v: 0.6385 2023/07/31 13:59:44 - mmengine - INFO - Epoch(train) [2][ 900/1879] base_lr: 1.5138e-06 lr: 1.5138e-06 eta: 15:49:15 time: 0.6133 data_time: 0.0319 memory: 24635 loss: 1.3416 sim_loss_v2t: 0.6619 sim_loss_t2v: 0.6798 2023/07/31 14:00:43 - mmengine - INFO - Epoch(train) [2][1000/1879] base_lr: 1.5665e-06 lr: 1.5665e-06 eta: 15:46:19 time: 0.5989 data_time: 0.0384 memory: 24635 loss: 1.2362 sim_loss_v2t: 0.6050 sim_loss_t2v: 0.6312 2023/07/31 14:01:45 - mmengine - INFO - Epoch(train) [2][1100/1879] base_lr: 1.6192e-06 lr: 1.6192e-06 eta: 15:45:16 time: 0.6255 data_time: 0.0301 memory: 24635 loss: 1.2912 sim_loss_v2t: 0.6335 sim_loss_t2v: 0.6577 2023/07/31 14:01:57 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 14:02:44 - mmengine - INFO - Epoch(train) [2][1200/1879] base_lr: 1.6719e-06 lr: 1.6719e-06 eta: 15:42:43 time: 0.6213 data_time: 0.0395 memory: 24635 loss: 1.3249 sim_loss_v2t: 0.6575 sim_loss_t2v: 0.6674 2023/07/31 14:03:45 - mmengine - INFO - Epoch(train) [2][1300/1879] base_lr: 1.7246e-06 lr: 1.7246e-06 eta: 15:41:02 time: 0.5402 data_time: 0.0359 memory: 24635 loss: 1.3083 sim_loss_v2t: 0.6424 sim_loss_t2v: 0.6659 2023/07/31 14:04:46 - mmengine - INFO - Epoch(train) [2][1400/1879] base_lr: 1.7773e-06 lr: 1.7773e-06 eta: 15:39:12 time: 0.5821 data_time: 0.0427 memory: 24635 loss: 1.3468 sim_loss_v2t: 0.6720 sim_loss_t2v: 0.6747 2023/07/31 14:05:47 - mmengine - INFO - Epoch(train) [2][1500/1879] base_lr: 1.8300e-06 lr: 1.8300e-06 eta: 15:37:57 time: 0.6597 data_time: 0.0311 memory: 24635 loss: 1.2794 sim_loss_v2t: 0.6234 sim_loss_t2v: 0.6560 2023/07/31 14:06:46 - mmengine - INFO - Epoch(train) [2][1600/1879] base_lr: 1.8827e-06 lr: 1.8827e-06 eta: 15:35:32 time: 0.5882 data_time: 0.0320 memory: 24635 loss: 1.2640 sim_loss_v2t: 0.6227 sim_loss_t2v: 0.6413 2023/07/31 14:07:47 - mmengine - INFO - Epoch(train) [2][1700/1879] base_lr: 1.9354e-06 lr: 1.9354e-06 eta: 15:33:51 time: 0.5985 data_time: 0.0430 memory: 24635 loss: 1.3111 sim_loss_v2t: 0.6475 sim_loss_t2v: 0.6636 2023/07/31 14:08:48 - mmengine - INFO - Epoch(train) [2][1800/1879] base_lr: 1.9881e-06 lr: 1.9881e-06 eta: 15:32:24 time: 0.5467 data_time: 0.0349 memory: 24635 loss: 1.2840 sim_loss_v2t: 0.6316 sim_loss_t2v: 0.6525 2023/07/31 14:09:31 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 14:09:31 - mmengine - INFO - Epoch(train) [2][1879/1879] base_lr: 2.0297e-06 lr: 2.0297e-06 eta: 15:29:04 time: 0.3819 data_time: 0.0144 memory: 24635 loss: 1.1697 sim_loss_v2t: 0.5782 sim_loss_t2v: 0.5915 2023/07/31 14:09:31 - mmengine - INFO - Saving checkpoint at 2 epochs 2023/07/31 14:12:06 - mmengine - INFO - Epoch(val) [2][100/155] eta: 0:01:11 time: 1.2589 data_time: 0.0727 memory: 18717 2023/07/31 14:13:15 - mmengine - INFO - Epoch(val) [2][155/155] acc/top1: 0.7211 acc/top5: 0.9254 acc/mean1: 0.7209 data_time: 0.0854 time: 1.2703 2023/07/31 14:13:15 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_1.pth is removed 2023/07/31 14:13:23 - mmengine - INFO - The best checkpoint with 0.7211 acc/top1 at 2 epoch is saved to best_acc_top1_epoch_2.pth. 2023/07/31 14:14:45 - mmengine - INFO - Epoch(train) [3][ 100/1879] base_lr: 2.0824e-06 lr: 2.0824e-06 eta: 15:28:36 time: 0.6524 data_time: 0.1738 memory: 24635 loss: 1.2082 sim_loss_v2t: 0.5942 sim_loss_t2v: 0.6140 2023/07/31 14:15:45 - mmengine - INFO - Epoch(train) [3][ 200/1879] base_lr: 2.1351e-06 lr: 2.1351e-06 eta: 15:27:02 time: 0.6216 data_time: 0.0804 memory: 24635 loss: 1.2405 sim_loss_v2t: 0.6141 sim_loss_t2v: 0.6264 2023/07/31 14:16:11 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 14:16:46 - mmengine - INFO - Epoch(train) [3][ 300/1879] base_lr: 2.1878e-06 lr: 2.1878e-06 eta: 15:25:45 time: 0.6621 data_time: 0.0320 memory: 24635 loss: 1.2154 sim_loss_v2t: 0.6018 sim_loss_t2v: 0.6137 2023/07/31 14:17:48 - mmengine - INFO - Epoch(train) [3][ 400/1879] base_lr: 2.2405e-06 lr: 2.2405e-06 eta: 15:24:40 time: 0.6721 data_time: 0.0342 memory: 24635 loss: 1.3025 sim_loss_v2t: 0.6454 sim_loss_t2v: 0.6571 2023/07/31 14:18:47 - mmengine - INFO - Epoch(train) [3][ 500/1879] base_lr: 2.2931e-06 lr: 2.2931e-06 eta: 15:22:46 time: 0.6123 data_time: 0.0400 memory: 24635 loss: 1.1660 sim_loss_v2t: 0.5780 sim_loss_t2v: 0.5880 2023/07/31 14:19:49 - mmengine - INFO - Epoch(train) [3][ 600/1879] base_lr: 2.3458e-06 lr: 2.3458e-06 eta: 15:21:48 time: 0.6183 data_time: 0.0279 memory: 24635 loss: 1.2359 sim_loss_v2t: 0.6146 sim_loss_t2v: 0.6213 2023/07/31 14:20:50 - mmengine - INFO - Epoch(train) [3][ 700/1879] base_lr: 2.3985e-06 lr: 2.3985e-06 eta: 15:20:41 time: 0.6875 data_time: 0.0341 memory: 24635 loss: 1.2462 sim_loss_v2t: 0.6167 sim_loss_t2v: 0.6295 2023/07/31 14:21:49 - mmengine - INFO - Epoch(train) [3][ 800/1879] base_lr: 2.4512e-06 lr: 2.4512e-06 eta: 15:18:34 time: 0.5329 data_time: 0.0340 memory: 24635 loss: 1.2413 sim_loss_v2t: 0.6191 sim_loss_t2v: 0.6222 2023/07/31 14:22:51 - mmengine - INFO - Epoch(train) [3][ 900/1879] base_lr: 2.5039e-06 lr: 2.5039e-06 eta: 15:17:48 time: 0.6112 data_time: 0.0343 memory: 24635 loss: 1.2206 sim_loss_v2t: 0.6096 sim_loss_t2v: 0.6110 2023/07/31 14:23:53 - mmengine - INFO - Epoch(train) [3][1000/1879] base_lr: 2.5566e-06 lr: 2.5566e-06 eta: 15:16:42 time: 0.5993 data_time: 0.0319 memory: 24635 loss: 1.2605 sim_loss_v2t: 0.6275 sim_loss_t2v: 0.6330 2023/07/31 14:24:51 - mmengine - INFO - Epoch(train) [3][1100/1879] base_lr: 2.6093e-06 lr: 2.6093e-06 eta: 15:14:43 time: 0.5705 data_time: 0.0413 memory: 24635 loss: 1.2457 sim_loss_v2t: 0.6151 sim_loss_t2v: 0.6306 2023/07/31 14:25:53 - mmengine - INFO - Epoch(train) [3][1200/1879] base_lr: 2.6620e-06 lr: 2.6620e-06 eta: 15:13:35 time: 0.5834 data_time: 0.0348 memory: 24635 loss: 1.2140 sim_loss_v2t: 0.5992 sim_loss_t2v: 0.6148 2023/07/31 14:26:19 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 14:26:54 - mmengine - INFO - Epoch(train) [3][1300/1879] base_lr: 2.7147e-06 lr: 2.7147e-06 eta: 15:12:37 time: 0.6346 data_time: 0.0319 memory: 24635 loss: 1.2340 sim_loss_v2t: 0.6054 sim_loss_t2v: 0.6286 2023/07/31 14:27:54 - mmengine - INFO - Epoch(train) [3][1400/1879] base_lr: 2.7674e-06 lr: 2.7674e-06 eta: 15:11:07 time: 0.6215 data_time: 0.0312 memory: 24635 loss: 1.2600 sim_loss_v2t: 0.6228 sim_loss_t2v: 0.6372 2023/07/31 14:28:55 - mmengine - INFO - Epoch(train) [3][1500/1879] base_lr: 2.8201e-06 lr: 2.8201e-06 eta: 15:09:46 time: 0.5830 data_time: 0.0302 memory: 24635 loss: 1.2097 sim_loss_v2t: 0.5933 sim_loss_t2v: 0.6164 2023/07/31 14:29:56 - mmengine - INFO - Epoch(train) [3][1600/1879] base_lr: 2.8728e-06 lr: 2.8728e-06 eta: 15:08:39 time: 0.5532 data_time: 0.0366 memory: 24635 loss: 1.2112 sim_loss_v2t: 0.6028 sim_loss_t2v: 0.6084 2023/07/31 14:30:56 - mmengine - INFO - Epoch(train) [3][1700/1879] base_lr: 2.9255e-06 lr: 2.9255e-06 eta: 15:07:14 time: 0.5929 data_time: 0.0419 memory: 24635 loss: 1.2239 sim_loss_v2t: 0.6076 sim_loss_t2v: 0.6163 2023/07/31 14:31:57 - mmengine - INFO - Epoch(train) [3][1800/1879] base_lr: 2.9782e-06 lr: 2.9782e-06 eta: 15:05:58 time: 0.5847 data_time: 0.0373 memory: 24635 loss: 1.2136 sim_loss_v2t: 0.5972 sim_loss_t2v: 0.6164 2023/07/31 14:32:41 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 14:32:41 - mmengine - INFO - Epoch(train) [3][1879/1879] base_lr: 3.0198e-06 lr: 3.0198e-06 eta: 15:04:00 time: 0.3833 data_time: 0.0146 memory: 24635 loss: 1.1232 sim_loss_v2t: 0.5610 sim_loss_t2v: 0.5622 2023/07/31 14:32:41 - mmengine - INFO - Saving checkpoint at 3 epochs 2023/07/31 14:35:14 - mmengine - INFO - Epoch(val) [3][100/155] eta: 0:01:12 time: 1.2794 data_time: 0.0925 memory: 18717 2023/07/31 14:36:22 - mmengine - INFO - Epoch(val) [3][155/155] acc/top1: 0.7339 acc/top5: 0.9317 acc/mean1: 0.7338 data_time: 0.0958 time: 1.2813 2023/07/31 14:36:22 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_2.pth is removed 2023/07/31 14:36:30 - mmengine - INFO - The best checkpoint with 0.7339 acc/top1 at 3 epoch is saved to best_acc_top1_epoch_3.pth. 2023/07/31 14:37:51 - mmengine - INFO - Epoch(train) [4][ 100/1879] base_lr: 3.0725e-06 lr: 3.0725e-06 eta: 15:03:06 time: 0.6589 data_time: 0.1587 memory: 24635 loss: 1.1884 sim_loss_v2t: 0.5822 sim_loss_t2v: 0.6063 2023/07/31 14:38:49 - mmengine - INFO - Epoch(train) [4][ 200/1879] base_lr: 3.1252e-06 lr: 3.1252e-06 eta: 15:01:14 time: 0.5591 data_time: 0.0540 memory: 24635 loss: 1.1929 sim_loss_v2t: 0.5923 sim_loss_t2v: 0.6006 2023/07/31 14:39:53 - mmengine - INFO - Epoch(train) [4][ 300/1879] base_lr: 3.1779e-06 lr: 3.1779e-06 eta: 15:00:57 time: 0.6318 data_time: 0.0499 memory: 24635 loss: 1.1785 sim_loss_v2t: 0.5837 sim_loss_t2v: 0.5948 2023/07/31 14:40:32 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 14:40:52 - mmengine - INFO - Epoch(train) [4][ 400/1879] base_lr: 3.2306e-06 lr: 3.2306e-06 eta: 14:59:23 time: 0.5408 data_time: 0.0320 memory: 24635 loss: 1.1663 sim_loss_v2t: 0.5852 sim_loss_t2v: 0.5810 2023/07/31 14:41:53 - mmengine - INFO - Epoch(train) [4][ 500/1879] base_lr: 3.2833e-06 lr: 3.2833e-06 eta: 14:58:15 time: 0.5420 data_time: 0.0394 memory: 24635 loss: 1.2394 sim_loss_v2t: 0.6126 sim_loss_t2v: 0.6268 2023/07/31 14:42:54 - mmengine - INFO - Epoch(train) [4][ 600/1879] base_lr: 3.3359e-06 lr: 3.3359e-06 eta: 14:57:04 time: 0.6044 data_time: 0.0391 memory: 24635 loss: 1.1782 sim_loss_v2t: 0.5811 sim_loss_t2v: 0.5971 2023/07/31 14:43:56 - mmengine - INFO - Epoch(train) [4][ 700/1879] base_lr: 3.3886e-06 lr: 3.3886e-06 eta: 14:56:07 time: 0.6289 data_time: 0.0329 memory: 24635 loss: 1.1597 sim_loss_v2t: 0.5755 sim_loss_t2v: 0.5843 2023/07/31 14:44:56 - mmengine - INFO - Epoch(train) [4][ 800/1879] base_lr: 3.4413e-06 lr: 3.4413e-06 eta: 14:54:54 time: 0.5767 data_time: 0.0395 memory: 24635 loss: 1.1875 sim_loss_v2t: 0.5914 sim_loss_t2v: 0.5962 2023/07/31 14:45:57 - mmengine - INFO - Epoch(train) [4][ 900/1879] base_lr: 3.4940e-06 lr: 3.4940e-06 eta: 14:53:53 time: 0.6004 data_time: 0.0310 memory: 24635 loss: 1.2205 sim_loss_v2t: 0.6026 sim_loss_t2v: 0.6179 2023/07/31 14:46:57 - mmengine - INFO - Epoch(train) [4][1000/1879] base_lr: 3.5467e-06 lr: 3.5467e-06 eta: 14:52:24 time: 0.5415 data_time: 0.0323 memory: 24635 loss: 1.2116 sim_loss_v2t: 0.6063 sim_loss_t2v: 0.6054 2023/07/31 14:47:59 - mmengine - INFO - Epoch(train) [4][1100/1879] base_lr: 3.5994e-06 lr: 3.5994e-06 eta: 14:51:31 time: 0.5938 data_time: 0.0409 memory: 24635 loss: 1.1271 sim_loss_v2t: 0.5555 sim_loss_t2v: 0.5715 2023/07/31 14:49:00 - mmengine - INFO - Epoch(train) [4][1200/1879] base_lr: 3.6521e-06 lr: 3.6521e-06 eta: 14:50:23 time: 0.5767 data_time: 0.0600 memory: 24635 loss: 1.1744 sim_loss_v2t: 0.5830 sim_loss_t2v: 0.5913 2023/07/31 14:50:00 - mmengine - INFO - Epoch(train) [4][1300/1879] base_lr: 3.7048e-06 lr: 3.7048e-06 eta: 14:49:09 time: 0.5961 data_time: 0.0552 memory: 24635 loss: 1.1972 sim_loss_v2t: 0.5926 sim_loss_t2v: 0.6045 2023/07/31 14:50:39 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 14:51:00 - mmengine - INFO - Epoch(train) [4][1400/1879] base_lr: 3.7575e-06 lr: 3.7575e-06 eta: 14:47:55 time: 0.5599 data_time: 0.0331 memory: 24635 loss: 1.2388 sim_loss_v2t: 0.6124 sim_loss_t2v: 0.6264 2023/07/31 14:52:00 - mmengine - INFO - Epoch(train) [4][1500/1879] base_lr: 3.8102e-06 lr: 3.8102e-06 eta: 14:46:38 time: 0.6176 data_time: 0.0355 memory: 24635 loss: 1.1339 sim_loss_v2t: 0.5612 sim_loss_t2v: 0.5727 2023/07/31 14:53:01 - mmengine - INFO - Epoch(train) [4][1600/1879] base_lr: 3.8629e-06 lr: 3.8629e-06 eta: 14:45:35 time: 0.6256 data_time: 0.0370 memory: 24635 loss: 1.1891 sim_loss_v2t: 0.5916 sim_loss_t2v: 0.5975 2023/07/31 14:54:02 - mmengine - INFO - Epoch(train) [4][1700/1879] base_lr: 3.9156e-06 lr: 3.9156e-06 eta: 14:44:24 time: 0.5859 data_time: 0.0338 memory: 24635 loss: 1.1678 sim_loss_v2t: 0.5770 sim_loss_t2v: 0.5908 2023/07/31 14:55:03 - mmengine - INFO - Epoch(train) [4][1800/1879] base_lr: 3.9683e-06 lr: 3.9683e-06 eta: 14:43:23 time: 0.7017 data_time: 0.0367 memory: 24635 loss: 1.1667 sim_loss_v2t: 0.5736 sim_loss_t2v: 0.5931 2023/07/31 14:55:45 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 14:55:45 - mmengine - INFO - Epoch(train) [4][1879/1879] base_lr: 4.0099e-06 lr: 4.0099e-06 eta: 14:41:20 time: 0.3890 data_time: 0.0172 memory: 24635 loss: 1.1576 sim_loss_v2t: 0.5768 sim_loss_t2v: 0.5808 2023/07/31 14:55:45 - mmengine - INFO - Saving checkpoint at 4 epochs 2023/07/31 14:58:19 - mmengine - INFO - Epoch(val) [4][100/155] eta: 0:01:11 time: 1.2566 data_time: 0.0656 memory: 18717 2023/07/31 14:59:28 - mmengine - INFO - Epoch(val) [4][155/155] acc/top1: 0.7390 acc/top5: 0.9314 acc/mean1: 0.7390 data_time: 0.0853 time: 1.2704 2023/07/31 14:59:28 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_3.pth is removed 2023/07/31 14:59:36 - mmengine - INFO - The best checkpoint with 0.7390 acc/top1 at 4 epoch is saved to best_acc_top1_epoch_4.pth. 2023/07/31 15:01:00 - mmengine - INFO - Epoch(train) [5][ 100/1879] base_lr: 4.0626e-06 lr: 4.0626e-06 eta: 14:41:21 time: 0.5381 data_time: 0.0407 memory: 24635 loss: 1.2005 sim_loss_v2t: 0.5958 sim_loss_t2v: 0.6047 2023/07/31 15:02:00 - mmengine - INFO - Epoch(train) [5][ 200/1879] base_lr: 4.1153e-06 lr: 4.1153e-06 eta: 14:40:14 time: 0.5700 data_time: 0.0355 memory: 24635 loss: 1.1089 sim_loss_v2t: 0.5516 sim_loss_t2v: 0.5573 2023/07/31 15:03:02 - mmengine - INFO - Epoch(train) [5][ 300/1879] base_lr: 4.1680e-06 lr: 4.1680e-06 eta: 14:39:14 time: 0.6701 data_time: 0.0417 memory: 24635 loss: 1.1456 sim_loss_v2t: 0.5705 sim_loss_t2v: 0.5751 2023/07/31 15:04:02 - mmengine - INFO - Epoch(train) [5][ 400/1879] base_lr: 4.2207e-06 lr: 4.2207e-06 eta: 14:38:00 time: 0.5877 data_time: 0.0362 memory: 24635 loss: 1.1678 sim_loss_v2t: 0.5785 sim_loss_t2v: 0.5893 2023/07/31 15:04:53 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 15:05:02 - mmengine - INFO - Epoch(train) [5][ 500/1879] base_lr: 4.2734e-06 lr: 4.2734e-06 eta: 14:36:46 time: 0.5757 data_time: 0.0410 memory: 24635 loss: 1.2080 sim_loss_v2t: 0.5981 sim_loss_t2v: 0.6099 2023/07/31 15:06:01 - mmengine - INFO - Epoch(train) [5][ 600/1879] base_lr: 4.3261e-06 lr: 4.3261e-06 eta: 14:35:24 time: 0.5773 data_time: 0.0375 memory: 24635 loss: 1.1740 sim_loss_v2t: 0.5859 sim_loss_t2v: 0.5880 2023/07/31 15:07:05 - mmengine - INFO - Epoch(train) [5][ 700/1879] base_lr: 4.3787e-06 lr: 4.3787e-06 eta: 14:34:45 time: 0.6306 data_time: 0.0462 memory: 24635 loss: 1.1169 sim_loss_v2t: 0.5565 sim_loss_t2v: 0.5605 2023/07/31 15:08:07 - mmengine - INFO - Epoch(train) [5][ 800/1879] base_lr: 4.4314e-06 lr: 4.4314e-06 eta: 14:33:52 time: 0.6057 data_time: 0.0314 memory: 24635 loss: 1.1035 sim_loss_v2t: 0.5548 sim_loss_t2v: 0.5487 2023/07/31 15:09:06 - mmengine - INFO - Epoch(train) [5][ 900/1879] base_lr: 4.4841e-06 lr: 4.4841e-06 eta: 14:32:32 time: 0.5753 data_time: 0.0399 memory: 24635 loss: 1.2007 sim_loss_v2t: 0.5922 sim_loss_t2v: 0.6086 2023/07/31 15:10:06 - mmengine - INFO - Epoch(train) [5][1000/1879] base_lr: 4.5368e-06 lr: 4.5368e-06 eta: 14:31:21 time: 0.6031 data_time: 0.0373 memory: 24635 loss: 1.1622 sim_loss_v2t: 0.5813 sim_loss_t2v: 0.5810 2023/07/31 15:10:50 - mmengine - INFO - Epoch(train) [5][1100/1879] base_lr: 4.5895e-06 lr: 4.5895e-06 eta: 14:27:25 time: 0.4254 data_time: 0.0221 memory: 24635 loss: 1.1436 sim_loss_v2t: 0.5692 sim_loss_t2v: 0.5743 2023/07/31 15:11:35 - mmengine - INFO - Epoch(train) [5][1200/1879] base_lr: 4.6422e-06 lr: 4.6422e-06 eta: 14:23:49 time: 0.5178 data_time: 0.0324 memory: 24635 loss: 1.0996 sim_loss_v2t: 0.5463 sim_loss_t2v: 0.5534 2023/07/31 15:12:33 - mmengine - INFO - Epoch(train) [5][1300/1879] base_lr: 4.6949e-06 lr: 4.6949e-06 eta: 14:22:19 time: 0.5691 data_time: 0.0339 memory: 24635 loss: 1.1249 sim_loss_v2t: 0.5585 sim_loss_t2v: 0.5664 2023/07/31 15:13:36 - mmengine - INFO - Epoch(train) [5][1400/1879] base_lr: 4.7476e-06 lr: 4.7476e-06 eta: 14:21:40 time: 0.5806 data_time: 0.0400 memory: 24635 loss: 1.1028 sim_loss_v2t: 0.5540 sim_loss_t2v: 0.5489 2023/07/31 15:14:27 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 15:14:37 - mmengine - INFO - Epoch(train) [5][1500/1879] base_lr: 4.8003e-06 lr: 4.8003e-06 eta: 14:20:46 time: 0.6139 data_time: 0.0322 memory: 24635 loss: 1.1422 sim_loss_v2t: 0.5686 sim_loss_t2v: 0.5736 2023/07/31 15:15:36 - mmengine - INFO - Epoch(train) [5][1600/1879] base_lr: 4.8530e-06 lr: 4.8530e-06 eta: 14:19:26 time: 0.5974 data_time: 0.0425 memory: 24635 loss: 1.0856 sim_loss_v2t: 0.5344 sim_loss_t2v: 0.5512 2023/07/31 15:16:37 - mmengine - INFO - Epoch(train) [5][1700/1879] base_lr: 4.9057e-06 lr: 4.9057e-06 eta: 14:18:28 time: 0.6196 data_time: 0.0330 memory: 24635 loss: 1.1619 sim_loss_v2t: 0.5752 sim_loss_t2v: 0.5866 2023/07/31 15:17:38 - mmengine - INFO - Epoch(train) [5][1800/1879] base_lr: 4.9584e-06 lr: 4.9584e-06 eta: 14:17:30 time: 0.6253 data_time: 0.1108 memory: 24635 loss: 1.1288 sim_loss_v2t: 0.5651 sim_loss_t2v: 0.5636 2023/07/31 15:18:21 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 15:18:21 - mmengine - INFO - Epoch(train) [5][1879/1879] base_lr: 5.0000e-06 lr: 5.0000e-06 eta: 14:15:56 time: 0.3733 data_time: 0.0104 memory: 24635 loss: 1.1132 sim_loss_v2t: 0.5580 sim_loss_t2v: 0.5552 2023/07/31 15:18:21 - mmengine - INFO - Saving checkpoint at 5 epochs 2023/07/31 15:20:55 - mmengine - INFO - Epoch(val) [5][100/155] eta: 0:01:12 time: 1.2649 data_time: 0.0769 memory: 18717 2023/07/31 15:22:04 - mmengine - INFO - Epoch(val) [5][155/155] acc/top1: 0.7460 acc/top5: 0.9371 acc/mean1: 0.7459 data_time: 0.0939 time: 1.2788 2023/07/31 15:22:04 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_4.pth is removed 2023/07/31 15:22:13 - mmengine - INFO - The best checkpoint with 0.7460 acc/top1 at 5 epoch is saved to best_acc_top1_epoch_5.pth. 2023/07/31 15:23:33 - mmengine - INFO - Epoch(train) [6][ 100/1879] base_lr: 5.0000e-06 lr: 5.0000e-06 eta: 14:15:01 time: 0.6075 data_time: 0.1078 memory: 24635 loss: 1.0971 sim_loss_v2t: 0.5443 sim_loss_t2v: 0.5528 2023/07/31 15:24:35 - mmengine - INFO - Epoch(train) [6][ 200/1879] base_lr: 4.9999e-06 lr: 4.9999e-06 eta: 14:14:11 time: 0.6610 data_time: 0.1101 memory: 24635 loss: 1.0607 sim_loss_v2t: 0.5245 sim_loss_t2v: 0.5361 2023/07/31 15:25:36 - mmengine - INFO - Epoch(train) [6][ 300/1879] base_lr: 4.9998e-06 lr: 4.9998e-06 eta: 14:13:17 time: 0.6415 data_time: 0.1369 memory: 24635 loss: 1.0640 sim_loss_v2t: 0.5347 sim_loss_t2v: 0.5293 2023/07/31 15:26:35 - mmengine - INFO - Epoch(train) [6][ 400/1879] base_lr: 4.9997e-06 lr: 4.9997e-06 eta: 14:12:03 time: 0.6590 data_time: 0.0446 memory: 24635 loss: 1.0862 sim_loss_v2t: 0.5440 sim_loss_t2v: 0.5422 2023/07/31 15:27:37 - mmengine - INFO - Epoch(train) [6][ 500/1879] base_lr: 4.9996e-06 lr: 4.9996e-06 eta: 14:11:09 time: 0.6238 data_time: 0.0398 memory: 24635 loss: 1.1401 sim_loss_v2t: 0.5643 sim_loss_t2v: 0.5758 2023/07/31 15:28:37 - mmengine - INFO - Epoch(train) [6][ 600/1879] base_lr: 4.9994e-06 lr: 4.9994e-06 eta: 14:10:04 time: 0.5517 data_time: 0.0425 memory: 24635 loss: 1.1746 sim_loss_v2t: 0.5836 sim_loss_t2v: 0.5911 2023/07/31 15:28:40 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 15:29:42 - mmengine - INFO - Epoch(train) [6][ 700/1879] base_lr: 4.9992e-06 lr: 4.9992e-06 eta: 14:09:38 time: 0.7553 data_time: 0.0333 memory: 24635 loss: 1.1608 sim_loss_v2t: 0.5801 sim_loss_t2v: 0.5807 2023/07/31 15:30:42 - mmengine - INFO - Epoch(train) [6][ 800/1879] base_lr: 4.9989e-06 lr: 4.9989e-06 eta: 14:08:25 time: 0.6235 data_time: 0.0340 memory: 24635 loss: 1.1283 sim_loss_v2t: 0.5545 sim_loss_t2v: 0.5738 2023/07/31 15:31:39 - mmengine - INFO - Epoch(train) [6][ 900/1879] base_lr: 4.9986e-06 lr: 4.9986e-06 eta: 14:06:57 time: 0.5989 data_time: 0.0318 memory: 24635 loss: 1.1186 sim_loss_v2t: 0.5583 sim_loss_t2v: 0.5603 2023/07/31 15:32:41 - mmengine - INFO - Epoch(train) [6][1000/1879] base_lr: 4.9983e-06 lr: 4.9983e-06 eta: 14:06:04 time: 0.5849 data_time: 0.0322 memory: 24635 loss: 1.1128 sim_loss_v2t: 0.5545 sim_loss_t2v: 0.5582 2023/07/31 15:33:43 - mmengine - INFO - Epoch(train) [6][1100/1879] base_lr: 4.9979e-06 lr: 4.9979e-06 eta: 14:05:16 time: 0.6035 data_time: 0.0361 memory: 24635 loss: 1.1428 sim_loss_v2t: 0.5705 sim_loss_t2v: 0.5723 2023/07/31 15:34:45 - mmengine - INFO - Epoch(train) [6][1200/1879] base_lr: 4.9975e-06 lr: 4.9975e-06 eta: 14:04:25 time: 0.6225 data_time: 0.0291 memory: 24635 loss: 1.0773 sim_loss_v2t: 0.5353 sim_loss_t2v: 0.5420 2023/07/31 15:35:45 - mmengine - INFO - Epoch(train) [6][1300/1879] base_lr: 4.9971e-06 lr: 4.9971e-06 eta: 14:03:18 time: 0.6190 data_time: 0.0318 memory: 24635 loss: 1.1153 sim_loss_v2t: 0.5553 sim_loss_t2v: 0.5600 2023/07/31 15:36:46 - mmengine - INFO - Epoch(train) [6][1400/1879] base_lr: 4.9966e-06 lr: 4.9966e-06 eta: 14:02:20 time: 0.5728 data_time: 0.0312 memory: 24635 loss: 1.1064 sim_loss_v2t: 0.5529 sim_loss_t2v: 0.5535 2023/07/31 15:37:45 - mmengine - INFO - Epoch(train) [6][1500/1879] base_lr: 4.9961e-06 lr: 4.9961e-06 eta: 14:01:03 time: 0.5784 data_time: 0.0366 memory: 24635 loss: 1.1157 sim_loss_v2t: 0.5541 sim_loss_t2v: 0.5616 2023/07/31 15:38:46 - mmengine - INFO - Epoch(train) [6][1600/1879] base_lr: 4.9956e-06 lr: 4.9956e-06 eta: 14:00:02 time: 0.6135 data_time: 0.0379 memory: 24635 loss: 1.1139 sim_loss_v2t: 0.5548 sim_loss_t2v: 0.5591 2023/07/31 15:38:49 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 15:39:49 - mmengine - INFO - Epoch(train) [6][1700/1879] base_lr: 4.9950e-06 lr: 4.9950e-06 eta: 13:59:23 time: 0.7320 data_time: 0.0474 memory: 24635 loss: 1.0844 sim_loss_v2t: 0.5392 sim_loss_t2v: 0.5452 2023/07/31 15:40:51 - mmengine - INFO - Epoch(train) [6][1800/1879] base_lr: 4.9944e-06 lr: 4.9944e-06 eta: 13:58:26 time: 0.5815 data_time: 0.0396 memory: 24635 loss: 1.1145 sim_loss_v2t: 0.5552 sim_loss_t2v: 0.5593 2023/07/31 15:41:31 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 15:41:31 - mmengine - INFO - Epoch(train) [6][1879/1879] base_lr: 4.9939e-06 lr: 4.9939e-06 eta: 13:56:43 time: 0.3828 data_time: 0.0142 memory: 24635 loss: 1.0453 sim_loss_v2t: 0.5254 sim_loss_t2v: 0.5199 2023/07/31 15:41:31 - mmengine - INFO - Saving checkpoint at 6 epochs 2023/07/31 15:44:03 - mmengine - INFO - Epoch(val) [6][100/155] eta: 0:01:12 time: 1.2689 data_time: 0.0810 memory: 18717 2023/07/31 15:45:11 - mmengine - INFO - Epoch(val) [6][155/155] acc/top1: 0.7604 acc/top5: 0.9389 acc/mean1: 0.7604 data_time: 0.0973 time: 1.2830 2023/07/31 15:45:11 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_5.pth is removed 2023/07/31 15:45:20 - mmengine - INFO - The best checkpoint with 0.7604 acc/top1 at 6 epoch is saved to best_acc_top1_epoch_6.pth. 2023/07/31 15:46:41 - mmengine - INFO - Epoch(train) [7][ 100/1879] base_lr: 4.9933e-06 lr: 4.9933e-06 eta: 13:55:55 time: 0.6181 data_time: 0.1378 memory: 24635 loss: 1.0799 sim_loss_v2t: 0.5394 sim_loss_t2v: 0.5405 2023/07/31 15:47:39 - mmengine - INFO - Epoch(train) [7][ 200/1879] base_lr: 4.9926e-06 lr: 4.9926e-06 eta: 13:54:39 time: 0.5818 data_time: 0.0752 memory: 24635 loss: 1.0917 sim_loss_v2t: 0.5497 sim_loss_t2v: 0.5420 2023/07/31 15:48:41 - mmengine - INFO - Epoch(train) [7][ 300/1879] base_lr: 4.9918e-06 lr: 4.9918e-06 eta: 13:53:47 time: 0.6554 data_time: 0.1025 memory: 24635 loss: 1.1025 sim_loss_v2t: 0.5511 sim_loss_t2v: 0.5514 2023/07/31 15:49:45 - mmengine - INFO - Epoch(train) [7][ 400/1879] base_lr: 4.9911e-06 lr: 4.9911e-06 eta: 13:53:05 time: 0.6090 data_time: 0.1134 memory: 24635 loss: 1.0598 sim_loss_v2t: 0.5284 sim_loss_t2v: 0.5314 2023/07/31 15:50:43 - mmengine - INFO - Epoch(train) [7][ 500/1879] base_lr: 4.9902e-06 lr: 4.9902e-06 eta: 13:51:51 time: 0.5945 data_time: 0.0764 memory: 24635 loss: 1.0965 sim_loss_v2t: 0.5490 sim_loss_t2v: 0.5475 2023/07/31 15:51:45 - mmengine - INFO - Epoch(train) [7][ 600/1879] base_lr: 4.9894e-06 lr: 4.9894e-06 eta: 13:50:54 time: 0.6091 data_time: 0.1173 memory: 24635 loss: 1.0927 sim_loss_v2t: 0.5447 sim_loss_t2v: 0.5479 2023/07/31 15:52:46 - mmengine - INFO - Epoch(train) [7][ 700/1879] base_lr: 4.9885e-06 lr: 4.9885e-06 eta: 13:49:54 time: 0.6080 data_time: 0.1025 memory: 24635 loss: 1.1129 sim_loss_v2t: 0.5475 sim_loss_t2v: 0.5654 2023/07/31 15:53:00 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 15:53:44 - mmengine - INFO - Epoch(train) [7][ 800/1879] base_lr: 4.9876e-06 lr: 4.9876e-06 eta: 13:48:37 time: 0.5517 data_time: 0.0595 memory: 24635 loss: 1.0340 sim_loss_v2t: 0.5146 sim_loss_t2v: 0.5194 2023/07/31 15:54:48 - mmengine - INFO - Epoch(train) [7][ 900/1879] base_lr: 4.9867e-06 lr: 4.9867e-06 eta: 13:47:55 time: 0.5750 data_time: 0.0353 memory: 24635 loss: 1.0732 sim_loss_v2t: 0.5358 sim_loss_t2v: 0.5374 2023/07/31 15:55:50 - mmengine - INFO - Epoch(train) [7][1000/1879] base_lr: 4.9857e-06 lr: 4.9857e-06 eta: 13:47:04 time: 0.6939 data_time: 0.0359 memory: 24635 loss: 1.0981 sim_loss_v2t: 0.5481 sim_loss_t2v: 0.5500 2023/07/31 15:56:49 - mmengine - INFO - Epoch(train) [7][1100/1879] base_lr: 4.9847e-06 lr: 4.9847e-06 eta: 13:45:54 time: 0.5944 data_time: 0.0365 memory: 24635 loss: 1.0844 sim_loss_v2t: 0.5433 sim_loss_t2v: 0.5411 2023/07/31 15:57:52 - mmengine - INFO - Epoch(train) [7][1200/1879] base_lr: 4.9837e-06 lr: 4.9837e-06 eta: 13:45:05 time: 0.6905 data_time: 0.0456 memory: 24635 loss: 1.0719 sim_loss_v2t: 0.5337 sim_loss_t2v: 0.5381 2023/07/31 15:58:50 - mmengine - INFO - Epoch(train) [7][1300/1879] base_lr: 4.9826e-06 lr: 4.9826e-06 eta: 13:43:46 time: 0.6130 data_time: 0.0647 memory: 24635 loss: 1.0868 sim_loss_v2t: 0.5403 sim_loss_t2v: 0.5464 2023/07/31 15:59:56 - mmengine - INFO - Epoch(train) [7][1400/1879] base_lr: 4.9815e-06 lr: 4.9815e-06 eta: 13:43:20 time: 0.6622 data_time: 0.0365 memory: 24635 loss: 1.0988 sim_loss_v2t: 0.5470 sim_loss_t2v: 0.5517 2023/07/31 16:00:54 - mmengine - INFO - Epoch(train) [7][1500/1879] base_lr: 4.9803e-06 lr: 4.9803e-06 eta: 13:42:05 time: 0.5644 data_time: 0.0405 memory: 24635 loss: 1.0071 sim_loss_v2t: 0.4975 sim_loss_t2v: 0.5096 2023/07/31 16:02:03 - mmengine - INFO - Epoch(train) [7][1600/1879] base_lr: 4.9792e-06 lr: 4.9792e-06 eta: 13:41:52 time: 0.6571 data_time: 0.0285 memory: 24635 loss: 1.0805 sim_loss_v2t: 0.5321 sim_loss_t2v: 0.5483 2023/07/31 16:03:04 - mmengine - INFO - Epoch(train) [7][1700/1879] base_lr: 4.9779e-06 lr: 4.9779e-06 eta: 13:40:51 time: 0.5704 data_time: 0.0332 memory: 24635 loss: 1.0675 sim_loss_v2t: 0.5350 sim_loss_t2v: 0.5324 2023/07/31 16:03:20 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 16:04:05 - mmengine - INFO - Epoch(train) [7][1800/1879] base_lr: 4.9767e-06 lr: 4.9767e-06 eta: 13:39:54 time: 0.6676 data_time: 0.0328 memory: 24635 loss: 1.0444 sim_loss_v2t: 0.5227 sim_loss_t2v: 0.5217 2023/07/31 16:04:48 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 16:04:48 - mmengine - INFO - Epoch(train) [7][1879/1879] base_lr: 4.9757e-06 lr: 4.9757e-06 eta: 13:38:36 time: 0.3914 data_time: 0.0166 memory: 24635 loss: 1.0050 sim_loss_v2t: 0.5041 sim_loss_t2v: 0.5009 2023/07/31 16:04:48 - mmengine - INFO - Saving checkpoint at 7 epochs 2023/07/31 16:07:22 - mmengine - INFO - Epoch(val) [7][100/155] eta: 0:01:12 time: 1.2944 data_time: 0.1078 memory: 18717 2023/07/31 16:08:30 - mmengine - INFO - Epoch(val) [7][155/155] acc/top1: 0.7644 acc/top5: 0.9415 acc/mean1: 0.7644 data_time: 0.0981 time: 1.2823 2023/07/31 16:08:30 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_6.pth is removed 2023/07/31 16:08:38 - mmengine - INFO - The best checkpoint with 0.7644 acc/top1 at 7 epoch is saved to best_acc_top1_epoch_7.pth. 2023/07/31 16:10:00 - mmengine - INFO - Epoch(train) [8][ 100/1879] base_lr: 4.9744e-06 lr: 4.9744e-06 eta: 13:37:55 time: 0.6566 data_time: 0.1344 memory: 24635 loss: 1.0703 sim_loss_v2t: 0.5315 sim_loss_t2v: 0.5388 2023/07/31 16:10:59 - mmengine - INFO - Epoch(train) [8][ 200/1879] base_lr: 4.9730e-06 lr: 4.9730e-06 eta: 13:36:42 time: 0.5447 data_time: 0.0270 memory: 24635 loss: 1.0399 sim_loss_v2t: 0.5196 sim_loss_t2v: 0.5204 2023/07/31 16:12:02 - mmengine - INFO - Epoch(train) [8][ 300/1879] base_lr: 4.9717e-06 lr: 4.9717e-06 eta: 13:35:54 time: 0.5937 data_time: 0.0699 memory: 24635 loss: 1.0597 sim_loss_v2t: 0.5275 sim_loss_t2v: 0.5323 2023/07/31 16:13:03 - mmengine - INFO - Epoch(train) [8][ 400/1879] base_lr: 4.9702e-06 lr: 4.9702e-06 eta: 13:34:51 time: 0.5431 data_time: 0.0342 memory: 24635 loss: 1.0039 sim_loss_v2t: 0.4995 sim_loss_t2v: 0.5045 2023/07/31 16:14:04 - mmengine - INFO - Epoch(train) [8][ 500/1879] base_lr: 4.9688e-06 lr: 4.9688e-06 eta: 13:33:52 time: 0.6680 data_time: 0.1153 memory: 24635 loss: 1.0406 sim_loss_v2t: 0.5198 sim_loss_t2v: 0.5208 2023/07/31 16:15:06 - mmengine - INFO - Epoch(train) [8][ 600/1879] base_lr: 4.9673e-06 lr: 4.9673e-06 eta: 13:33:02 time: 0.6158 data_time: 0.0310 memory: 24635 loss: 1.0406 sim_loss_v2t: 0.5176 sim_loss_t2v: 0.5230 2023/07/31 16:16:07 - mmengine - INFO - Epoch(train) [8][ 700/1879] base_lr: 4.9658e-06 lr: 4.9658e-06 eta: 13:31:58 time: 0.5950 data_time: 0.0516 memory: 24635 loss: 1.0591 sim_loss_v2t: 0.5259 sim_loss_t2v: 0.5332 2023/07/31 16:17:09 - mmengine - INFO - Epoch(train) [8][ 800/1879] base_lr: 4.9643e-06 lr: 4.9643e-06 eta: 13:31:08 time: 0.6048 data_time: 0.1028 memory: 24635 loss: 1.0339 sim_loss_v2t: 0.5138 sim_loss_t2v: 0.5201 2023/07/31 16:17:36 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 16:18:08 - mmengine - INFO - Epoch(train) [8][ 900/1879] base_lr: 4.9627e-06 lr: 4.9627e-06 eta: 13:29:58 time: 0.6259 data_time: 0.1088 memory: 24635 loss: 1.0121 sim_loss_v2t: 0.5059 sim_loss_t2v: 0.5061 2023/07/31 16:19:11 - mmengine - INFO - Epoch(train) [8][1000/1879] base_lr: 4.9611e-06 lr: 4.9611e-06 eta: 13:29:06 time: 0.6491 data_time: 0.0301 memory: 24635 loss: 1.0718 sim_loss_v2t: 0.5357 sim_loss_t2v: 0.5361 2023/07/31 16:20:13 - mmengine - INFO - Epoch(train) [8][1100/1879] base_lr: 4.9594e-06 lr: 4.9594e-06 eta: 13:28:11 time: 0.6600 data_time: 0.0290 memory: 24635 loss: 1.0245 sim_loss_v2t: 0.5108 sim_loss_t2v: 0.5137 2023/07/31 16:21:12 - mmengine - INFO - Epoch(train) [8][1200/1879] base_lr: 4.9577e-06 lr: 4.9577e-06 eta: 13:27:01 time: 0.5935 data_time: 0.0382 memory: 24635 loss: 1.0258 sim_loss_v2t: 0.5159 sim_loss_t2v: 0.5099 2023/07/31 16:22:14 - mmengine - INFO - Epoch(train) [8][1300/1879] base_lr: 4.9560e-06 lr: 4.9560e-06 eta: 13:26:08 time: 0.5768 data_time: 0.0385 memory: 24635 loss: 1.0396 sim_loss_v2t: 0.5275 sim_loss_t2v: 0.5121 2023/07/31 16:23:13 - mmengine - INFO - Epoch(train) [8][1400/1879] base_lr: 4.9542e-06 lr: 4.9542e-06 eta: 13:24:56 time: 0.6024 data_time: 0.0346 memory: 24635 loss: 1.0199 sim_loss_v2t: 0.5091 sim_loss_t2v: 0.5107 2023/07/31 16:24:16 - mmengine - INFO - Epoch(train) [8][1500/1879] base_lr: 4.9525e-06 lr: 4.9525e-06 eta: 13:24:05 time: 0.6697 data_time: 0.0413 memory: 24635 loss: 1.0200 sim_loss_v2t: 0.5101 sim_loss_t2v: 0.5099 2023/07/31 16:25:16 - mmengine - INFO - Epoch(train) [8][1600/1879] base_lr: 4.9506e-06 lr: 4.9506e-06 eta: 13:23:03 time: 0.5987 data_time: 0.0354 memory: 24635 loss: 1.0267 sim_loss_v2t: 0.5095 sim_loss_t2v: 0.5172 2023/07/31 16:26:18 - mmengine - INFO - Epoch(train) [8][1700/1879] base_lr: 4.9488e-06 lr: 4.9488e-06 eta: 13:22:04 time: 0.5885 data_time: 0.0340 memory: 24635 loss: 1.0485 sim_loss_v2t: 0.5219 sim_loss_t2v: 0.5266 2023/07/31 16:27:18 - mmengine - INFO - Epoch(train) [8][1800/1879] base_lr: 4.9469e-06 lr: 4.9469e-06 eta: 13:21:03 time: 0.5581 data_time: 0.0439 memory: 24635 loss: 1.0169 sim_loss_v2t: 0.5064 sim_loss_t2v: 0.5105 2023/07/31 16:27:47 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 16:28:02 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 16:28:02 - mmengine - INFO - Epoch(train) [8][1879/1879] base_lr: 4.9454e-06 lr: 4.9454e-06 eta: 13:19:49 time: 0.3844 data_time: 0.0100 memory: 24635 loss: 0.9852 sim_loss_v2t: 0.4959 sim_loss_t2v: 0.4893 2023/07/31 16:28:02 - mmengine - INFO - Saving checkpoint at 8 epochs 2023/07/31 16:30:37 - mmengine - INFO - Epoch(val) [8][100/155] eta: 0:01:11 time: 1.2649 data_time: 0.0788 memory: 18717 2023/07/31 16:31:45 - mmengine - INFO - Epoch(val) [8][155/155] acc/top1: 0.7712 acc/top5: 0.9443 acc/mean1: 0.7712 data_time: 0.0843 time: 1.2679 2023/07/31 16:31:45 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_7.pth is removed 2023/07/31 16:31:54 - mmengine - INFO - The best checkpoint with 0.7712 acc/top1 at 8 epoch is saved to best_acc_top1_epoch_8.pth. 2023/07/31 16:33:11 - mmengine - INFO - Epoch(train) [9][ 100/1879] base_lr: 4.9434e-06 lr: 4.9434e-06 eta: 13:18:42 time: 0.5731 data_time: 0.0778 memory: 24635 loss: 0.9675 sim_loss_v2t: 0.4833 sim_loss_t2v: 0.4841 2023/07/31 16:34:14 - mmengine - INFO - Epoch(train) [9][ 200/1879] base_lr: 4.9415e-06 lr: 4.9415e-06 eta: 13:17:50 time: 0.6437 data_time: 0.0324 memory: 24635 loss: 0.9708 sim_loss_v2t: 0.4789 sim_loss_t2v: 0.4920 2023/07/31 16:35:16 - mmengine - INFO - Epoch(train) [9][ 300/1879] base_lr: 4.9394e-06 lr: 4.9394e-06 eta: 13:16:56 time: 0.6239 data_time: 0.1136 memory: 24635 loss: 0.9729 sim_loss_v2t: 0.4879 sim_loss_t2v: 0.4850 2023/07/31 16:36:14 - mmengine - INFO - Epoch(train) [9][ 400/1879] base_lr: 4.9374e-06 lr: 4.9374e-06 eta: 13:15:44 time: 0.5502 data_time: 0.0343 memory: 24635 loss: 0.9575 sim_loss_v2t: 0.4775 sim_loss_t2v: 0.4799 2023/07/31 16:37:15 - mmengine - INFO - Epoch(train) [9][ 500/1879] base_lr: 4.9353e-06 lr: 4.9353e-06 eta: 13:14:42 time: 0.6008 data_time: 0.0514 memory: 24635 loss: 1.0602 sim_loss_v2t: 0.5279 sim_loss_t2v: 0.5323 2023/07/31 16:38:20 - mmengine - INFO - Epoch(train) [9][ 600/1879] base_lr: 4.9332e-06 lr: 4.9332e-06 eta: 13:14:04 time: 0.7506 data_time: 0.2435 memory: 24635 loss: 0.9920 sim_loss_v2t: 0.4961 sim_loss_t2v: 0.4960 2023/07/31 16:39:19 - mmengine - INFO - Epoch(train) [9][ 700/1879] base_lr: 4.9310e-06 lr: 4.9310e-06 eta: 13:12:51 time: 0.6219 data_time: 0.1311 memory: 24635 loss: 0.9974 sim_loss_v2t: 0.4972 sim_loss_t2v: 0.5002 2023/07/31 16:40:19 - mmengine - INFO - Epoch(train) [9][ 800/1879] base_lr: 4.9289e-06 lr: 4.9289e-06 eta: 13:11:47 time: 0.6061 data_time: 0.1099 memory: 24635 loss: 0.9501 sim_loss_v2t: 0.4761 sim_loss_t2v: 0.4740 2023/07/31 16:41:19 - mmengine - INFO - Epoch(train) [9][ 900/1879] base_lr: 4.9266e-06 lr: 4.9266e-06 eta: 13:10:41 time: 0.5930 data_time: 0.0485 memory: 24635 loss: 0.9841 sim_loss_v2t: 0.4930 sim_loss_t2v: 0.4911 2023/07/31 16:42:00 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 16:42:19 - mmengine - INFO - Epoch(train) [9][1000/1879] base_lr: 4.9244e-06 lr: 4.9244e-06 eta: 13:09:39 time: 0.5518 data_time: 0.0396 memory: 24635 loss: 1.0682 sim_loss_v2t: 0.5367 sim_loss_t2v: 0.5315 2023/07/31 16:43:22 - mmengine - INFO - Epoch(train) [9][1100/1879] base_lr: 4.9221e-06 lr: 4.9221e-06 eta: 13:08:48 time: 0.6242 data_time: 0.0367 memory: 24635 loss: 0.9460 sim_loss_v2t: 0.4737 sim_loss_t2v: 0.4723 2023/07/31 16:44:24 - mmengine - INFO - Epoch(train) [9][1200/1879] base_lr: 4.9198e-06 lr: 4.9198e-06 eta: 13:07:50 time: 0.5351 data_time: 0.0356 memory: 24635 loss: 0.9451 sim_loss_v2t: 0.4694 sim_loss_t2v: 0.4757 2023/07/31 16:45:23 - mmengine - INFO - Epoch(train) [9][1300/1879] base_lr: 4.9174e-06 lr: 4.9174e-06 eta: 13:06:43 time: 0.6762 data_time: 0.0357 memory: 24635 loss: 1.0529 sim_loss_v2t: 0.5251 sim_loss_t2v: 0.5278 2023/07/31 16:46:24 - mmengine - INFO - Epoch(train) [9][1400/1879] base_lr: 4.9151e-06 lr: 4.9151e-06 eta: 13:05:44 time: 0.6351 data_time: 0.0383 memory: 24635 loss: 1.0497 sim_loss_v2t: 0.5291 sim_loss_t2v: 0.5207 2023/07/31 16:47:30 - mmengine - INFO - Epoch(train) [9][1500/1879] base_lr: 4.9126e-06 lr: 4.9126e-06 eta: 13:05:04 time: 0.6577 data_time: 0.0352 memory: 24635 loss: 0.9768 sim_loss_v2t: 0.4863 sim_loss_t2v: 0.4905 2023/07/31 16:48:30 - mmengine - INFO - Epoch(train) [9][1600/1879] base_lr: 4.9102e-06 lr: 4.9102e-06 eta: 13:04:02 time: 0.6092 data_time: 0.0386 memory: 24635 loss: 1.0057 sim_loss_v2t: 0.5048 sim_loss_t2v: 0.5010 2023/07/31 16:49:33 - mmengine - INFO - Epoch(train) [9][1700/1879] base_lr: 4.9077e-06 lr: 4.9077e-06 eta: 13:03:08 time: 0.6958 data_time: 0.0371 memory: 24635 loss: 0.9929 sim_loss_v2t: 0.4928 sim_loss_t2v: 0.5001 2023/07/31 16:50:34 - mmengine - INFO - Epoch(train) [9][1800/1879] base_lr: 4.9052e-06 lr: 4.9052e-06 eta: 13:02:09 time: 0.6286 data_time: 0.0353 memory: 24635 loss: 0.9591 sim_loss_v2t: 0.4782 sim_loss_t2v: 0.4809 2023/07/31 16:51:19 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 16:51:19 - mmengine - INFO - Epoch(train) [9][1879/1879] base_lr: 4.9032e-06 lr: 4.9032e-06 eta: 13:01:08 time: 0.4910 data_time: 0.0143 memory: 24635 loss: 0.9501 sim_loss_v2t: 0.4765 sim_loss_t2v: 0.4737 2023/07/31 16:51:19 - mmengine - INFO - Saving checkpoint at 9 epochs 2023/07/31 16:53:55 - mmengine - INFO - Epoch(val) [9][100/155] eta: 0:01:12 time: 1.2732 data_time: 0.0851 memory: 18717 2023/07/31 16:55:03 - mmengine - INFO - Epoch(val) [9][155/155] acc/top1: 0.7700 acc/top5: 0.9432 acc/mean1: 0.7699 data_time: 0.0914 time: 1.2800 2023/07/31 16:55:50 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 16:55:55 - mmengine - INFO - Epoch(train) [10][ 100/1879] base_lr: 4.9006e-06 lr: 4.9006e-06 eta: 12:59:28 time: 0.4368 data_time: 0.0243 memory: 24635 loss: 0.9806 sim_loss_v2t: 0.4880 sim_loss_t2v: 0.4926 2023/07/31 16:56:37 - mmengine - INFO - Epoch(train) [10][ 200/1879] base_lr: 4.8980e-06 lr: 4.8980e-06 eta: 12:57:05 time: 0.4269 data_time: 0.0251 memory: 24635 loss: 0.9466 sim_loss_v2t: 0.4750 sim_loss_t2v: 0.4715 2023/07/31 16:57:23 - mmengine - INFO - Epoch(train) [10][ 300/1879] base_lr: 4.8954e-06 lr: 4.8954e-06 eta: 12:54:57 time: 0.3953 data_time: 0.0168 memory: 24635 loss: 0.9751 sim_loss_v2t: 0.4849 sim_loss_t2v: 0.4902 2023/07/31 16:58:05 - mmengine - INFO - Epoch(train) [10][ 400/1879] base_lr: 4.8927e-06 lr: 4.8927e-06 eta: 12:52:36 time: 0.4255 data_time: 0.0268 memory: 24635 loss: 0.9338 sim_loss_v2t: 0.4671 sim_loss_t2v: 0.4667 2023/07/31 16:58:48 - mmengine - INFO - Epoch(train) [10][ 500/1879] base_lr: 4.8900e-06 lr: 4.8900e-06 eta: 12:50:16 time: 0.4257 data_time: 0.0220 memory: 24635 loss: 0.9595 sim_loss_v2t: 0.4827 sim_loss_t2v: 0.4768 2023/07/31 16:59:31 - mmengine - INFO - Epoch(train) [10][ 600/1879] base_lr: 4.8872e-06 lr: 4.8872e-06 eta: 12:47:59 time: 0.4288 data_time: 0.0220 memory: 24635 loss: 1.0013 sim_loss_v2t: 0.4998 sim_loss_t2v: 0.5015 2023/07/31 17:00:13 - mmengine - INFO - Epoch(train) [10][ 700/1879] base_lr: 4.8844e-06 lr: 4.8844e-06 eta: 12:45:42 time: 0.4423 data_time: 0.0237 memory: 24635 loss: 1.0282 sim_loss_v2t: 0.5096 sim_loss_t2v: 0.5186 2023/07/31 17:00:56 - mmengine - INFO - Epoch(train) [10][ 800/1879] base_lr: 4.8816e-06 lr: 4.8816e-06 eta: 12:43:26 time: 0.4167 data_time: 0.0179 memory: 24635 loss: 0.9609 sim_loss_v2t: 0.4793 sim_loss_t2v: 0.4816 2023/07/31 17:01:39 - mmengine - INFO - Epoch(train) [10][ 900/1879] base_lr: 4.8788e-06 lr: 4.8788e-06 eta: 12:41:12 time: 0.4192 data_time: 0.0235 memory: 24635 loss: 0.9676 sim_loss_v2t: 0.4869 sim_loss_t2v: 0.4807 2023/07/31 17:02:21 - mmengine - INFO - Epoch(train) [10][1000/1879] base_lr: 4.8759e-06 lr: 4.8759e-06 eta: 12:38:57 time: 0.4260 data_time: 0.0270 memory: 24635 loss: 0.9826 sim_loss_v2t: 0.4929 sim_loss_t2v: 0.4897 2023/07/31 17:02:59 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 17:03:04 - mmengine - INFO - Epoch(train) [10][1100/1879] base_lr: 4.8730e-06 lr: 4.8730e-06 eta: 12:36:44 time: 0.4211 data_time: 0.0224 memory: 24635 loss: 0.9810 sim_loss_v2t: 0.4896 sim_loss_t2v: 0.4914 2023/07/31 17:03:46 - mmengine - INFO - Epoch(train) [10][1200/1879] base_lr: 4.8701e-06 lr: 4.8701e-06 eta: 12:34:32 time: 0.4243 data_time: 0.0225 memory: 24635 loss: 0.9915 sim_loss_v2t: 0.4937 sim_loss_t2v: 0.4977 2023/07/31 17:04:28 - mmengine - INFO - Epoch(train) [10][1300/1879] base_lr: 4.8671e-06 lr: 4.8671e-06 eta: 12:32:19 time: 0.4185 data_time: 0.0210 memory: 24635 loss: 0.9675 sim_loss_v2t: 0.4850 sim_loss_t2v: 0.4825 2023/07/31 17:05:12 - mmengine - INFO - Epoch(train) [10][1400/1879] base_lr: 4.8641e-06 lr: 4.8641e-06 eta: 12:30:15 time: 0.4174 data_time: 0.0237 memory: 24635 loss: 0.9903 sim_loss_v2t: 0.4960 sim_loss_t2v: 0.4943 2023/07/31 17:05:55 - mmengine - INFO - Epoch(train) [10][1500/1879] base_lr: 4.8611e-06 lr: 4.8611e-06 eta: 12:28:07 time: 0.4268 data_time: 0.0194 memory: 24635 loss: 1.0514 sim_loss_v2t: 0.5238 sim_loss_t2v: 0.5275 2023/07/31 17:06:37 - mmengine - INFO - Epoch(train) [10][1600/1879] base_lr: 4.8580e-06 lr: 4.8580e-06 eta: 12:25:58 time: 0.4388 data_time: 0.0258 memory: 24635 loss: 0.9700 sim_loss_v2t: 0.4842 sim_loss_t2v: 0.4857 2023/07/31 17:07:20 - mmengine - INFO - Epoch(train) [10][1700/1879] base_lr: 4.8549e-06 lr: 4.8549e-06 eta: 12:23:50 time: 0.4220 data_time: 0.0217 memory: 24635 loss: 0.9321 sim_loss_v2t: 0.4648 sim_loss_t2v: 0.4673 2023/07/31 17:08:03 - mmengine - INFO - Epoch(train) [10][1800/1879] base_lr: 4.8518e-06 lr: 4.8518e-06 eta: 12:21:45 time: 0.4278 data_time: 0.0221 memory: 24635 loss: 0.9534 sim_loss_v2t: 0.4749 sim_loss_t2v: 0.4785 2023/07/31 17:08:34 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_132553 2023/07/31 17:08:34 - mmengine - INFO - Epoch(train) [10][1879/1879] base_lr: 4.8493e-06 lr: 4.8493e-06 eta: 12:19:56 time: 0.3408 data_time: 0.0114 memory: 24635 loss: 0.9663 sim_loss_v2t: 0.4814 sim_loss_t2v: 0.4849 2023/07/31 17:08:34 - mmengine - INFO - Saving checkpoint at 10 epochs 2023/07/31 22:42:28 - mmengine - INFO - Epoch(train) [11][ 100/1879] base_lr: 4.8461e-06 lr: 4.8461e-06 eta: 21:57:54 time: 0.4172 data_time: 0.0210 memory: 24646 loss: 0.9330 sim_loss_v2t: 0.4612 sim_loss_t2v: 0.4718 2023/07/31 22:43:10 - mmengine - INFO - Epoch(train) [11][ 200/1879] base_lr: 4.8428e-06 lr: 4.8428e-06 eta: 15:19:17 time: 0.4190 data_time: 0.0197 memory: 24646 loss: 0.9220 sim_loss_v2t: 0.4554 sim_loss_t2v: 0.4666 2023/07/31 22:43:14 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 22:43:52 - mmengine - INFO - Epoch(train) [11][ 300/1879] base_lr: 4.8396e-06 lr: 4.8396e-06 eta: 13:06:19 time: 0.4171 data_time: 0.0210 memory: 24646 loss: 0.9179 sim_loss_v2t: 0.4590 sim_loss_t2v: 0.4589 2023/07/31 22:44:34 - mmengine - INFO - Epoch(train) [11][ 400/1879] base_lr: 4.8363e-06 lr: 4.8363e-06 eta: 11:59:49 time: 0.4144 data_time: 0.0191 memory: 24646 loss: 0.9300 sim_loss_v2t: 0.4666 sim_loss_t2v: 0.4634 2023/07/31 22:45:16 - mmengine - INFO - Epoch(train) [11][ 500/1879] base_lr: 4.8330e-06 lr: 4.8330e-06 eta: 11:19:29 time: 0.4164 data_time: 0.0209 memory: 24646 loss: 0.9405 sim_loss_v2t: 0.4658 sim_loss_t2v: 0.4747 2023/07/31 22:45:59 - mmengine - INFO - Epoch(train) [11][ 600/1879] base_lr: 4.8296e-06 lr: 4.8296e-06 eta: 10:54:51 time: 0.4367 data_time: 0.0163 memory: 24646 loss: 0.9416 sim_loss_v2t: 0.4696 sim_loss_t2v: 0.4720 2023/07/31 22:46:41 - mmengine - INFO - Epoch(train) [11][ 700/1879] base_lr: 4.8262e-06 lr: 4.8262e-06 eta: 10:35:32 time: 0.4184 data_time: 0.0235 memory: 24646 loss: 0.9202 sim_loss_v2t: 0.4566 sim_loss_t2v: 0.4636 2023/07/31 22:47:24 - mmengine - INFO - Epoch(train) [11][ 800/1879] base_lr: 4.8228e-06 lr: 4.8228e-06 eta: 10:20:39 time: 0.4138 data_time: 0.0212 memory: 24646 loss: 0.9070 sim_loss_v2t: 0.4551 sim_loss_t2v: 0.4519 2023/07/31 22:48:06 - mmengine - INFO - Epoch(train) [11][ 900/1879] base_lr: 4.8194e-06 lr: 4.8194e-06 eta: 10:09:01 time: 0.4243 data_time: 0.0215 memory: 24646 loss: 0.9450 sim_loss_v2t: 0.4731 sim_loss_t2v: 0.4720 2023/07/31 22:48:48 - mmengine - INFO - Epoch(train) [11][1000/1879] base_lr: 4.8159e-06 lr: 4.8159e-06 eta: 9:59:41 time: 0.4256 data_time: 0.0184 memory: 24646 loss: 0.9954 sim_loss_v2t: 0.4948 sim_loss_t2v: 0.5006 2023/07/31 22:49:30 - mmengine - INFO - Epoch(train) [11][1100/1879] base_lr: 4.8124e-06 lr: 4.8124e-06 eta: 9:51:25 time: 0.4156 data_time: 0.0212 memory: 24646 loss: 0.9454 sim_loss_v2t: 0.4733 sim_loss_t2v: 0.4722 2023/07/31 22:50:12 - mmengine - INFO - Epoch(train) [11][1200/1879] base_lr: 4.8088e-06 lr: 4.8088e-06 eta: 9:44:21 time: 0.4160 data_time: 0.0196 memory: 24646 loss: 0.9391 sim_loss_v2t: 0.4744 sim_loss_t2v: 0.4647 2023/07/31 22:50:16 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 22:50:56 - mmengine - INFO - Epoch(train) [11][1300/1879] base_lr: 4.8052e-06 lr: 4.8052e-06 eta: 9:40:27 time: 0.4177 data_time: 0.0214 memory: 24646 loss: 0.9231 sim_loss_v2t: 0.4658 sim_loss_t2v: 0.4573 2023/07/31 22:51:38 - mmengine - INFO - Epoch(train) [11][1400/1879] base_lr: 4.8016e-06 lr: 4.8016e-06 eta: 9:34:54 time: 0.4209 data_time: 0.0213 memory: 24646 loss: 0.9880 sim_loss_v2t: 0.4940 sim_loss_t2v: 0.4940 2023/07/31 22:52:20 - mmengine - INFO - Epoch(train) [11][1500/1879] base_lr: 4.7980e-06 lr: 4.7980e-06 eta: 9:30:22 time: 0.4321 data_time: 0.0211 memory: 24646 loss: 0.9640 sim_loss_v2t: 0.4819 sim_loss_t2v: 0.4821 2023/07/31 22:53:02 - mmengine - INFO - Epoch(train) [11][1600/1879] base_lr: 4.7943e-06 lr: 4.7943e-06 eta: 9:26:10 time: 0.4157 data_time: 0.0199 memory: 24646 loss: 0.9600 sim_loss_v2t: 0.4810 sim_loss_t2v: 0.4790 2023/07/31 22:53:45 - mmengine - INFO - Epoch(train) [11][1700/1879] base_lr: 4.7906e-06 lr: 4.7906e-06 eta: 9:23:24 time: 0.4151 data_time: 0.0144 memory: 24646 loss: 0.9518 sim_loss_v2t: 0.4732 sim_loss_t2v: 0.4787 2023/07/31 22:54:28 - mmengine - INFO - Epoch(train) [11][1800/1879] base_lr: 4.7869e-06 lr: 4.7869e-06 eta: 9:20:09 time: 0.4191 data_time: 0.0163 memory: 24646 loss: 0.9161 sim_loss_v2t: 0.4564 sim_loss_t2v: 0.4597 2023/07/31 22:54:59 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 22:54:59 - mmengine - INFO - Epoch(train) [11][1879/1879] base_lr: 4.7839e-06 lr: 4.7839e-06 eta: 9:16:23 time: 0.3390 data_time: 0.0102 memory: 24646 loss: 0.9282 sim_loss_v2t: 0.4686 sim_loss_t2v: 0.4595 2023/07/31 22:54:59 - mmengine - INFO - Saving checkpoint at 11 epochs 2023/07/31 22:57:56 - mmengine - INFO - Epoch(val) [11][100/155] eta: 0:01:29 time: 1.2253 data_time: 0.0457 memory: 18720 2023/07/31 22:59:03 - mmengine - INFO - Epoch(val) [11][155/155] acc/top1: 0.7818 acc/top5: 0.9467 acc/mean1: 0.7818 data_time: 0.2939 time: 1.4733 2023/07/31 22:59:03 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_8.pth is removed 2023/07/31 22:59:11 - mmengine - INFO - The best checkpoint with 0.7818 acc/top1 at 11 epoch is saved to best_acc_top1_epoch_11.pth. 2023/07/31 23:00:09 - mmengine - INFO - Epoch(train) [12][ 100/1879] base_lr: 4.7801e-06 lr: 4.7801e-06 eta: 9:15:56 time: 0.4180 data_time: 0.0202 memory: 24646 loss: 0.9337 sim_loss_v2t: 0.4650 sim_loss_t2v: 0.4687 2023/07/31 23:00:51 - mmengine - INFO - Epoch(train) [12][ 200/1879] base_lr: 4.7763e-06 lr: 4.7763e-06 eta: 9:13:07 time: 0.4209 data_time: 0.0211 memory: 24646 loss: 0.9310 sim_loss_v2t: 0.4675 sim_loss_t2v: 0.4635 2023/07/31 23:01:33 - mmengine - INFO - Epoch(train) [12][ 300/1879] base_lr: 4.7724e-06 lr: 4.7724e-06 eta: 9:10:20 time: 0.4206 data_time: 0.0214 memory: 24646 loss: 0.9547 sim_loss_v2t: 0.4775 sim_loss_t2v: 0.4772 2023/07/31 23:01:46 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:02:15 - mmengine - INFO - Epoch(train) [12][ 400/1879] base_lr: 4.7685e-06 lr: 4.7685e-06 eta: 9:07:55 time: 0.4209 data_time: 0.0210 memory: 24646 loss: 0.9146 sim_loss_v2t: 0.4588 sim_loss_t2v: 0.4558 2023/07/31 23:02:58 - mmengine - INFO - Epoch(train) [12][ 500/1879] base_lr: 4.7646e-06 lr: 4.7646e-06 eta: 9:05:54 time: 0.4250 data_time: 0.0223 memory: 24646 loss: 0.9630 sim_loss_v2t: 0.4864 sim_loss_t2v: 0.4766 2023/07/31 23:03:40 - mmengine - INFO - Epoch(train) [12][ 600/1879] base_lr: 4.7607e-06 lr: 4.7607e-06 eta: 9:03:54 time: 0.4030 data_time: 0.0174 memory: 24646 loss: 0.9507 sim_loss_v2t: 0.4748 sim_loss_t2v: 0.4759 2023/07/31 23:04:22 - mmengine - INFO - Epoch(train) [12][ 700/1879] base_lr: 4.7567e-06 lr: 4.7567e-06 eta: 9:01:41 time: 0.4206 data_time: 0.0193 memory: 24646 loss: 0.9097 sim_loss_v2t: 0.4578 sim_loss_t2v: 0.4519 2023/07/31 23:05:06 - mmengine - INFO - Epoch(train) [12][ 800/1879] base_lr: 4.7527e-06 lr: 4.7527e-06 eta: 9:00:31 time: 0.4285 data_time: 0.0192 memory: 24646 loss: 0.8901 sim_loss_v2t: 0.4416 sim_loss_t2v: 0.4484 2023/07/31 23:05:49 - mmengine - INFO - Epoch(train) [12][ 900/1879] base_lr: 4.7486e-06 lr: 4.7486e-06 eta: 8:58:53 time: 0.4228 data_time: 0.0199 memory: 24646 loss: 0.9021 sim_loss_v2t: 0.4477 sim_loss_t2v: 0.4544 2023/07/31 23:06:31 - mmengine - INFO - Epoch(train) [12][1000/1879] base_lr: 4.7446e-06 lr: 4.7446e-06 eta: 8:57:02 time: 0.4162 data_time: 0.0204 memory: 24646 loss: 0.9398 sim_loss_v2t: 0.4714 sim_loss_t2v: 0.4684 2023/07/31 23:07:13 - mmengine - INFO - Epoch(train) [12][1100/1879] base_lr: 4.7405e-06 lr: 4.7405e-06 eta: 8:55:19 time: 0.4334 data_time: 0.0214 memory: 24646 loss: 0.9104 sim_loss_v2t: 0.4570 sim_loss_t2v: 0.4534 2023/07/31 23:07:56 - mmengine - INFO - Epoch(train) [12][1200/1879] base_lr: 4.7363e-06 lr: 4.7363e-06 eta: 8:53:54 time: 0.4209 data_time: 0.0160 memory: 24646 loss: 0.9383 sim_loss_v2t: 0.4680 sim_loss_t2v: 0.4703 2023/07/31 23:08:38 - mmengine - INFO - Epoch(train) [12][1300/1879] base_lr: 4.7321e-06 lr: 4.7321e-06 eta: 8:52:12 time: 0.4195 data_time: 0.0205 memory: 24646 loss: 0.9241 sim_loss_v2t: 0.4637 sim_loss_t2v: 0.4604 2023/07/31 23:08:51 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:09:20 - mmengine - INFO - Epoch(train) [12][1400/1879] base_lr: 4.7279e-06 lr: 4.7279e-06 eta: 8:50:44 time: 0.4248 data_time: 0.0195 memory: 24646 loss: 0.9093 sim_loss_v2t: 0.4613 sim_loss_t2v: 0.4480 2023/07/31 23:10:03 - mmengine - INFO - Epoch(train) [12][1500/1879] base_lr: 4.7237e-06 lr: 4.7237e-06 eta: 8:49:27 time: 0.4485 data_time: 0.0193 memory: 24646 loss: 0.9487 sim_loss_v2t: 0.4717 sim_loss_t2v: 0.4770 2023/07/31 23:10:45 - mmengine - INFO - Epoch(train) [12][1600/1879] base_lr: 4.7195e-06 lr: 4.7195e-06 eta: 8:48:09 time: 0.4369 data_time: 0.0207 memory: 24646 loss: 0.9728 sim_loss_v2t: 0.4886 sim_loss_t2v: 0.4842 2023/07/31 23:11:27 - mmengine - INFO - Epoch(train) [12][1700/1879] base_lr: 4.7152e-06 lr: 4.7152e-06 eta: 8:46:40 time: 0.4235 data_time: 0.0195 memory: 24646 loss: 0.9425 sim_loss_v2t: 0.4760 sim_loss_t2v: 0.4665 2023/07/31 23:12:09 - mmengine - INFO - Epoch(train) [12][1800/1879] base_lr: 4.7108e-06 lr: 4.7108e-06 eta: 8:45:11 time: 0.4194 data_time: 0.0196 memory: 24646 loss: 0.9490 sim_loss_v2t: 0.4780 sim_loss_t2v: 0.4711 2023/07/31 23:12:40 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:12:40 - mmengine - INFO - Epoch(train) [12][1879/1879] base_lr: 4.7074e-06 lr: 4.7074e-06 eta: 8:43:23 time: 0.3385 data_time: 0.0101 memory: 24646 loss: 0.9016 sim_loss_v2t: 0.4518 sim_loss_t2v: 0.4498 2023/07/31 23:12:40 - mmengine - INFO - Saving checkpoint at 12 epochs 2023/07/31 23:15:01 - mmengine - INFO - Epoch(val) [12][100/155] eta: 0:01:08 time: 1.2240 data_time: 0.0446 memory: 18720 2023/07/31 23:16:08 - mmengine - INFO - Epoch(val) [12][155/155] acc/top1: 0.7844 acc/top5: 0.9478 acc/mean1: 0.7843 data_time: 0.0559 time: 1.2355 2023/07/31 23:16:08 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_11.pth is removed 2023/07/31 23:16:16 - mmengine - INFO - The best checkpoint with 0.7844 acc/top1 at 12 epoch is saved to best_acc_top1_epoch_12.pth. 2023/07/31 23:17:13 - mmengine - INFO - Epoch(train) [13][ 100/1879] base_lr: 4.7030e-06 lr: 4.7030e-06 eta: 8:42:47 time: 0.4252 data_time: 0.0209 memory: 24646 loss: 0.8604 sim_loss_v2t: 0.4317 sim_loss_t2v: 0.4287 2023/07/31 23:17:55 - mmengine - INFO - Epoch(train) [13][ 200/1879] base_lr: 4.6986e-06 lr: 4.6986e-06 eta: 8:41:31 time: 0.4209 data_time: 0.0209 memory: 24646 loss: 0.9507 sim_loss_v2t: 0.4787 sim_loss_t2v: 0.4720 2023/07/31 23:18:37 - mmengine - INFO - Epoch(train) [13][ 300/1879] base_lr: 4.6942e-06 lr: 4.6942e-06 eta: 8:40:11 time: 0.4224 data_time: 0.0199 memory: 24646 loss: 0.9192 sim_loss_v2t: 0.4579 sim_loss_t2v: 0.4612 2023/07/31 23:19:19 - mmengine - INFO - Epoch(train) [13][ 400/1879] base_lr: 4.6897e-06 lr: 4.6897e-06 eta: 8:39:04 time: 0.4247 data_time: 0.0225 memory: 24646 loss: 0.8822 sim_loss_v2t: 0.4419 sim_loss_t2v: 0.4404 2023/07/31 23:19:41 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:20:04 - mmengine - INFO - Epoch(train) [13][ 500/1879] base_lr: 4.6852e-06 lr: 4.6852e-06 eta: 8:38:32 time: 0.5224 data_time: 0.0228 memory: 24646 loss: 0.9121 sim_loss_v2t: 0.4549 sim_loss_t2v: 0.4571 2023/07/31 23:20:45 - mmengine - INFO - Epoch(train) [13][ 600/1879] base_lr: 4.6807e-06 lr: 4.6807e-06 eta: 8:37:10 time: 0.4157 data_time: 0.0208 memory: 24646 loss: 0.9429 sim_loss_v2t: 0.4720 sim_loss_t2v: 0.4709 2023/07/31 23:21:28 - mmengine - INFO - Epoch(train) [13][ 700/1879] base_lr: 4.6761e-06 lr: 4.6761e-06 eta: 8:36:09 time: 0.4191 data_time: 0.0204 memory: 24646 loss: 0.9463 sim_loss_v2t: 0.4754 sim_loss_t2v: 0.4709 2023/07/31 23:22:17 - mmengine - INFO - Epoch(train) [13][ 800/1879] base_lr: 4.6716e-06 lr: 4.6716e-06 eta: 8:36:43 time: 0.4138 data_time: 0.0160 memory: 24646 loss: 0.8852 sim_loss_v2t: 0.4484 sim_loss_t2v: 0.4368 2023/07/31 23:23:00 - mmengine - INFO - Epoch(train) [13][ 900/1879] base_lr: 4.6669e-06 lr: 4.6669e-06 eta: 8:35:52 time: 0.4650 data_time: 0.0165 memory: 24646 loss: 0.8946 sim_loss_v2t: 0.4467 sim_loss_t2v: 0.4480 2023/07/31 23:23:43 - mmengine - INFO - Epoch(train) [13][1000/1879] base_lr: 4.6623e-06 lr: 4.6623e-06 eta: 8:34:45 time: 0.4277 data_time: 0.0257 memory: 24646 loss: 0.9263 sim_loss_v2t: 0.4611 sim_loss_t2v: 0.4652 2023/07/31 23:24:25 - mmengine - INFO - Epoch(train) [13][1100/1879] base_lr: 4.6576e-06 lr: 4.6576e-06 eta: 8:33:34 time: 0.4215 data_time: 0.0214 memory: 24646 loss: 0.9441 sim_loss_v2t: 0.4737 sim_loss_t2v: 0.4704 2023/07/31 23:25:07 - mmengine - INFO - Epoch(train) [13][1200/1879] base_lr: 4.6529e-06 lr: 4.6529e-06 eta: 8:32:25 time: 0.4313 data_time: 0.0219 memory: 24646 loss: 0.9739 sim_loss_v2t: 0.4849 sim_loss_t2v: 0.4890 2023/07/31 23:25:49 - mmengine - INFO - Epoch(train) [13][1300/1879] base_lr: 4.6482e-06 lr: 4.6482e-06 eta: 8:31:20 time: 0.4213 data_time: 0.0189 memory: 24646 loss: 0.9080 sim_loss_v2t: 0.4574 sim_loss_t2v: 0.4506 2023/07/31 23:26:31 - mmengine - INFO - Epoch(train) [13][1400/1879] base_lr: 4.6434e-06 lr: 4.6434e-06 eta: 8:30:14 time: 0.4257 data_time: 0.0230 memory: 24646 loss: 0.9310 sim_loss_v2t: 0.4676 sim_loss_t2v: 0.4634 2023/07/31 23:26:54 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:27:14 - mmengine - INFO - Epoch(train) [13][1500/1879] base_lr: 4.6386e-06 lr: 4.6386e-06 eta: 8:29:14 time: 0.4219 data_time: 0.0226 memory: 24646 loss: 0.9154 sim_loss_v2t: 0.4579 sim_loss_t2v: 0.4574 2023/07/31 23:27:56 - mmengine - INFO - Epoch(train) [13][1600/1879] base_lr: 4.6338e-06 lr: 4.6338e-06 eta: 8:28:14 time: 0.4184 data_time: 0.0198 memory: 24646 loss: 0.8709 sim_loss_v2t: 0.4339 sim_loss_t2v: 0.4370 2023/07/31 23:28:39 - mmengine - INFO - Epoch(train) [13][1700/1879] base_lr: 4.6289e-06 lr: 4.6289e-06 eta: 8:27:13 time: 0.4185 data_time: 0.0172 memory: 24646 loss: 0.9330 sim_loss_v2t: 0.4667 sim_loss_t2v: 0.4663 2023/07/31 23:29:21 - mmengine - INFO - Epoch(train) [13][1800/1879] base_lr: 4.6240e-06 lr: 4.6240e-06 eta: 8:26:09 time: 0.4117 data_time: 0.0194 memory: 24646 loss: 0.8780 sim_loss_v2t: 0.4366 sim_loss_t2v: 0.4415 2023/07/31 23:29:52 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:29:52 - mmengine - INFO - Epoch(train) [13][1879/1879] base_lr: 4.6202e-06 lr: 4.6202e-06 eta: 8:24:52 time: 0.3412 data_time: 0.0096 memory: 24646 loss: 0.9496 sim_loss_v2t: 0.4805 sim_loss_t2v: 0.4691 2023/07/31 23:29:52 - mmengine - INFO - Saving checkpoint at 13 epochs 2023/07/31 23:32:11 - mmengine - INFO - Epoch(val) [13][100/155] eta: 0:01:08 time: 1.2256 data_time: 0.0468 memory: 18720 2023/07/31 23:33:19 - mmengine - INFO - Epoch(val) [13][155/155] acc/top1: 0.7886 acc/top5: 0.9473 acc/mean1: 0.7886 data_time: 0.0502 time: 1.2282 2023/07/31 23:33:19 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_12.pth is removed 2023/07/31 23:33:27 - mmengine - INFO - The best checkpoint with 0.7886 acc/top1 at 13 epoch is saved to best_acc_top1_epoch_13.pth. 2023/07/31 23:34:24 - mmengine - INFO - Epoch(train) [14][ 100/1879] base_lr: 4.6152e-06 lr: 4.6152e-06 eta: 8:24:21 time: 0.4219 data_time: 0.0196 memory: 24646 loss: 0.8943 sim_loss_v2t: 0.4462 sim_loss_t2v: 0.4481 2023/07/31 23:35:06 - mmengine - INFO - Epoch(train) [14][ 200/1879] base_lr: 4.6103e-06 lr: 4.6103e-06 eta: 8:23:17 time: 0.4158 data_time: 0.0219 memory: 24646 loss: 0.9098 sim_loss_v2t: 0.4601 sim_loss_t2v: 0.4497 2023/07/31 23:35:48 - mmengine - INFO - Epoch(train) [14][ 300/1879] base_lr: 4.6053e-06 lr: 4.6053e-06 eta: 8:22:18 time: 0.4187 data_time: 0.0200 memory: 24646 loss: 0.9456 sim_loss_v2t: 0.4684 sim_loss_t2v: 0.4772 2023/07/31 23:36:30 - mmengine - INFO - Epoch(train) [14][ 400/1879] base_lr: 4.6002e-06 lr: 4.6002e-06 eta: 8:21:17 time: 0.4180 data_time: 0.0205 memory: 24646 loss: 0.9132 sim_loss_v2t: 0.4565 sim_loss_t2v: 0.4567 2023/07/31 23:37:13 - mmengine - INFO - Epoch(train) [14][ 500/1879] base_lr: 4.5952e-06 lr: 4.5952e-06 eta: 8:20:24 time: 0.4375 data_time: 0.0201 memory: 24646 loss: 0.9353 sim_loss_v2t: 0.4710 sim_loss_t2v: 0.4642 2023/07/31 23:37:43 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:37:55 - mmengine - INFO - Epoch(train) [14][ 600/1879] base_lr: 4.5901e-06 lr: 4.5901e-06 eta: 8:19:21 time: 0.4263 data_time: 0.0221 memory: 24646 loss: 0.9050 sim_loss_v2t: 0.4522 sim_loss_t2v: 0.4528 2023/07/31 23:38:37 - mmengine - INFO - Epoch(train) [14][ 700/1879] base_lr: 4.5850e-06 lr: 4.5850e-06 eta: 8:18:22 time: 0.4120 data_time: 0.0214 memory: 24646 loss: 0.8932 sim_loss_v2t: 0.4439 sim_loss_t2v: 0.4494 2023/07/31 23:39:19 - mmengine - INFO - Epoch(train) [14][ 800/1879] base_lr: 4.5799e-06 lr: 4.5799e-06 eta: 8:17:23 time: 0.4172 data_time: 0.0198 memory: 24646 loss: 0.8742 sim_loss_v2t: 0.4378 sim_loss_t2v: 0.4364 2023/07/31 23:40:01 - mmengine - INFO - Epoch(train) [14][ 900/1879] base_lr: 4.5747e-06 lr: 4.5747e-06 eta: 8:16:26 time: 0.4166 data_time: 0.0227 memory: 24646 loss: 0.9157 sim_loss_v2t: 0.4546 sim_loss_t2v: 0.4611 2023/07/31 23:40:43 - mmengine - INFO - Epoch(train) [14][1000/1879] base_lr: 4.5695e-06 lr: 4.5695e-06 eta: 8:15:32 time: 0.4199 data_time: 0.0238 memory: 24646 loss: 0.9041 sim_loss_v2t: 0.4549 sim_loss_t2v: 0.4492 2023/07/31 23:41:25 - mmengine - INFO - Epoch(train) [14][1100/1879] base_lr: 4.5643e-06 lr: 4.5643e-06 eta: 8:14:36 time: 0.4137 data_time: 0.0186 memory: 24646 loss: 0.9100 sim_loss_v2t: 0.4601 sim_loss_t2v: 0.4498 2023/07/31 23:42:07 - mmengine - INFO - Epoch(train) [14][1200/1879] base_lr: 4.5590e-06 lr: 4.5590e-06 eta: 8:13:38 time: 0.4175 data_time: 0.0202 memory: 24646 loss: 0.8849 sim_loss_v2t: 0.4469 sim_loss_t2v: 0.4380 2023/07/31 23:42:50 - mmengine - INFO - Epoch(train) [14][1300/1879] base_lr: 4.5537e-06 lr: 4.5537e-06 eta: 8:12:47 time: 0.4249 data_time: 0.0206 memory: 24646 loss: 0.9106 sim_loss_v2t: 0.4558 sim_loss_t2v: 0.4549 2023/07/31 23:43:32 - mmengine - INFO - Epoch(train) [14][1400/1879] base_lr: 4.5484e-06 lr: 4.5484e-06 eta: 8:11:53 time: 0.4155 data_time: 0.0208 memory: 24646 loss: 0.8697 sim_loss_v2t: 0.4339 sim_loss_t2v: 0.4358 2023/07/31 23:44:15 - mmengine - INFO - Epoch(train) [14][1500/1879] base_lr: 4.5431e-06 lr: 4.5431e-06 eta: 8:11:05 time: 0.4333 data_time: 0.0198 memory: 24646 loss: 0.8759 sim_loss_v2t: 0.4362 sim_loss_t2v: 0.4396 2023/07/31 23:44:46 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:44:57 - mmengine - INFO - Epoch(train) [14][1600/1879] base_lr: 4.5377e-06 lr: 4.5377e-06 eta: 8:10:12 time: 0.4184 data_time: 0.0201 memory: 24646 loss: 0.8925 sim_loss_v2t: 0.4448 sim_loss_t2v: 0.4476 2023/07/31 23:45:39 - mmengine - INFO - Epoch(train) [14][1700/1879] base_lr: 4.5323e-06 lr: 4.5323e-06 eta: 8:09:18 time: 0.4279 data_time: 0.0231 memory: 24646 loss: 0.9071 sim_loss_v2t: 0.4538 sim_loss_t2v: 0.4533 2023/07/31 23:46:22 - mmengine - INFO - Epoch(train) [14][1800/1879] base_lr: 4.5269e-06 lr: 4.5269e-06 eta: 8:08:24 time: 0.4238 data_time: 0.0215 memory: 24646 loss: 0.9047 sim_loss_v2t: 0.4515 sim_loss_t2v: 0.4532 2023/07/31 23:46:53 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:46:53 - mmengine - INFO - Epoch(train) [14][1879/1879] base_lr: 4.5226e-06 lr: 4.5226e-06 eta: 8:07:21 time: 0.3377 data_time: 0.0103 memory: 24646 loss: 0.8378 sim_loss_v2t: 0.4138 sim_loss_t2v: 0.4239 2023/07/31 23:46:53 - mmengine - INFO - Saving checkpoint at 14 epochs 2023/07/31 23:49:13 - mmengine - INFO - Epoch(val) [14][100/155] eta: 0:01:08 time: 1.2251 data_time: 0.0458 memory: 18720 2023/07/31 23:50:20 - mmengine - INFO - Epoch(val) [14][155/155] acc/top1: 0.7898 acc/top5: 0.9476 acc/mean1: 0.7897 data_time: 0.0507 time: 1.2300 2023/07/31 23:50:20 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_13.pth is removed 2023/07/31 23:50:28 - mmengine - INFO - The best checkpoint with 0.7898 acc/top1 at 14 epoch is saved to best_acc_top1_epoch_14.pth. 2023/07/31 23:51:25 - mmengine - INFO - Epoch(train) [15][ 100/1879] base_lr: 4.5171e-06 lr: 4.5171e-06 eta: 8:06:52 time: 0.4262 data_time: 0.0253 memory: 24646 loss: 0.8964 sim_loss_v2t: 0.4490 sim_loss_t2v: 0.4474 2023/07/31 23:52:08 - mmengine - INFO - Epoch(train) [15][ 200/1879] base_lr: 4.5116e-06 lr: 4.5116e-06 eta: 8:06:07 time: 0.4659 data_time: 0.0194 memory: 24646 loss: 0.8316 sim_loss_v2t: 0.4195 sim_loss_t2v: 0.4121 2023/07/31 23:52:50 - mmengine - INFO - Epoch(train) [15][ 300/1879] base_lr: 4.5061e-06 lr: 4.5061e-06 eta: 8:05:14 time: 0.4204 data_time: 0.0194 memory: 24646 loss: 0.8792 sim_loss_v2t: 0.4395 sim_loss_t2v: 0.4398 2023/07/31 23:53:33 - mmengine - INFO - Epoch(train) [15][ 400/1879] base_lr: 4.5005e-06 lr: 4.5005e-06 eta: 8:04:24 time: 0.4186 data_time: 0.0209 memory: 24646 loss: 0.8380 sim_loss_v2t: 0.4213 sim_loss_t2v: 0.4167 2023/07/31 23:54:16 - mmengine - INFO - Epoch(train) [15][ 500/1879] base_lr: 4.4950e-06 lr: 4.4950e-06 eta: 8:03:36 time: 0.4321 data_time: 0.0207 memory: 24646 loss: 0.8903 sim_loss_v2t: 0.4461 sim_loss_t2v: 0.4442 2023/07/31 23:54:58 - mmengine - INFO - Epoch(train) [15][ 600/1879] base_lr: 4.4893e-06 lr: 4.4893e-06 eta: 8:02:43 time: 0.4113 data_time: 0.0203 memory: 24646 loss: 0.8894 sim_loss_v2t: 0.4441 sim_loss_t2v: 0.4453 2023/07/31 23:55:37 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/07/31 23:55:40 - mmengine - INFO - Epoch(train) [15][ 700/1879] base_lr: 4.4837e-06 lr: 4.4837e-06 eta: 8:01:52 time: 0.4181 data_time: 0.0232 memory: 24646 loss: 0.8823 sim_loss_v2t: 0.4443 sim_loss_t2v: 0.4379 2023/07/31 23:56:22 - mmengine - INFO - Epoch(train) [15][ 800/1879] base_lr: 4.4780e-06 lr: 4.4780e-06 eta: 8:00:59 time: 0.4209 data_time: 0.0234 memory: 24646 loss: 0.8710 sim_loss_v2t: 0.4397 sim_loss_t2v: 0.4313 2023/07/31 23:57:04 - mmengine - INFO - Epoch(train) [15][ 900/1879] base_lr: 4.4723e-06 lr: 4.4723e-06 eta: 8:00:06 time: 0.4237 data_time: 0.0204 memory: 24646 loss: 0.8375 sim_loss_v2t: 0.4192 sim_loss_t2v: 0.4182 2023/07/31 23:57:46 - mmengine - INFO - Epoch(train) [15][1000/1879] base_lr: 4.4666e-06 lr: 4.4666e-06 eta: 7:59:14 time: 0.4201 data_time: 0.0211 memory: 24646 loss: 0.8888 sim_loss_v2t: 0.4438 sim_loss_t2v: 0.4450 2023/07/31 23:58:28 - mmengine - INFO - Epoch(train) [15][1100/1879] base_lr: 4.4609e-06 lr: 4.4609e-06 eta: 7:58:20 time: 0.4191 data_time: 0.0222 memory: 24646 loss: 0.8629 sim_loss_v2t: 0.4341 sim_loss_t2v: 0.4288 2023/07/31 23:59:10 - mmengine - INFO - Epoch(train) [15][1200/1879] base_lr: 4.4551e-06 lr: 4.4551e-06 eta: 7:57:30 time: 0.4227 data_time: 0.0201 memory: 24646 loss: 0.8765 sim_loss_v2t: 0.4350 sim_loss_t2v: 0.4415 2023/07/31 23:59:52 - mmengine - INFO - Epoch(train) [15][1300/1879] base_lr: 4.4493e-06 lr: 4.4493e-06 eta: 7:56:40 time: 0.4223 data_time: 0.0197 memory: 24646 loss: 0.8808 sim_loss_v2t: 0.4448 sim_loss_t2v: 0.4359 2023/08/01 00:00:34 - mmengine - INFO - Epoch(train) [15][1400/1879] base_lr: 4.4435e-06 lr: 4.4435e-06 eta: 7:55:51 time: 0.4361 data_time: 0.0180 memory: 24646 loss: 0.9258 sim_loss_v2t: 0.4623 sim_loss_t2v: 0.4634 2023/08/01 00:01:17 - mmengine - INFO - Epoch(train) [15][1500/1879] base_lr: 4.4376e-06 lr: 4.4376e-06 eta: 7:55:01 time: 0.4154 data_time: 0.0223 memory: 24646 loss: 0.9112 sim_loss_v2t: 0.4524 sim_loss_t2v: 0.4588 2023/08/01 00:01:59 - mmengine - INFO - Epoch(train) [15][1600/1879] base_lr: 4.4317e-06 lr: 4.4317e-06 eta: 7:54:11 time: 0.4293 data_time: 0.0212 memory: 24646 loss: 0.8891 sim_loss_v2t: 0.4445 sim_loss_t2v: 0.4446 2023/08/01 00:02:38 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:02:41 - mmengine - INFO - Epoch(train) [15][1700/1879] base_lr: 4.4258e-06 lr: 4.4258e-06 eta: 7:53:22 time: 0.4315 data_time: 0.0200 memory: 24646 loss: 0.8790 sim_loss_v2t: 0.4391 sim_loss_t2v: 0.4399 2023/08/01 00:03:23 - mmengine - INFO - Epoch(train) [15][1800/1879] base_lr: 4.4199e-06 lr: 4.4199e-06 eta: 7:52:33 time: 0.4170 data_time: 0.0158 memory: 24646 loss: 0.8644 sim_loss_v2t: 0.4334 sim_loss_t2v: 0.4310 2023/08/01 00:03:54 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:03:54 - mmengine - INFO - Epoch(train) [15][1879/1879] base_lr: 4.4152e-06 lr: 4.4152e-06 eta: 7:51:38 time: 0.3413 data_time: 0.0084 memory: 24646 loss: 0.8900 sim_loss_v2t: 0.4466 sim_loss_t2v: 0.4435 2023/08/01 00:03:54 - mmengine - INFO - Saving checkpoint at 15 epochs 2023/08/01 00:06:16 - mmengine - INFO - Epoch(val) [15][100/155] eta: 0:01:08 time: 1.2280 data_time: 0.0483 memory: 18720 2023/08/01 00:07:23 - mmengine - INFO - Epoch(val) [15][155/155] acc/top1: 0.7895 acc/top5: 0.9495 acc/mean1: 0.7895 data_time: 0.0499 time: 1.2282 2023/08/01 00:08:18 - mmengine - INFO - Epoch(train) [16][ 100/1879] base_lr: 4.4092e-06 lr: 4.4092e-06 eta: 7:52:14 time: 0.4120 data_time: 0.0217 memory: 24646 loss: 0.8603 sim_loss_v2t: 0.4294 sim_loss_t2v: 0.4310 2023/08/01 00:09:00 - mmengine - INFO - Epoch(train) [16][ 200/1879] base_lr: 4.4032e-06 lr: 4.4032e-06 eta: 7:51:24 time: 0.4150 data_time: 0.0199 memory: 24646 loss: 0.9046 sim_loss_v2t: 0.4499 sim_loss_t2v: 0.4547 2023/08/01 00:09:43 - mmengine - INFO - Epoch(train) [16][ 300/1879] base_lr: 4.3971e-06 lr: 4.3971e-06 eta: 7:50:38 time: 0.4499 data_time: 0.0210 memory: 24646 loss: 0.8181 sim_loss_v2t: 0.4085 sim_loss_t2v: 0.4096 2023/08/01 00:10:25 - mmengine - INFO - Epoch(train) [16][ 400/1879] base_lr: 4.3911e-06 lr: 4.3911e-06 eta: 7:49:47 time: 0.4262 data_time: 0.0229 memory: 24646 loss: 0.9056 sim_loss_v2t: 0.4561 sim_loss_t2v: 0.4495 2023/08/01 00:11:07 - mmengine - INFO - Epoch(train) [16][ 500/1879] base_lr: 4.3850e-06 lr: 4.3850e-06 eta: 7:48:57 time: 0.4218 data_time: 0.0208 memory: 24646 loss: 0.8512 sim_loss_v2t: 0.4261 sim_loss_t2v: 0.4251 2023/08/01 00:11:49 - mmengine - INFO - Epoch(train) [16][ 600/1879] base_lr: 4.3789e-06 lr: 4.3789e-06 eta: 7:48:07 time: 0.4136 data_time: 0.0214 memory: 24646 loss: 0.8738 sim_loss_v2t: 0.4367 sim_loss_t2v: 0.4371 2023/08/01 00:12:31 - mmengine - INFO - Epoch(train) [16][ 700/1879] base_lr: 4.3727e-06 lr: 4.3727e-06 eta: 7:47:19 time: 0.4254 data_time: 0.0219 memory: 24646 loss: 0.8521 sim_loss_v2t: 0.4258 sim_loss_t2v: 0.4263 2023/08/01 00:13:14 - mmengine - INFO - Epoch(train) [16][ 800/1879] base_lr: 4.3666e-06 lr: 4.3666e-06 eta: 7:46:33 time: 0.4315 data_time: 0.0204 memory: 24646 loss: 0.8702 sim_loss_v2t: 0.4357 sim_loss_t2v: 0.4346 2023/08/01 00:13:20 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:13:57 - mmengine - INFO - Epoch(train) [16][ 900/1879] base_lr: 4.3604e-06 lr: 4.3604e-06 eta: 7:45:53 time: 0.4090 data_time: 0.0191 memory: 24646 loss: 0.8543 sim_loss_v2t: 0.4265 sim_loss_t2v: 0.4278 2023/08/01 00:14:40 - mmengine - INFO - Epoch(train) [16][1000/1879] base_lr: 4.3542e-06 lr: 4.3542e-06 eta: 7:45:06 time: 0.4140 data_time: 0.0201 memory: 24646 loss: 0.8628 sim_loss_v2t: 0.4428 sim_loss_t2v: 0.4200 2023/08/01 00:15:22 - mmengine - INFO - Epoch(train) [16][1100/1879] base_lr: 4.3479e-06 lr: 4.3479e-06 eta: 7:44:18 time: 0.4277 data_time: 0.0179 memory: 24646 loss: 0.8706 sim_loss_v2t: 0.4345 sim_loss_t2v: 0.4361 2023/08/01 00:16:04 - mmengine - INFO - Epoch(train) [16][1200/1879] base_lr: 4.3416e-06 lr: 4.3416e-06 eta: 7:43:30 time: 0.4277 data_time: 0.0201 memory: 24646 loss: 0.8930 sim_loss_v2t: 0.4478 sim_loss_t2v: 0.4452 2023/08/01 00:16:47 - mmengine - INFO - Epoch(train) [16][1300/1879] base_lr: 4.3354e-06 lr: 4.3354e-06 eta: 7:42:42 time: 0.4122 data_time: 0.0202 memory: 24646 loss: 0.8579 sim_loss_v2t: 0.4307 sim_loss_t2v: 0.4272 2023/08/01 00:17:31 - mmengine - INFO - Epoch(train) [16][1400/1879] base_lr: 4.3290e-06 lr: 4.3290e-06 eta: 7:42:03 time: 0.4241 data_time: 0.0191 memory: 24646 loss: 0.8293 sim_loss_v2t: 0.4170 sim_loss_t2v: 0.4123 2023/08/01 00:18:13 - mmengine - INFO - Epoch(train) [16][1500/1879] base_lr: 4.3227e-06 lr: 4.3227e-06 eta: 7:41:14 time: 0.4167 data_time: 0.0214 memory: 24646 loss: 0.8344 sim_loss_v2t: 0.4177 sim_loss_t2v: 0.4167 2023/08/01 00:18:55 - mmengine - INFO - Epoch(train) [16][1600/1879] base_lr: 4.3163e-06 lr: 4.3163e-06 eta: 7:40:27 time: 0.4319 data_time: 0.0190 memory: 24646 loss: 0.8657 sim_loss_v2t: 0.4306 sim_loss_t2v: 0.4351 2023/08/01 00:19:37 - mmengine - INFO - Epoch(train) [16][1700/1879] base_lr: 4.3099e-06 lr: 4.3099e-06 eta: 7:39:39 time: 0.4224 data_time: 0.0193 memory: 24646 loss: 0.8741 sim_loss_v2t: 0.4393 sim_loss_t2v: 0.4348 2023/08/01 00:20:19 - mmengine - INFO - Epoch(train) [16][1800/1879] base_lr: 4.3035e-06 lr: 4.3035e-06 eta: 7:38:50 time: 0.4243 data_time: 0.0234 memory: 24646 loss: 0.8898 sim_loss_v2t: 0.4409 sim_loss_t2v: 0.4489 2023/08/01 00:20:25 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:20:55 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:20:55 - mmengine - INFO - Epoch(train) [16][1879/1879] base_lr: 4.2984e-06 lr: 4.2984e-06 eta: 7:38:26 time: 0.3389 data_time: 0.0105 memory: 24646 loss: 0.8352 sim_loss_v2t: 0.4246 sim_loss_t2v: 0.4106 2023/08/01 00:20:55 - mmengine - INFO - Saving checkpoint at 16 epochs 2023/08/01 00:23:15 - mmengine - INFO - Epoch(val) [16][100/155] eta: 0:01:08 time: 1.2240 data_time: 0.0457 memory: 18720 2023/08/01 00:24:23 - mmengine - INFO - Epoch(val) [16][155/155] acc/top1: 0.7907 acc/top5: 0.9503 acc/mean1: 0.7906 data_time: 0.0502 time: 1.2298 2023/08/01 00:24:23 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_14.pth is removed 2023/08/01 00:24:30 - mmengine - INFO - The best checkpoint with 0.7907 acc/top1 at 16 epoch is saved to best_acc_top1_epoch_16.pth. 2023/08/01 00:25:27 - mmengine - INFO - Epoch(train) [17][ 100/1879] base_lr: 4.2919e-06 lr: 4.2919e-06 eta: 7:37:51 time: 0.4194 data_time: 0.0200 memory: 24646 loss: 0.8367 sim_loss_v2t: 0.4171 sim_loss_t2v: 0.4196 2023/08/01 00:26:10 - mmengine - INFO - Epoch(train) [17][ 200/1879] base_lr: 4.2855e-06 lr: 4.2855e-06 eta: 7:37:07 time: 0.4357 data_time: 0.0387 memory: 24646 loss: 0.8154 sim_loss_v2t: 0.4068 sim_loss_t2v: 0.4085 2023/08/01 00:26:52 - mmengine - INFO - Epoch(train) [17][ 300/1879] base_lr: 4.2789e-06 lr: 4.2789e-06 eta: 7:36:19 time: 0.4199 data_time: 0.0218 memory: 24646 loss: 0.8593 sim_loss_v2t: 0.4323 sim_loss_t2v: 0.4271 2023/08/01 00:27:34 - mmengine - INFO - Epoch(train) [17][ 400/1879] base_lr: 4.2724e-06 lr: 4.2724e-06 eta: 7:35:30 time: 0.4147 data_time: 0.0175 memory: 24646 loss: 0.8090 sim_loss_v2t: 0.4061 sim_loss_t2v: 0.4030 2023/08/01 00:28:17 - mmengine - INFO - Epoch(train) [17][ 500/1879] base_lr: 4.2658e-06 lr: 4.2658e-06 eta: 7:34:44 time: 0.4252 data_time: 0.0200 memory: 24646 loss: 0.8170 sim_loss_v2t: 0.4136 sim_loss_t2v: 0.4033 2023/08/01 00:28:59 - mmengine - INFO - Epoch(train) [17][ 600/1879] base_lr: 4.2593e-06 lr: 4.2593e-06 eta: 7:33:56 time: 0.4298 data_time: 0.0207 memory: 24646 loss: 0.8231 sim_loss_v2t: 0.4117 sim_loss_t2v: 0.4114 2023/08/01 00:29:41 - mmengine - INFO - Epoch(train) [17][ 700/1879] base_lr: 4.2526e-06 lr: 4.2526e-06 eta: 7:33:06 time: 0.4219 data_time: 0.0213 memory: 24646 loss: 0.8542 sim_loss_v2t: 0.4277 sim_loss_t2v: 0.4265 2023/08/01 00:30:23 - mmengine - INFO - Epoch(train) [17][ 800/1879] base_lr: 4.2460e-06 lr: 4.2460e-06 eta: 7:32:18 time: 0.4191 data_time: 0.0193 memory: 24646 loss: 0.8183 sim_loss_v2t: 0.4135 sim_loss_t2v: 0.4048 2023/08/01 00:31:05 - mmengine - INFO - Epoch(train) [17][ 900/1879] base_lr: 4.2394e-06 lr: 4.2394e-06 eta: 7:31:31 time: 0.4242 data_time: 0.0237 memory: 24646 loss: 0.8371 sim_loss_v2t: 0.4157 sim_loss_t2v: 0.4214 2023/08/01 00:31:21 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:31:51 - mmengine - INFO - Epoch(train) [17][1000/1879] base_lr: 4.2327e-06 lr: 4.2327e-06 eta: 7:31:04 time: 0.6254 data_time: 0.0194 memory: 24646 loss: 0.8608 sim_loss_v2t: 0.4305 sim_loss_t2v: 0.4303 2023/08/01 00:32:33 - mmengine - INFO - Epoch(train) [17][1100/1879] base_lr: 4.2260e-06 lr: 4.2260e-06 eta: 7:30:15 time: 0.4270 data_time: 0.0205 memory: 24646 loss: 0.8606 sim_loss_v2t: 0.4313 sim_loss_t2v: 0.4293 2023/08/01 00:33:15 - mmengine - INFO - Epoch(train) [17][1200/1879] base_lr: 4.2192e-06 lr: 4.2192e-06 eta: 7:29:26 time: 0.4192 data_time: 0.0214 memory: 24646 loss: 0.8426 sim_loss_v2t: 0.4242 sim_loss_t2v: 0.4184 2023/08/01 00:33:58 - mmengine - INFO - Epoch(train) [17][1300/1879] base_lr: 4.2125e-06 lr: 4.2125e-06 eta: 7:28:44 time: 0.4267 data_time: 0.0225 memory: 24646 loss: 0.8524 sim_loss_v2t: 0.4255 sim_loss_t2v: 0.4269 2023/08/01 00:34:40 - mmengine - INFO - Epoch(train) [17][1400/1879] base_lr: 4.2057e-06 lr: 4.2057e-06 eta: 7:27:56 time: 0.4327 data_time: 0.0199 memory: 24646 loss: 0.8628 sim_loss_v2t: 0.4307 sim_loss_t2v: 0.4321 2023/08/01 00:35:23 - mmengine - INFO - Epoch(train) [17][1500/1879] base_lr: 4.1989e-06 lr: 4.1989e-06 eta: 7:27:09 time: 0.4299 data_time: 0.0186 memory: 24646 loss: 0.8577 sim_loss_v2t: 0.4301 sim_loss_t2v: 0.4277 2023/08/01 00:36:05 - mmengine - INFO - Epoch(train) [17][1600/1879] base_lr: 4.1921e-06 lr: 4.1921e-06 eta: 7:26:21 time: 0.4123 data_time: 0.0212 memory: 24646 loss: 0.8601 sim_loss_v2t: 0.4332 sim_loss_t2v: 0.4269 2023/08/01 00:36:47 - mmengine - INFO - Epoch(train) [17][1700/1879] base_lr: 4.1852e-06 lr: 4.1852e-06 eta: 7:25:33 time: 0.4248 data_time: 0.0229 memory: 24646 loss: 0.8283 sim_loss_v2t: 0.4135 sim_loss_t2v: 0.4149 2023/08/01 00:37:29 - mmengine - INFO - Epoch(train) [17][1800/1879] base_lr: 4.1783e-06 lr: 4.1783e-06 eta: 7:24:46 time: 0.4169 data_time: 0.0205 memory: 24646 loss: 0.8537 sim_loss_v2t: 0.4293 sim_loss_t2v: 0.4244 2023/08/01 00:38:00 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:38:00 - mmengine - INFO - Epoch(train) [17][1879/1879] base_lr: 4.1729e-06 lr: 4.1729e-06 eta: 7:23:59 time: 0.3406 data_time: 0.0108 memory: 24646 loss: 0.8337 sim_loss_v2t: 0.4232 sim_loss_t2v: 0.4105 2023/08/01 00:38:00 - mmengine - INFO - Saving checkpoint at 17 epochs 2023/08/01 00:40:20 - mmengine - INFO - Epoch(val) [17][100/155] eta: 0:01:08 time: 1.2231 data_time: 0.0441 memory: 18720 2023/08/01 00:41:28 - mmengine - INFO - Epoch(val) [17][155/155] acc/top1: 0.7924 acc/top5: 0.9508 acc/mean1: 0.7923 data_time: 0.0504 time: 1.2300 2023/08/01 00:41:28 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_16.pth is removed 2023/08/01 00:41:35 - mmengine - INFO - The best checkpoint with 0.7924 acc/top1 at 17 epoch is saved to best_acc_top1_epoch_17.pth. 2023/08/01 00:42:15 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:42:33 - mmengine - INFO - Epoch(train) [18][ 100/1879] base_lr: 4.1660e-06 lr: 4.1660e-06 eta: 7:23:28 time: 0.4490 data_time: 0.0230 memory: 24646 loss: 0.7775 sim_loss_v2t: 0.3901 sim_loss_t2v: 0.3874 2023/08/01 00:43:16 - mmengine - INFO - Epoch(train) [18][ 200/1879] base_lr: 4.1590e-06 lr: 4.1590e-06 eta: 7:22:41 time: 0.4238 data_time: 0.0194 memory: 24646 loss: 0.7855 sim_loss_v2t: 0.3943 sim_loss_t2v: 0.3912 2023/08/01 00:43:58 - mmengine - INFO - Epoch(train) [18][ 300/1879] base_lr: 4.1521e-06 lr: 4.1521e-06 eta: 7:21:55 time: 0.4233 data_time: 0.0229 memory: 24646 loss: 0.8272 sim_loss_v2t: 0.4165 sim_loss_t2v: 0.4108 2023/08/01 00:44:40 - mmengine - INFO - Epoch(train) [18][ 400/1879] base_lr: 4.1451e-06 lr: 4.1451e-06 eta: 7:21:09 time: 0.4154 data_time: 0.0206 memory: 24646 loss: 0.8453 sim_loss_v2t: 0.4235 sim_loss_t2v: 0.4218 2023/08/01 00:45:23 - mmengine - INFO - Epoch(train) [18][ 500/1879] base_lr: 4.1381e-06 lr: 4.1381e-06 eta: 7:20:24 time: 0.4314 data_time: 0.0186 memory: 24646 loss: 0.8249 sim_loss_v2t: 0.4082 sim_loss_t2v: 0.4166 2023/08/01 00:46:07 - mmengine - INFO - Epoch(train) [18][ 600/1879] base_lr: 4.1311e-06 lr: 4.1311e-06 eta: 7:19:47 time: 0.5283 data_time: 0.0197 memory: 24646 loss: 0.8067 sim_loss_v2t: 0.4030 sim_loss_t2v: 0.4037 2023/08/01 00:46:49 - mmengine - INFO - Epoch(train) [18][ 700/1879] base_lr: 4.1240e-06 lr: 4.1240e-06 eta: 7:18:57 time: 0.4232 data_time: 0.0211 memory: 24646 loss: 0.8960 sim_loss_v2t: 0.4480 sim_loss_t2v: 0.4480 2023/08/01 00:47:31 - mmengine - INFO - Epoch(train) [18][ 800/1879] base_lr: 4.1169e-06 lr: 4.1169e-06 eta: 7:18:11 time: 0.4204 data_time: 0.0243 memory: 24646 loss: 0.8080 sim_loss_v2t: 0.4036 sim_loss_t2v: 0.4044 2023/08/01 00:48:13 - mmengine - INFO - Epoch(train) [18][ 900/1879] base_lr: 4.1098e-06 lr: 4.1098e-06 eta: 7:17:24 time: 0.4221 data_time: 0.0190 memory: 24646 loss: 0.8537 sim_loss_v2t: 0.4263 sim_loss_t2v: 0.4273 2023/08/01 00:48:55 - mmengine - INFO - Epoch(train) [18][1000/1879] base_lr: 4.1027e-06 lr: 4.1027e-06 eta: 7:16:37 time: 0.4160 data_time: 0.0207 memory: 24646 loss: 0.8577 sim_loss_v2t: 0.4287 sim_loss_t2v: 0.4290 2023/08/01 00:49:20 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:49:38 - mmengine - INFO - Epoch(train) [18][1100/1879] base_lr: 4.0956e-06 lr: 4.0956e-06 eta: 7:15:54 time: 0.4315 data_time: 0.0201 memory: 24646 loss: 0.7982 sim_loss_v2t: 0.4010 sim_loss_t2v: 0.3972 2023/08/01 00:50:20 - mmengine - INFO - Epoch(train) [18][1200/1879] base_lr: 4.0884e-06 lr: 4.0884e-06 eta: 7:15:09 time: 0.4239 data_time: 0.0192 memory: 24646 loss: 0.8574 sim_loss_v2t: 0.4320 sim_loss_t2v: 0.4254 2023/08/01 00:51:03 - mmengine - INFO - Epoch(train) [18][1300/1879] base_lr: 4.0812e-06 lr: 4.0812e-06 eta: 7:14:23 time: 0.4213 data_time: 0.0194 memory: 24646 loss: 0.8534 sim_loss_v2t: 0.4264 sim_loss_t2v: 0.4270 2023/08/01 00:51:45 - mmengine - INFO - Epoch(train) [18][1400/1879] base_lr: 4.0740e-06 lr: 4.0740e-06 eta: 7:13:37 time: 0.4318 data_time: 0.0190 memory: 24646 loss: 0.8010 sim_loss_v2t: 0.4055 sim_loss_t2v: 0.3955 2023/08/01 00:52:27 - mmengine - INFO - Epoch(train) [18][1500/1879] base_lr: 4.0668e-06 lr: 4.0668e-06 eta: 7:12:51 time: 0.4200 data_time: 0.0207 memory: 24646 loss: 0.8477 sim_loss_v2t: 0.4247 sim_loss_t2v: 0.4230 2023/08/01 00:53:09 - mmengine - INFO - Epoch(train) [18][1600/1879] base_lr: 4.0596e-06 lr: 4.0596e-06 eta: 7:12:04 time: 0.4129 data_time: 0.0204 memory: 24646 loss: 0.8275 sim_loss_v2t: 0.4133 sim_loss_t2v: 0.4142 2023/08/01 00:53:51 - mmengine - INFO - Epoch(train) [18][1700/1879] base_lr: 4.0523e-06 lr: 4.0523e-06 eta: 7:11:18 time: 0.4278 data_time: 0.0239 memory: 24646 loss: 0.8397 sim_loss_v2t: 0.4190 sim_loss_t2v: 0.4206 2023/08/01 00:54:34 - mmengine - INFO - Epoch(train) [18][1800/1879] base_lr: 4.0450e-06 lr: 4.0450e-06 eta: 7:10:33 time: 0.4272 data_time: 0.0232 memory: 24646 loss: 0.8030 sim_loss_v2t: 0.3994 sim_loss_t2v: 0.4036 2023/08/01 00:55:05 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 00:55:05 - mmengine - INFO - Epoch(train) [18][1879/1879] base_lr: 4.0392e-06 lr: 4.0392e-06 eta: 7:09:48 time: 0.3385 data_time: 0.0110 memory: 24646 loss: 0.7907 sim_loss_v2t: 0.3953 sim_loss_t2v: 0.3954 2023/08/01 00:55:05 - mmengine - INFO - Saving checkpoint at 18 epochs 2023/08/01 00:57:25 - mmengine - INFO - Epoch(val) [18][100/155] eta: 0:01:08 time: 1.2179 data_time: 0.0382 memory: 18720 2023/08/01 00:58:33 - mmengine - INFO - Epoch(val) [18][155/155] acc/top1: 0.7935 acc/top5: 0.9493 acc/mean1: 0.7934 data_time: 0.0498 time: 1.2297 2023/08/01 00:58:33 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_17.pth is removed 2023/08/01 00:58:39 - mmengine - INFO - The best checkpoint with 0.7935 acc/top1 at 18 epoch is saved to best_acc_top1_epoch_18.pth. 2023/08/01 00:59:38 - mmengine - INFO - Epoch(train) [19][ 100/1879] base_lr: 4.0319e-06 lr: 4.0319e-06 eta: 7:09:16 time: 0.4289 data_time: 0.0212 memory: 24646 loss: 0.8513 sim_loss_v2t: 0.4252 sim_loss_t2v: 0.4261 2023/08/01 01:00:11 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:00:21 - mmengine - INFO - Epoch(train) [19][ 200/1879] base_lr: 4.0245e-06 lr: 4.0245e-06 eta: 7:08:35 time: 0.4600 data_time: 0.0176 memory: 24646 loss: 0.7572 sim_loss_v2t: 0.3742 sim_loss_t2v: 0.3830 2023/08/01 01:01:03 - mmengine - INFO - Epoch(train) [19][ 300/1879] base_lr: 4.0172e-06 lr: 4.0172e-06 eta: 7:07:49 time: 0.4224 data_time: 0.0219 memory: 24646 loss: 0.8257 sim_loss_v2t: 0.4129 sim_loss_t2v: 0.4128 2023/08/01 01:01:46 - mmengine - INFO - Epoch(train) [19][ 400/1879] base_lr: 4.0098e-06 lr: 4.0098e-06 eta: 7:07:04 time: 0.4215 data_time: 0.0199 memory: 24646 loss: 0.8260 sim_loss_v2t: 0.4131 sim_loss_t2v: 0.4129 2023/08/01 01:02:28 - mmengine - INFO - Epoch(train) [19][ 500/1879] base_lr: 4.0024e-06 lr: 4.0024e-06 eta: 7:06:17 time: 0.4212 data_time: 0.0256 memory: 24646 loss: 0.7971 sim_loss_v2t: 0.3973 sim_loss_t2v: 0.3998 2023/08/01 01:03:10 - mmengine - INFO - Epoch(train) [19][ 600/1879] base_lr: 3.9949e-06 lr: 3.9949e-06 eta: 7:05:32 time: 0.4371 data_time: 0.0193 memory: 24646 loss: 0.8147 sim_loss_v2t: 0.4158 sim_loss_t2v: 0.3989 2023/08/01 01:03:52 - mmengine - INFO - Epoch(train) [19][ 700/1879] base_lr: 3.9875e-06 lr: 3.9875e-06 eta: 7:04:46 time: 0.4174 data_time: 0.0213 memory: 24646 loss: 0.8489 sim_loss_v2t: 0.4269 sim_loss_t2v: 0.4220 2023/08/01 01:04:39 - mmengine - INFO - Epoch(train) [19][ 800/1879] base_lr: 3.9800e-06 lr: 3.9800e-06 eta: 7:04:17 time: 0.4154 data_time: 0.0192 memory: 24646 loss: 0.8093 sim_loss_v2t: 0.4035 sim_loss_t2v: 0.4058 2023/08/01 01:05:23 - mmengine - INFO - Epoch(train) [19][ 900/1879] base_lr: 3.9725e-06 lr: 3.9725e-06 eta: 7:03:38 time: 0.4197 data_time: 0.0236 memory: 24646 loss: 0.8477 sim_loss_v2t: 0.4233 sim_loss_t2v: 0.4243 2023/08/01 01:06:05 - mmengine - INFO - Epoch(train) [19][1000/1879] base_lr: 3.9650e-06 lr: 3.9650e-06 eta: 7:02:52 time: 0.4292 data_time: 0.0230 memory: 24646 loss: 0.8349 sim_loss_v2t: 0.4156 sim_loss_t2v: 0.4193 2023/08/01 01:06:47 - mmengine - INFO - Epoch(train) [19][1100/1879] base_lr: 3.9575e-06 lr: 3.9575e-06 eta: 7:02:07 time: 0.4311 data_time: 0.0222 memory: 24646 loss: 0.7963 sim_loss_v2t: 0.4000 sim_loss_t2v: 0.3963 2023/08/01 01:07:20 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:07:29 - mmengine - INFO - Epoch(train) [19][1200/1879] base_lr: 3.9499e-06 lr: 3.9499e-06 eta: 7:01:21 time: 0.4164 data_time: 0.0184 memory: 24646 loss: 0.8340 sim_loss_v2t: 0.4139 sim_loss_t2v: 0.4202 2023/08/01 01:08:12 - mmengine - INFO - Epoch(train) [19][1300/1879] base_lr: 3.9423e-06 lr: 3.9423e-06 eta: 7:00:39 time: 0.4244 data_time: 0.0191 memory: 24646 loss: 0.8353 sim_loss_v2t: 0.4210 sim_loss_t2v: 0.4143 2023/08/01 01:08:55 - mmengine - INFO - Epoch(train) [19][1400/1879] base_lr: 3.9347e-06 lr: 3.9347e-06 eta: 6:59:53 time: 0.4212 data_time: 0.0215 memory: 24646 loss: 0.7790 sim_loss_v2t: 0.3914 sim_loss_t2v: 0.3877 2023/08/01 01:09:37 - mmengine - INFO - Epoch(train) [19][1500/1879] base_lr: 3.9271e-06 lr: 3.9271e-06 eta: 6:59:08 time: 0.4190 data_time: 0.0204 memory: 24646 loss: 0.7553 sim_loss_v2t: 0.3765 sim_loss_t2v: 0.3788 2023/08/01 01:10:19 - mmengine - INFO - Epoch(train) [19][1600/1879] base_lr: 3.9195e-06 lr: 3.9195e-06 eta: 6:58:22 time: 0.4180 data_time: 0.0207 memory: 24646 loss: 0.7609 sim_loss_v2t: 0.3830 sim_loss_t2v: 0.3778 2023/08/01 01:11:01 - mmengine - INFO - Epoch(train) [19][1700/1879] base_lr: 3.9118e-06 lr: 3.9118e-06 eta: 6:57:36 time: 0.4177 data_time: 0.0203 memory: 24646 loss: 0.8166 sim_loss_v2t: 0.4086 sim_loss_t2v: 0.4080 2023/08/01 01:11:43 - mmengine - INFO - Epoch(train) [19][1800/1879] base_lr: 3.9041e-06 lr: 3.9041e-06 eta: 6:56:52 time: 0.4389 data_time: 0.0193 memory: 24646 loss: 0.8562 sim_loss_v2t: 0.4277 sim_loss_t2v: 0.4285 2023/08/01 01:12:14 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:12:14 - mmengine - INFO - Epoch(train) [19][1879/1879] base_lr: 3.8981e-06 lr: 3.8981e-06 eta: 6:56:07 time: 0.3422 data_time: 0.0095 memory: 24646 loss: 0.8552 sim_loss_v2t: 0.4299 sim_loss_t2v: 0.4253 2023/08/01 01:12:14 - mmengine - INFO - Saving checkpoint at 19 epochs 2023/08/01 01:14:33 - mmengine - INFO - Epoch(val) [19][100/155] eta: 0:01:08 time: 1.2193 data_time: 0.0403 memory: 18720 2023/08/01 01:15:41 - mmengine - INFO - Epoch(val) [19][155/155] acc/top1: 0.7969 acc/top5: 0.9489 acc/mean1: 0.7969 data_time: 0.0510 time: 1.2304 2023/08/01 01:15:41 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_18.pth is removed 2023/08/01 01:15:48 - mmengine - INFO - The best checkpoint with 0.7969 acc/top1 at 19 epoch is saved to best_acc_top1_epoch_19.pth. 2023/08/01 01:16:46 - mmengine - INFO - Epoch(train) [20][ 100/1879] base_lr: 3.8903e-06 lr: 3.8903e-06 eta: 6:55:31 time: 0.4205 data_time: 0.0224 memory: 24646 loss: 0.7977 sim_loss_v2t: 0.4024 sim_loss_t2v: 0.3953 2023/08/01 01:17:28 - mmengine - INFO - Epoch(train) [20][ 200/1879] base_lr: 3.8826e-06 lr: 3.8826e-06 eta: 6:54:47 time: 0.4194 data_time: 0.0219 memory: 24646 loss: 0.8284 sim_loss_v2t: 0.4128 sim_loss_t2v: 0.4156 2023/08/01 01:18:10 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:18:11 - mmengine - INFO - Epoch(train) [20][ 300/1879] base_lr: 3.8749e-06 lr: 3.8749e-06 eta: 6:54:02 time: 0.4390 data_time: 0.0250 memory: 24646 loss: 0.7689 sim_loss_v2t: 0.3852 sim_loss_t2v: 0.3837 2023/08/01 01:18:52 - mmengine - INFO - Epoch(train) [20][ 400/1879] base_lr: 3.8671e-06 lr: 3.8671e-06 eta: 6:53:15 time: 0.4205 data_time: 0.0216 memory: 24646 loss: 0.8035 sim_loss_v2t: 0.3986 sim_loss_t2v: 0.4049 2023/08/01 01:19:35 - mmengine - INFO - Epoch(train) [20][ 500/1879] base_lr: 3.8593e-06 lr: 3.8593e-06 eta: 6:52:30 time: 0.4224 data_time: 0.0228 memory: 24646 loss: 0.8122 sim_loss_v2t: 0.4090 sim_loss_t2v: 0.4032 2023/08/01 01:20:17 - mmengine - INFO - Epoch(train) [20][ 600/1879] base_lr: 3.8515e-06 lr: 3.8515e-06 eta: 6:51:46 time: 0.4166 data_time: 0.0206 memory: 24646 loss: 0.7666 sim_loss_v2t: 0.3846 sim_loss_t2v: 0.3820 2023/08/01 01:20:59 - mmengine - INFO - Epoch(train) [20][ 700/1879] base_lr: 3.8437e-06 lr: 3.8437e-06 eta: 6:51:00 time: 0.4176 data_time: 0.0202 memory: 24646 loss: 0.7929 sim_loss_v2t: 0.4025 sim_loss_t2v: 0.3904 2023/08/01 01:21:41 - mmengine - INFO - Epoch(train) [20][ 800/1879] base_lr: 3.8358e-06 lr: 3.8358e-06 eta: 6:50:15 time: 0.4144 data_time: 0.0217 memory: 24646 loss: 0.7974 sim_loss_v2t: 0.4008 sim_loss_t2v: 0.3966 2023/08/01 01:22:24 - mmengine - INFO - Epoch(train) [20][ 900/1879] base_lr: 3.8280e-06 lr: 3.8280e-06 eta: 6:49:30 time: 0.4164 data_time: 0.0212 memory: 24646 loss: 0.7889 sim_loss_v2t: 0.3971 sim_loss_t2v: 0.3918 2023/08/01 01:23:06 - mmengine - INFO - Epoch(train) [20][1000/1879] base_lr: 3.8201e-06 lr: 3.8201e-06 eta: 6:48:46 time: 0.4154 data_time: 0.0204 memory: 24646 loss: 0.8261 sim_loss_v2t: 0.4134 sim_loss_t2v: 0.4127 2023/08/01 01:23:49 - mmengine - INFO - Epoch(train) [20][1100/1879] base_lr: 3.8122e-06 lr: 3.8122e-06 eta: 6:48:02 time: 0.4305 data_time: 0.0223 memory: 24646 loss: 0.8515 sim_loss_v2t: 0.4244 sim_loss_t2v: 0.4271 2023/08/01 01:24:31 - mmengine - INFO - Epoch(train) [20][1200/1879] base_lr: 3.8043e-06 lr: 3.8043e-06 eta: 6:47:19 time: 0.4256 data_time: 0.0176 memory: 24646 loss: 0.7971 sim_loss_v2t: 0.3988 sim_loss_t2v: 0.3982 2023/08/01 01:25:13 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:25:14 - mmengine - INFO - Epoch(train) [20][1300/1879] base_lr: 3.7964e-06 lr: 3.7964e-06 eta: 6:46:34 time: 0.4236 data_time: 0.0267 memory: 24646 loss: 0.8384 sim_loss_v2t: 0.4170 sim_loss_t2v: 0.4214 2023/08/01 01:25:55 - mmengine - INFO - Epoch(train) [20][1400/1879] base_lr: 3.7884e-06 lr: 3.7884e-06 eta: 6:45:48 time: 0.4201 data_time: 0.0217 memory: 24646 loss: 0.8149 sim_loss_v2t: 0.4053 sim_loss_t2v: 0.4096 2023/08/01 01:26:37 - mmengine - INFO - Epoch(train) [20][1500/1879] base_lr: 3.7804e-06 lr: 3.7804e-06 eta: 6:45:03 time: 0.4160 data_time: 0.0228 memory: 24646 loss: 0.7986 sim_loss_v2t: 0.3978 sim_loss_t2v: 0.4008 2023/08/01 01:27:20 - mmengine - INFO - Epoch(train) [20][1600/1879] base_lr: 3.7725e-06 lr: 3.7725e-06 eta: 6:44:19 time: 0.4173 data_time: 0.0216 memory: 24646 loss: 0.8053 sim_loss_v2t: 0.3995 sim_loss_t2v: 0.4058 2023/08/01 01:28:02 - mmengine - INFO - Epoch(train) [20][1700/1879] base_lr: 3.7645e-06 lr: 3.7645e-06 eta: 6:43:34 time: 0.4256 data_time: 0.0252 memory: 24646 loss: 0.7679 sim_loss_v2t: 0.3885 sim_loss_t2v: 0.3794 2023/08/01 01:28:44 - mmengine - INFO - Epoch(train) [20][1800/1879] base_lr: 3.7564e-06 lr: 3.7564e-06 eta: 6:42:48 time: 0.4385 data_time: 0.0206 memory: 24646 loss: 0.7816 sim_loss_v2t: 0.3842 sim_loss_t2v: 0.3975 2023/08/01 01:29:15 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:29:15 - mmengine - INFO - Epoch(train) [20][1879/1879] base_lr: 3.7501e-06 lr: 3.7501e-06 eta: 6:42:07 time: 0.3409 data_time: 0.0106 memory: 24646 loss: 0.7577 sim_loss_v2t: 0.3790 sim_loss_t2v: 0.3788 2023/08/01 01:29:15 - mmengine - INFO - Saving checkpoint at 20 epochs 2023/08/01 01:31:37 - mmengine - INFO - Epoch(val) [20][100/155] eta: 0:01:08 time: 1.2239 data_time: 0.0450 memory: 18720 2023/08/01 01:32:45 - mmengine - INFO - Epoch(val) [20][155/155] acc/top1: 0.7953 acc/top5: 0.9482 acc/mean1: 0.7952 data_time: 0.0491 time: 1.2280 2023/08/01 01:33:38 - mmengine - INFO - Epoch(train) [21][ 100/1879] base_lr: 3.7420e-06 lr: 3.7420e-06 eta: 6:41:55 time: 0.4139 data_time: 0.0217 memory: 24646 loss: 0.7285 sim_loss_v2t: 0.3683 sim_loss_t2v: 0.3602 2023/08/01 01:34:20 - mmengine - INFO - Epoch(train) [21][ 200/1879] base_lr: 3.7340e-06 lr: 3.7340e-06 eta: 6:41:11 time: 0.4204 data_time: 0.0162 memory: 24646 loss: 0.7917 sim_loss_v2t: 0.3920 sim_loss_t2v: 0.3997 2023/08/01 01:35:03 - mmengine - INFO - Epoch(train) [21][ 300/1879] base_lr: 3.7259e-06 lr: 3.7259e-06 eta: 6:40:27 time: 0.4271 data_time: 0.0215 memory: 24646 loss: 0.7712 sim_loss_v2t: 0.3848 sim_loss_t2v: 0.3865 2023/08/01 01:35:45 - mmengine - INFO - Epoch(train) [21][ 400/1879] base_lr: 3.7178e-06 lr: 3.7178e-06 eta: 6:39:43 time: 0.4206 data_time: 0.0185 memory: 24646 loss: 0.7921 sim_loss_v2t: 0.3972 sim_loss_t2v: 0.3948 2023/08/01 01:35:54 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:36:27 - mmengine - INFO - Epoch(train) [21][ 500/1879] base_lr: 3.7096e-06 lr: 3.7096e-06 eta: 6:38:57 time: 0.4229 data_time: 0.0219 memory: 24646 loss: 0.8011 sim_loss_v2t: 0.4020 sim_loss_t2v: 0.3991 2023/08/01 01:37:09 - mmengine - INFO - Epoch(train) [21][ 600/1879] base_lr: 3.7015e-06 lr: 3.7015e-06 eta: 6:38:13 time: 0.4215 data_time: 0.0262 memory: 24646 loss: 0.7968 sim_loss_v2t: 0.4033 sim_loss_t2v: 0.3935 2023/08/01 01:37:51 - mmengine - INFO - Epoch(train) [21][ 700/1879] base_lr: 3.6934e-06 lr: 3.6934e-06 eta: 6:37:27 time: 0.4209 data_time: 0.0215 memory: 24646 loss: 0.7755 sim_loss_v2t: 0.3936 sim_loss_t2v: 0.3819 2023/08/01 01:38:33 - mmengine - INFO - Epoch(train) [21][ 800/1879] base_lr: 3.6852e-06 lr: 3.6852e-06 eta: 6:36:42 time: 0.4153 data_time: 0.0233 memory: 24646 loss: 0.7423 sim_loss_v2t: 0.3707 sim_loss_t2v: 0.3715 2023/08/01 01:39:16 - mmengine - INFO - Epoch(train) [21][ 900/1879] base_lr: 3.6770e-06 lr: 3.6770e-06 eta: 6:35:57 time: 0.4288 data_time: 0.0172 memory: 24646 loss: 0.7751 sim_loss_v2t: 0.3901 sim_loss_t2v: 0.3850 2023/08/01 01:39:58 - mmengine - INFO - Epoch(train) [21][1000/1879] base_lr: 3.6688e-06 lr: 3.6688e-06 eta: 6:35:13 time: 0.4219 data_time: 0.0229 memory: 24646 loss: 0.7706 sim_loss_v2t: 0.3936 sim_loss_t2v: 0.3770 2023/08/01 01:40:40 - mmengine - INFO - Epoch(train) [21][1100/1879] base_lr: 3.6606e-06 lr: 3.6606e-06 eta: 6:34:28 time: 0.4297 data_time: 0.0226 memory: 24646 loss: 0.7920 sim_loss_v2t: 0.3961 sim_loss_t2v: 0.3959 2023/08/01 01:41:23 - mmengine - INFO - Epoch(train) [21][1200/1879] base_lr: 3.6523e-06 lr: 3.6523e-06 eta: 6:33:45 time: 0.4417 data_time: 0.0206 memory: 24646 loss: 0.7951 sim_loss_v2t: 0.3986 sim_loss_t2v: 0.3965 2023/08/01 01:42:05 - mmengine - INFO - Epoch(train) [21][1300/1879] base_lr: 3.6441e-06 lr: 3.6441e-06 eta: 6:33:00 time: 0.4204 data_time: 0.0216 memory: 24646 loss: 0.7655 sim_loss_v2t: 0.3821 sim_loss_t2v: 0.3834 2023/08/01 01:42:47 - mmengine - INFO - Epoch(train) [21][1400/1879] base_lr: 3.6358e-06 lr: 3.6358e-06 eta: 6:32:16 time: 0.4194 data_time: 0.0206 memory: 24646 loss: 0.7786 sim_loss_v2t: 0.3816 sim_loss_t2v: 0.3970 2023/08/01 01:42:56 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:43:29 - mmengine - INFO - Epoch(train) [21][1500/1879] base_lr: 3.6275e-06 lr: 3.6275e-06 eta: 6:31:30 time: 0.4185 data_time: 0.0205 memory: 24646 loss: 0.7797 sim_loss_v2t: 0.3924 sim_loss_t2v: 0.3874 2023/08/01 01:44:12 - mmengine - INFO - Epoch(train) [21][1600/1879] base_lr: 3.6192e-06 lr: 3.6192e-06 eta: 6:30:47 time: 0.4286 data_time: 0.0202 memory: 24646 loss: 0.8132 sim_loss_v2t: 0.4036 sim_loss_t2v: 0.4097 2023/08/01 01:44:54 - mmengine - INFO - Epoch(train) [21][1700/1879] base_lr: 3.6109e-06 lr: 3.6109e-06 eta: 6:30:02 time: 0.4225 data_time: 0.0210 memory: 24646 loss: 0.8252 sim_loss_v2t: 0.4108 sim_loss_t2v: 0.4144 2023/08/01 01:45:36 - mmengine - INFO - Epoch(train) [21][1800/1879] base_lr: 3.6026e-06 lr: 3.6026e-06 eta: 6:29:18 time: 0.4177 data_time: 0.0179 memory: 24646 loss: 0.8278 sim_loss_v2t: 0.4170 sim_loss_t2v: 0.4107 2023/08/01 01:46:07 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:46:07 - mmengine - INFO - Epoch(train) [21][1879/1879] base_lr: 3.5960e-06 lr: 3.5960e-06 eta: 6:28:37 time: 0.3413 data_time: 0.0104 memory: 24646 loss: 0.7670 sim_loss_v2t: 0.3833 sim_loss_t2v: 0.3837 2023/08/01 01:46:07 - mmengine - INFO - Saving checkpoint at 21 epochs 2023/08/01 01:48:27 - mmengine - INFO - Epoch(val) [21][100/155] eta: 0:01:08 time: 1.2208 data_time: 0.0416 memory: 18720 2023/08/01 01:49:34 - mmengine - INFO - Epoch(val) [21][155/155] acc/top1: 0.7960 acc/top5: 0.9494 acc/mean1: 0.7959 data_time: 0.0507 time: 1.2298 2023/08/01 01:50:28 - mmengine - INFO - Epoch(train) [22][ 100/1879] base_lr: 3.5877e-06 lr: 3.5877e-06 eta: 6:28:22 time: 0.4127 data_time: 0.0202 memory: 24646 loss: 0.7842 sim_loss_v2t: 0.3903 sim_loss_t2v: 0.3939 2023/08/01 01:51:10 - mmengine - INFO - Epoch(train) [22][ 200/1879] base_lr: 3.5793e-06 lr: 3.5793e-06 eta: 6:27:38 time: 0.4160 data_time: 0.0211 memory: 24646 loss: 0.7752 sim_loss_v2t: 0.3879 sim_loss_t2v: 0.3874 2023/08/01 01:51:54 - mmengine - INFO - Epoch(train) [22][ 300/1879] base_lr: 3.5709e-06 lr: 3.5709e-06 eta: 6:26:59 time: 0.4096 data_time: 0.0201 memory: 24646 loss: 0.7320 sim_loss_v2t: 0.3671 sim_loss_t2v: 0.3650 2023/08/01 01:52:36 - mmengine - INFO - Epoch(train) [22][ 400/1879] base_lr: 3.5625e-06 lr: 3.5625e-06 eta: 6:26:14 time: 0.4203 data_time: 0.0215 memory: 24646 loss: 0.7820 sim_loss_v2t: 0.3920 sim_loss_t2v: 0.3901 2023/08/01 01:53:18 - mmengine - INFO - Epoch(train) [22][ 500/1879] base_lr: 3.5541e-06 lr: 3.5541e-06 eta: 6:25:29 time: 0.4183 data_time: 0.0185 memory: 24646 loss: 0.7481 sim_loss_v2t: 0.3738 sim_loss_t2v: 0.3743 2023/08/01 01:53:36 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 01:54:01 - mmengine - INFO - Epoch(train) [22][ 600/1879] base_lr: 3.5457e-06 lr: 3.5457e-06 eta: 6:24:44 time: 0.4125 data_time: 0.0210 memory: 24646 loss: 0.7579 sim_loss_v2t: 0.3825 sim_loss_t2v: 0.3755 2023/08/01 01:54:43 - mmengine - INFO - Epoch(train) [22][ 700/1879] base_lr: 3.5372e-06 lr: 3.5372e-06 eta: 6:23:59 time: 0.4135 data_time: 0.0216 memory: 24646 loss: 0.7492 sim_loss_v2t: 0.3728 sim_loss_t2v: 0.3764 2023/08/01 01:55:26 - mmengine - INFO - Epoch(train) [22][ 800/1879] base_lr: 3.5287e-06 lr: 3.5287e-06 eta: 6:23:17 time: 0.4294 data_time: 0.0191 memory: 24646 loss: 0.8006 sim_loss_v2t: 0.4030 sim_loss_t2v: 0.3976 2023/08/01 01:56:08 - mmengine - INFO - Epoch(train) [22][ 900/1879] base_lr: 3.5203e-06 lr: 3.5203e-06 eta: 6:22:33 time: 0.4167 data_time: 0.0211 memory: 24646 loss: 0.7471 sim_loss_v2t: 0.3740 sim_loss_t2v: 0.3731 2023/08/01 01:56:50 - mmengine - INFO - Epoch(train) [22][1000/1879] base_lr: 3.5118e-06 lr: 3.5118e-06 eta: 6:21:48 time: 0.4133 data_time: 0.0224 memory: 24646 loss: 0.7879 sim_loss_v2t: 0.3945 sim_loss_t2v: 0.3935 2023/08/01 01:57:32 - mmengine - INFO - Epoch(train) [22][1100/1879] base_lr: 3.5033e-06 lr: 3.5033e-06 eta: 6:21:04 time: 0.4238 data_time: 0.0220 memory: 24646 loss: 0.7838 sim_loss_v2t: 0.3944 sim_loss_t2v: 0.3894 2023/08/01 01:58:15 - mmengine - INFO - Epoch(train) [22][1200/1879] base_lr: 3.4948e-06 lr: 3.4948e-06 eta: 6:20:20 time: 0.4123 data_time: 0.0187 memory: 24646 loss: 0.7556 sim_loss_v2t: 0.3812 sim_loss_t2v: 0.3745 2023/08/01 01:58:57 - mmengine - INFO - Epoch(train) [22][1300/1879] base_lr: 3.4862e-06 lr: 3.4862e-06 eta: 6:19:36 time: 0.4204 data_time: 0.0204 memory: 24646 loss: 0.8183 sim_loss_v2t: 0.4102 sim_loss_t2v: 0.4081 2023/08/01 01:59:39 - mmengine - INFO - Epoch(train) [22][1400/1879] base_lr: 3.4777e-06 lr: 3.4777e-06 eta: 6:18:51 time: 0.4115 data_time: 0.0205 memory: 24646 loss: 0.7766 sim_loss_v2t: 0.3901 sim_loss_t2v: 0.3865 2023/08/01 02:00:21 - mmengine - INFO - Epoch(train) [22][1500/1879] base_lr: 3.4691e-06 lr: 3.4691e-06 eta: 6:18:06 time: 0.4206 data_time: 0.0211 memory: 24646 loss: 0.7706 sim_loss_v2t: 0.3819 sim_loss_t2v: 0.3886 2023/08/01 02:00:38 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:01:03 - mmengine - INFO - Epoch(train) [22][1600/1879] base_lr: 3.4606e-06 lr: 3.4606e-06 eta: 6:17:21 time: 0.4223 data_time: 0.0210 memory: 24646 loss: 0.7528 sim_loss_v2t: 0.3797 sim_loss_t2v: 0.3731 2023/08/01 02:01:45 - mmengine - INFO - Epoch(train) [22][1700/1879] base_lr: 3.4520e-06 lr: 3.4520e-06 eta: 6:16:37 time: 0.4251 data_time: 0.0215 memory: 24646 loss: 0.7530 sim_loss_v2t: 0.3797 sim_loss_t2v: 0.3733 2023/08/01 02:02:28 - mmengine - INFO - Epoch(train) [22][1800/1879] base_lr: 3.4434e-06 lr: 3.4434e-06 eta: 6:15:53 time: 0.4281 data_time: 0.0186 memory: 24646 loss: 0.7708 sim_loss_v2t: 0.3884 sim_loss_t2v: 0.3824 2023/08/01 02:02:59 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:02:59 - mmengine - INFO - Epoch(train) [22][1879/1879] base_lr: 3.4366e-06 lr: 3.4366e-06 eta: 6:15:14 time: 0.3382 data_time: 0.0108 memory: 24646 loss: 0.7931 sim_loss_v2t: 0.3947 sim_loss_t2v: 0.3983 2023/08/01 02:02:59 - mmengine - INFO - Saving checkpoint at 22 epochs 2023/08/01 02:05:19 - mmengine - INFO - Epoch(val) [22][100/155] eta: 0:01:08 time: 1.2215 data_time: 0.0413 memory: 18720 2023/08/01 02:06:27 - mmengine - INFO - Epoch(val) [22][155/155] acc/top1: 0.7971 acc/top5: 0.9491 acc/mean1: 0.7970 data_time: 0.0505 time: 1.2335 2023/08/01 02:06:27 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_19.pth is removed 2023/08/01 02:06:34 - mmengine - INFO - The best checkpoint with 0.7971 acc/top1 at 22 epoch is saved to best_acc_top1_epoch_22.pth. 2023/08/01 02:07:31 - mmengine - INFO - Epoch(train) [23][ 100/1879] base_lr: 3.4280e-06 lr: 3.4280e-06 eta: 6:14:36 time: 0.4145 data_time: 0.0207 memory: 24646 loss: 0.7541 sim_loss_v2t: 0.3758 sim_loss_t2v: 0.3783 2023/08/01 02:08:13 - mmengine - INFO - Epoch(train) [23][ 200/1879] base_lr: 3.4194e-06 lr: 3.4194e-06 eta: 6:13:51 time: 0.4213 data_time: 0.0229 memory: 24646 loss: 0.7721 sim_loss_v2t: 0.3822 sim_loss_t2v: 0.3899 2023/08/01 02:08:56 - mmengine - INFO - Epoch(train) [23][ 300/1879] base_lr: 3.4107e-06 lr: 3.4107e-06 eta: 6:13:09 time: 0.4400 data_time: 0.0191 memory: 24646 loss: 0.7688 sim_loss_v2t: 0.3834 sim_loss_t2v: 0.3854 2023/08/01 02:09:38 - mmengine - INFO - Epoch(train) [23][ 400/1879] base_lr: 3.4021e-06 lr: 3.4021e-06 eta: 6:12:24 time: 0.4180 data_time: 0.0199 memory: 24646 loss: 0.7663 sim_loss_v2t: 0.3843 sim_loss_t2v: 0.3820 2023/08/01 02:10:20 - mmengine - INFO - Epoch(train) [23][ 500/1879] base_lr: 3.3934e-06 lr: 3.3934e-06 eta: 6:11:39 time: 0.4140 data_time: 0.0211 memory: 24646 loss: 0.7608 sim_loss_v2t: 0.3839 sim_loss_t2v: 0.3769 2023/08/01 02:11:02 - mmengine - INFO - Epoch(train) [23][ 600/1879] base_lr: 3.3847e-06 lr: 3.3847e-06 eta: 6:10:54 time: 0.4171 data_time: 0.0230 memory: 24646 loss: 0.7847 sim_loss_v2t: 0.3901 sim_loss_t2v: 0.3947 2023/08/01 02:11:28 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:11:44 - mmengine - INFO - Epoch(train) [23][ 700/1879] base_lr: 3.3760e-06 lr: 3.3760e-06 eta: 6:10:10 time: 0.4168 data_time: 0.0214 memory: 24646 loss: 0.7937 sim_loss_v2t: 0.3939 sim_loss_t2v: 0.3998 2023/08/01 02:12:27 - mmengine - INFO - Epoch(train) [23][ 800/1879] base_lr: 3.3673e-06 lr: 3.3673e-06 eta: 6:09:27 time: 0.4190 data_time: 0.0188 memory: 24646 loss: 0.7962 sim_loss_v2t: 0.3961 sim_loss_t2v: 0.4001 2023/08/01 02:13:09 - mmengine - INFO - Epoch(train) [23][ 900/1879] base_lr: 3.3586e-06 lr: 3.3586e-06 eta: 6:08:43 time: 0.4255 data_time: 0.0253 memory: 24646 loss: 0.8090 sim_loss_v2t: 0.4086 sim_loss_t2v: 0.4004 2023/08/01 02:13:52 - mmengine - INFO - Epoch(train) [23][1000/1879] base_lr: 3.3499e-06 lr: 3.3499e-06 eta: 6:08:00 time: 0.4373 data_time: 0.0205 memory: 24646 loss: 0.7407 sim_loss_v2t: 0.3716 sim_loss_t2v: 0.3691 2023/08/01 02:14:34 - mmengine - INFO - Epoch(train) [23][1100/1879] base_lr: 3.3411e-06 lr: 3.3411e-06 eta: 6:07:16 time: 0.4331 data_time: 0.0221 memory: 24646 loss: 0.7906 sim_loss_v2t: 0.3914 sim_loss_t2v: 0.3992 2023/08/01 02:15:16 - mmengine - INFO - Epoch(train) [23][1200/1879] base_lr: 3.3324e-06 lr: 3.3324e-06 eta: 6:06:32 time: 0.4205 data_time: 0.0226 memory: 24646 loss: 0.7726 sim_loss_v2t: 0.3861 sim_loss_t2v: 0.3864 2023/08/01 02:15:58 - mmengine - INFO - Epoch(train) [23][1300/1879] base_lr: 3.3236e-06 lr: 3.3236e-06 eta: 6:05:47 time: 0.4250 data_time: 0.0200 memory: 24646 loss: 0.8096 sim_loss_v2t: 0.4049 sim_loss_t2v: 0.4047 2023/08/01 02:16:40 - mmengine - INFO - Epoch(train) [23][1400/1879] base_lr: 3.3148e-06 lr: 3.3148e-06 eta: 6:05:04 time: 0.4225 data_time: 0.0218 memory: 24646 loss: 0.7891 sim_loss_v2t: 0.3955 sim_loss_t2v: 0.3936 2023/08/01 02:17:22 - mmengine - INFO - Epoch(train) [23][1500/1879] base_lr: 3.3060e-06 lr: 3.3060e-06 eta: 6:04:19 time: 0.4241 data_time: 0.0231 memory: 24646 loss: 0.7730 sim_loss_v2t: 0.3921 sim_loss_t2v: 0.3809 2023/08/01 02:18:05 - mmengine - INFO - Epoch(train) [23][1600/1879] base_lr: 3.2972e-06 lr: 3.2972e-06 eta: 6:03:35 time: 0.4267 data_time: 0.0199 memory: 24646 loss: 0.7509 sim_loss_v2t: 0.3731 sim_loss_t2v: 0.3778 2023/08/01 02:18:31 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:18:47 - mmengine - INFO - Epoch(train) [23][1700/1879] base_lr: 3.2884e-06 lr: 3.2884e-06 eta: 6:02:51 time: 0.4184 data_time: 0.0219 memory: 24646 loss: 0.8272 sim_loss_v2t: 0.4115 sim_loss_t2v: 0.4157 2023/08/01 02:19:29 - mmengine - INFO - Epoch(train) [23][1800/1879] base_lr: 3.2796e-06 lr: 3.2796e-06 eta: 6:02:08 time: 0.4188 data_time: 0.0205 memory: 24646 loss: 0.7336 sim_loss_v2t: 0.3668 sim_loss_t2v: 0.3668 2023/08/01 02:20:00 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:20:00 - mmengine - INFO - Epoch(train) [23][1879/1879] base_lr: 3.2726e-06 lr: 3.2726e-06 eta: 6:01:28 time: 0.3402 data_time: 0.0107 memory: 24646 loss: 0.7424 sim_loss_v2t: 0.3710 sim_loss_t2v: 0.3714 2023/08/01 02:20:00 - mmengine - INFO - Saving checkpoint at 23 epochs 2023/08/01 02:22:22 - mmengine - INFO - Epoch(val) [23][100/155] eta: 0:01:08 time: 1.2248 data_time: 0.0451 memory: 18720 2023/08/01 02:23:30 - mmengine - INFO - Epoch(val) [23][155/155] acc/top1: 0.7995 acc/top5: 0.9489 acc/mean1: 0.7994 data_time: 0.0499 time: 1.2289 2023/08/01 02:23:30 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_22.pth is removed 2023/08/01 02:23:37 - mmengine - INFO - The best checkpoint with 0.7995 acc/top1 at 23 epoch is saved to best_acc_top1_epoch_23.pth. 2023/08/01 02:24:35 - mmengine - INFO - Epoch(train) [24][ 100/1879] base_lr: 3.2638e-06 lr: 3.2638e-06 eta: 6:00:51 time: 0.4238 data_time: 0.0213 memory: 24646 loss: 0.7124 sim_loss_v2t: 0.3515 sim_loss_t2v: 0.3610 2023/08/01 02:25:17 - mmengine - INFO - Epoch(train) [24][ 200/1879] base_lr: 3.2549e-06 lr: 3.2549e-06 eta: 6:00:07 time: 0.4148 data_time: 0.0224 memory: 24646 loss: 0.7539 sim_loss_v2t: 0.3771 sim_loss_t2v: 0.3769 2023/08/01 02:26:00 - mmengine - INFO - Epoch(train) [24][ 300/1879] base_lr: 3.2461e-06 lr: 3.2461e-06 eta: 5:59:23 time: 0.4209 data_time: 0.0217 memory: 24646 loss: 0.7219 sim_loss_v2t: 0.3598 sim_loss_t2v: 0.3621 2023/08/01 02:26:42 - mmengine - INFO - Epoch(train) [24][ 400/1879] base_lr: 3.2372e-06 lr: 3.2372e-06 eta: 5:58:39 time: 0.4283 data_time: 0.0292 memory: 24646 loss: 0.7660 sim_loss_v2t: 0.3805 sim_loss_t2v: 0.3854 2023/08/01 02:27:24 - mmengine - INFO - Epoch(train) [24][ 500/1879] base_lr: 3.2283e-06 lr: 3.2283e-06 eta: 5:57:55 time: 0.4177 data_time: 0.0195 memory: 24646 loss: 0.7580 sim_loss_v2t: 0.3818 sim_loss_t2v: 0.3762 2023/08/01 02:28:06 - mmengine - INFO - Epoch(train) [24][ 600/1879] base_lr: 3.2194e-06 lr: 3.2194e-06 eta: 5:57:11 time: 0.4224 data_time: 0.0233 memory: 24646 loss: 0.7599 sim_loss_v2t: 0.3799 sim_loss_t2v: 0.3800 2023/08/01 02:28:48 - mmengine - INFO - Epoch(train) [24][ 700/1879] base_lr: 3.2105e-06 lr: 3.2105e-06 eta: 5:56:27 time: 0.4260 data_time: 0.0259 memory: 24646 loss: 0.7421 sim_loss_v2t: 0.3728 sim_loss_t2v: 0.3693 2023/08/01 02:29:23 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:29:30 - mmengine - INFO - Epoch(train) [24][ 800/1879] base_lr: 3.2016e-06 lr: 3.2016e-06 eta: 5:55:43 time: 0.4225 data_time: 0.0219 memory: 24646 loss: 0.7745 sim_loss_v2t: 0.3886 sim_loss_t2v: 0.3859 2023/08/01 02:30:12 - mmengine - INFO - Epoch(train) [24][ 900/1879] base_lr: 3.1927e-06 lr: 3.1927e-06 eta: 5:54:59 time: 0.4192 data_time: 0.0209 memory: 24646 loss: 0.7629 sim_loss_v2t: 0.3810 sim_loss_t2v: 0.3820 2023/08/01 02:30:54 - mmengine - INFO - Epoch(train) [24][1000/1879] base_lr: 3.1838e-06 lr: 3.1838e-06 eta: 5:54:15 time: 0.4166 data_time: 0.0207 memory: 24646 loss: 0.7450 sim_loss_v2t: 0.3731 sim_loss_t2v: 0.3719 2023/08/01 02:31:37 - mmengine - INFO - Epoch(train) [24][1100/1879] base_lr: 3.1748e-06 lr: 3.1748e-06 eta: 5:53:31 time: 0.4211 data_time: 0.0187 memory: 24646 loss: 0.8125 sim_loss_v2t: 0.4111 sim_loss_t2v: 0.4014 2023/08/01 02:32:19 - mmengine - INFO - Epoch(train) [24][1200/1879] base_lr: 3.1659e-06 lr: 3.1659e-06 eta: 5:52:48 time: 0.4144 data_time: 0.0191 memory: 24646 loss: 0.7535 sim_loss_v2t: 0.3763 sim_loss_t2v: 0.3772 2023/08/01 02:33:01 - mmengine - INFO - Epoch(train) [24][1300/1879] base_lr: 3.1569e-06 lr: 3.1569e-06 eta: 5:52:04 time: 0.4192 data_time: 0.0216 memory: 24646 loss: 0.7610 sim_loss_v2t: 0.3766 sim_loss_t2v: 0.3844 2023/08/01 02:33:43 - mmengine - INFO - Epoch(train) [24][1400/1879] base_lr: 3.1480e-06 lr: 3.1480e-06 eta: 5:51:19 time: 0.4181 data_time: 0.0210 memory: 24646 loss: 0.7688 sim_loss_v2t: 0.3876 sim_loss_t2v: 0.3812 2023/08/01 02:34:25 - mmengine - INFO - Epoch(train) [24][1500/1879] base_lr: 3.1390e-06 lr: 3.1390e-06 eta: 5:50:36 time: 0.4233 data_time: 0.0240 memory: 24646 loss: 0.7661 sim_loss_v2t: 0.3808 sim_loss_t2v: 0.3853 2023/08/01 02:35:08 - mmengine - INFO - Epoch(train) [24][1600/1879] base_lr: 3.1300e-06 lr: 3.1300e-06 eta: 5:49:52 time: 0.4231 data_time: 0.0195 memory: 24646 loss: 0.7662 sim_loss_v2t: 0.3816 sim_loss_t2v: 0.3845 2023/08/01 02:35:50 - mmengine - INFO - Epoch(train) [24][1700/1879] base_lr: 3.1210e-06 lr: 3.1210e-06 eta: 5:49:08 time: 0.4158 data_time: 0.0214 memory: 24646 loss: 0.7506 sim_loss_v2t: 0.3767 sim_loss_t2v: 0.3739 2023/08/01 02:36:25 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:36:32 - mmengine - INFO - Epoch(train) [24][1800/1879] base_lr: 3.1120e-06 lr: 3.1120e-06 eta: 5:48:25 time: 0.4169 data_time: 0.0227 memory: 24646 loss: 0.8013 sim_loss_v2t: 0.3978 sim_loss_t2v: 0.4035 2023/08/01 02:37:04 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:37:04 - mmengine - INFO - Epoch(train) [24][1879/1879] base_lr: 3.1049e-06 lr: 3.1049e-06 eta: 5:47:47 time: 0.3650 data_time: 0.0109 memory: 24646 loss: 0.7248 sim_loss_v2t: 0.3616 sim_loss_t2v: 0.3632 2023/08/01 02:37:04 - mmengine - INFO - Saving checkpoint at 24 epochs 2023/08/01 02:39:24 - mmengine - INFO - Epoch(val) [24][100/155] eta: 0:01:08 time: 1.2285 data_time: 0.0489 memory: 18720 2023/08/01 02:40:32 - mmengine - INFO - Epoch(val) [24][155/155] acc/top1: 0.8004 acc/top5: 0.9489 acc/mean1: 0.8004 data_time: 0.0504 time: 1.2300 2023/08/01 02:40:32 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_23.pth is removed 2023/08/01 02:40:40 - mmengine - INFO - The best checkpoint with 0.8004 acc/top1 at 24 epoch is saved to best_acc_top1_epoch_24.pth. 2023/08/01 02:41:39 - mmengine - INFO - Epoch(train) [25][ 100/1879] base_lr: 3.0959e-06 lr: 3.0959e-06 eta: 5:47:08 time: 0.4199 data_time: 0.0218 memory: 24646 loss: 0.7466 sim_loss_v2t: 0.3750 sim_loss_t2v: 0.3715 2023/08/01 02:42:21 - mmengine - INFO - Epoch(train) [25][ 200/1879] base_lr: 3.0869e-06 lr: 3.0869e-06 eta: 5:46:24 time: 0.4240 data_time: 0.0198 memory: 24646 loss: 0.7238 sim_loss_v2t: 0.3680 sim_loss_t2v: 0.3558 2023/08/01 02:43:03 - mmengine - INFO - Epoch(train) [25][ 300/1879] base_lr: 3.0778e-06 lr: 3.0778e-06 eta: 5:45:41 time: 0.4153 data_time: 0.0198 memory: 24646 loss: 0.7399 sim_loss_v2t: 0.3695 sim_loss_t2v: 0.3705 2023/08/01 02:43:45 - mmengine - INFO - Epoch(train) [25][ 400/1879] base_lr: 3.0688e-06 lr: 3.0688e-06 eta: 5:44:57 time: 0.4289 data_time: 0.0318 memory: 24646 loss: 0.7866 sim_loss_v2t: 0.3927 sim_loss_t2v: 0.3939 2023/08/01 02:44:28 - mmengine - INFO - Epoch(train) [25][ 500/1879] base_lr: 3.0597e-06 lr: 3.0597e-06 eta: 5:44:14 time: 0.4343 data_time: 0.0211 memory: 24646 loss: 0.7723 sim_loss_v2t: 0.3923 sim_loss_t2v: 0.3800 2023/08/01 02:45:10 - mmengine - INFO - Epoch(train) [25][ 600/1879] base_lr: 3.0507e-06 lr: 3.0507e-06 eta: 5:43:31 time: 0.4200 data_time: 0.0218 memory: 24646 loss: 0.7542 sim_loss_v2t: 0.3750 sim_loss_t2v: 0.3792 2023/08/01 02:45:53 - mmengine - INFO - Epoch(train) [25][ 700/1879] base_lr: 3.0416e-06 lr: 3.0416e-06 eta: 5:42:47 time: 0.4242 data_time: 0.0242 memory: 24646 loss: 0.7263 sim_loss_v2t: 0.3626 sim_loss_t2v: 0.3637 2023/08/01 02:46:35 - mmengine - INFO - Epoch(train) [25][ 800/1879] base_lr: 3.0325e-06 lr: 3.0325e-06 eta: 5:42:04 time: 0.4144 data_time: 0.0187 memory: 24646 loss: 0.7411 sim_loss_v2t: 0.3686 sim_loss_t2v: 0.3725 2023/08/01 02:47:18 - mmengine - INFO - Epoch(train) [25][ 900/1879] base_lr: 3.0235e-06 lr: 3.0235e-06 eta: 5:41:22 time: 0.4185 data_time: 0.0228 memory: 24646 loss: 0.7172 sim_loss_v2t: 0.3582 sim_loss_t2v: 0.3590 2023/08/01 02:47:20 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:48:02 - mmengine - INFO - Epoch(train) [25][1000/1879] base_lr: 3.0144e-06 lr: 3.0144e-06 eta: 5:40:41 time: 0.4144 data_time: 0.0133 memory: 24646 loss: 0.7692 sim_loss_v2t: 0.3827 sim_loss_t2v: 0.3865 2023/08/01 02:48:45 - mmengine - INFO - Epoch(train) [25][1100/1879] base_lr: 3.0053e-06 lr: 3.0053e-06 eta: 5:39:59 time: 0.4554 data_time: 0.0169 memory: 24646 loss: 0.7632 sim_loss_v2t: 0.3814 sim_loss_t2v: 0.3818 2023/08/01 02:49:28 - mmengine - INFO - Epoch(train) [25][1200/1879] base_lr: 2.9962e-06 lr: 2.9962e-06 eta: 5:39:16 time: 0.4342 data_time: 0.0205 memory: 24646 loss: 0.7398 sim_loss_v2t: 0.3719 sim_loss_t2v: 0.3679 2023/08/01 02:50:09 - mmengine - INFO - Epoch(train) [25][1300/1879] base_lr: 2.9871e-06 lr: 2.9871e-06 eta: 5:38:32 time: 0.4177 data_time: 0.0224 memory: 24646 loss: 0.7507 sim_loss_v2t: 0.3778 sim_loss_t2v: 0.3729 2023/08/01 02:50:52 - mmengine - INFO - Epoch(train) [25][1400/1879] base_lr: 2.9780e-06 lr: 2.9780e-06 eta: 5:37:48 time: 0.4186 data_time: 0.0228 memory: 24646 loss: 0.7457 sim_loss_v2t: 0.3712 sim_loss_t2v: 0.3745 2023/08/01 02:51:34 - mmengine - INFO - Epoch(train) [25][1500/1879] base_lr: 2.9688e-06 lr: 2.9688e-06 eta: 5:37:05 time: 0.4139 data_time: 0.0204 memory: 24646 loss: 0.7857 sim_loss_v2t: 0.3885 sim_loss_t2v: 0.3972 2023/08/01 02:52:16 - mmengine - INFO - Epoch(train) [25][1600/1879] base_lr: 2.9597e-06 lr: 2.9597e-06 eta: 5:36:21 time: 0.4190 data_time: 0.0207 memory: 24646 loss: 0.7416 sim_loss_v2t: 0.3721 sim_loss_t2v: 0.3695 2023/08/01 02:52:58 - mmengine - INFO - Epoch(train) [25][1700/1879] base_lr: 2.9506e-06 lr: 2.9506e-06 eta: 5:35:37 time: 0.4195 data_time: 0.0219 memory: 24646 loss: 0.7724 sim_loss_v2t: 0.3852 sim_loss_t2v: 0.3871 2023/08/01 02:53:43 - mmengine - INFO - Epoch(train) [25][1800/1879] base_lr: 2.9414e-06 lr: 2.9414e-06 eta: 5:34:58 time: 0.4077 data_time: 0.0216 memory: 24646 loss: 0.7952 sim_loss_v2t: 0.4002 sim_loss_t2v: 0.3951 2023/08/01 02:54:14 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:54:14 - mmengine - INFO - Epoch(train) [25][1879/1879] base_lr: 2.9342e-06 lr: 2.9342e-06 eta: 5:34:20 time: 0.3418 data_time: 0.0089 memory: 24646 loss: 0.7851 sim_loss_v2t: 0.3892 sim_loss_t2v: 0.3958 2023/08/01 02:54:14 - mmengine - INFO - Saving checkpoint at 25 epochs 2023/08/01 02:56:34 - mmengine - INFO - Epoch(val) [25][100/155] eta: 0:01:08 time: 1.2291 data_time: 0.0486 memory: 18720 2023/08/01 02:57:42 - mmengine - INFO - Epoch(val) [25][155/155] acc/top1: 0.8020 acc/top5: 0.9508 acc/mean1: 0.8020 data_time: 0.0502 time: 1.2296 2023/08/01 02:57:42 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_24.pth is removed 2023/08/01 02:57:49 - mmengine - INFO - The best checkpoint with 0.8020 acc/top1 at 25 epoch is saved to best_acc_top1_epoch_25.pth. 2023/08/01 02:58:16 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 02:58:48 - mmengine - INFO - Epoch(train) [26][ 100/1879] base_lr: 2.9251e-06 lr: 2.9251e-06 eta: 5:33:41 time: 0.4175 data_time: 0.0207 memory: 24646 loss: 0.7191 sim_loss_v2t: 0.3545 sim_loss_t2v: 0.3646 2023/08/01 02:59:30 - mmengine - INFO - Epoch(train) [26][ 200/1879] base_lr: 2.9159e-06 lr: 2.9159e-06 eta: 5:32:57 time: 0.4145 data_time: 0.0208 memory: 24646 loss: 0.7134 sim_loss_v2t: 0.3550 sim_loss_t2v: 0.3584 2023/08/01 03:00:12 - mmengine - INFO - Epoch(train) [26][ 300/1879] base_lr: 2.9067e-06 lr: 2.9067e-06 eta: 5:32:14 time: 0.4199 data_time: 0.0217 memory: 24646 loss: 0.7376 sim_loss_v2t: 0.3700 sim_loss_t2v: 0.3676 2023/08/01 03:00:57 - mmengine - INFO - Epoch(train) [26][ 400/1879] base_lr: 2.8976e-06 lr: 2.8976e-06 eta: 5:31:35 time: 0.4189 data_time: 0.0215 memory: 24646 loss: 0.6920 sim_loss_v2t: 0.3500 sim_loss_t2v: 0.3420 2023/08/01 03:01:39 - mmengine - INFO - Epoch(train) [26][ 500/1879] base_lr: 2.8884e-06 lr: 2.8884e-06 eta: 5:30:52 time: 0.4177 data_time: 0.0208 memory: 24646 loss: 0.7150 sim_loss_v2t: 0.3567 sim_loss_t2v: 0.3583 2023/08/01 03:02:22 - mmengine - INFO - Epoch(train) [26][ 600/1879] base_lr: 2.8792e-06 lr: 2.8792e-06 eta: 5:30:09 time: 0.4215 data_time: 0.0222 memory: 24646 loss: 0.6603 sim_loss_v2t: 0.3319 sim_loss_t2v: 0.3283 2023/08/01 03:03:04 - mmengine - INFO - Epoch(train) [26][ 700/1879] base_lr: 2.8700e-06 lr: 2.8700e-06 eta: 5:29:25 time: 0.4196 data_time: 0.0230 memory: 24646 loss: 0.7245 sim_loss_v2t: 0.3624 sim_loss_t2v: 0.3621 2023/08/01 03:03:46 - mmengine - INFO - Epoch(train) [26][ 800/1879] base_lr: 2.8609e-06 lr: 2.8609e-06 eta: 5:28:41 time: 0.4104 data_time: 0.0221 memory: 24646 loss: 0.7314 sim_loss_v2t: 0.3661 sim_loss_t2v: 0.3653 2023/08/01 03:04:28 - mmengine - INFO - Epoch(train) [26][ 900/1879] base_lr: 2.8517e-06 lr: 2.8517e-06 eta: 5:27:57 time: 0.4202 data_time: 0.0233 memory: 24646 loss: 0.7365 sim_loss_v2t: 0.3690 sim_loss_t2v: 0.3674 2023/08/01 03:05:11 - mmengine - INFO - Epoch(train) [26][1000/1879] base_lr: 2.8425e-06 lr: 2.8425e-06 eta: 5:27:14 time: 0.4218 data_time: 0.0220 memory: 24646 loss: 0.7003 sim_loss_v2t: 0.3537 sim_loss_t2v: 0.3466 2023/08/01 03:05:21 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:05:53 - mmengine - INFO - Epoch(train) [26][1100/1879] base_lr: 2.8333e-06 lr: 2.8333e-06 eta: 5:26:31 time: 0.4217 data_time: 0.0240 memory: 24646 loss: 0.7024 sim_loss_v2t: 0.3551 sim_loss_t2v: 0.3474 2023/08/01 03:06:36 - mmengine - INFO - Epoch(train) [26][1200/1879] base_lr: 2.8240e-06 lr: 2.8240e-06 eta: 5:25:48 time: 0.4226 data_time: 0.0151 memory: 24646 loss: 0.7088 sim_loss_v2t: 0.3530 sim_loss_t2v: 0.3558 2023/08/01 03:07:18 - mmengine - INFO - Epoch(train) [26][1300/1879] base_lr: 2.8148e-06 lr: 2.8148e-06 eta: 5:25:04 time: 0.4260 data_time: 0.0207 memory: 24646 loss: 0.7700 sim_loss_v2t: 0.3821 sim_loss_t2v: 0.3879 2023/08/01 03:08:00 - mmengine - INFO - Epoch(train) [26][1400/1879] base_lr: 2.8056e-06 lr: 2.8056e-06 eta: 5:24:21 time: 0.4218 data_time: 0.0214 memory: 24646 loss: 0.7534 sim_loss_v2t: 0.3791 sim_loss_t2v: 0.3743 2023/08/01 03:08:42 - mmengine - INFO - Epoch(train) [26][1500/1879] base_lr: 2.7964e-06 lr: 2.7964e-06 eta: 5:23:37 time: 0.4270 data_time: 0.0201 memory: 24646 loss: 0.7131 sim_loss_v2t: 0.3591 sim_loss_t2v: 0.3540 2023/08/01 03:09:24 - mmengine - INFO - Epoch(train) [26][1600/1879] base_lr: 2.7872e-06 lr: 2.7872e-06 eta: 5:22:54 time: 0.4208 data_time: 0.0191 memory: 24646 loss: 0.7212 sim_loss_v2t: 0.3636 sim_loss_t2v: 0.3576 2023/08/01 03:10:07 - mmengine - INFO - Epoch(train) [26][1700/1879] base_lr: 2.7779e-06 lr: 2.7779e-06 eta: 5:22:11 time: 0.4248 data_time: 0.0188 memory: 24646 loss: 0.7475 sim_loss_v2t: 0.3737 sim_loss_t2v: 0.3738 2023/08/01 03:10:49 - mmengine - INFO - Epoch(train) [26][1800/1879] base_lr: 2.7687e-06 lr: 2.7687e-06 eta: 5:21:27 time: 0.4226 data_time: 0.0194 memory: 24646 loss: 0.7138 sim_loss_v2t: 0.3598 sim_loss_t2v: 0.3540 2023/08/01 03:11:20 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:11:20 - mmengine - INFO - Epoch(train) [26][1879/1879] base_lr: 2.7614e-06 lr: 2.7614e-06 eta: 5:20:49 time: 0.3414 data_time: 0.0109 memory: 24646 loss: 0.7498 sim_loss_v2t: 0.3756 sim_loss_t2v: 0.3742 2023/08/01 03:11:20 - mmengine - INFO - Saving checkpoint at 26 epochs 2023/08/01 03:13:40 - mmengine - INFO - Epoch(val) [26][100/155] eta: 0:01:08 time: 1.2274 data_time: 0.0404 memory: 18720 2023/08/01 03:14:48 - mmengine - INFO - Epoch(val) [26][155/155] acc/top1: 0.7972 acc/top5: 0.9486 acc/mean1: 0.7972 data_time: 0.0498 time: 1.2304 2023/08/01 03:15:40 - mmengine - INFO - Epoch(train) [27][ 100/1879] base_lr: 2.7522e-06 lr: 2.7522e-06 eta: 5:20:21 time: 0.4214 data_time: 0.0208 memory: 24646 loss: 0.7074 sim_loss_v2t: 0.3569 sim_loss_t2v: 0.3505 2023/08/01 03:15:59 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:16:22 - mmengine - INFO - Epoch(train) [27][ 200/1879] base_lr: 2.7429e-06 lr: 2.7429e-06 eta: 5:19:37 time: 0.4218 data_time: 0.0201 memory: 24646 loss: 0.7149 sim_loss_v2t: 0.3636 sim_loss_t2v: 0.3513 2023/08/01 03:17:04 - mmengine - INFO - Epoch(train) [27][ 300/1879] base_lr: 2.7337e-06 lr: 2.7337e-06 eta: 5:18:53 time: 0.4218 data_time: 0.0186 memory: 24646 loss: 0.7336 sim_loss_v2t: 0.3669 sim_loss_t2v: 0.3667 2023/08/01 03:17:46 - mmengine - INFO - Epoch(train) [27][ 400/1879] base_lr: 2.7244e-06 lr: 2.7244e-06 eta: 5:18:10 time: 0.4199 data_time: 0.0252 memory: 24646 loss: 0.7108 sim_loss_v2t: 0.3527 sim_loss_t2v: 0.3581 2023/08/01 03:18:29 - mmengine - INFO - Epoch(train) [27][ 500/1879] base_lr: 2.7152e-06 lr: 2.7152e-06 eta: 5:17:27 time: 0.4219 data_time: 0.0258 memory: 24646 loss: 0.7282 sim_loss_v2t: 0.3602 sim_loss_t2v: 0.3679 2023/08/01 03:19:11 - mmengine - INFO - Epoch(train) [27][ 600/1879] base_lr: 2.7059e-06 lr: 2.7059e-06 eta: 5:16:44 time: 0.4274 data_time: 0.0221 memory: 24646 loss: 0.7254 sim_loss_v2t: 0.3674 sim_loss_t2v: 0.3580 2023/08/01 03:19:55 - mmengine - INFO - Epoch(train) [27][ 700/1879] base_lr: 2.6967e-06 lr: 2.6967e-06 eta: 5:16:03 time: 0.4282 data_time: 0.0214 memory: 24646 loss: 0.7316 sim_loss_v2t: 0.3688 sim_loss_t2v: 0.3628 2023/08/01 03:20:38 - mmengine - INFO - Epoch(train) [27][ 800/1879] base_lr: 2.6874e-06 lr: 2.6874e-06 eta: 5:15:20 time: 0.4246 data_time: 0.0213 memory: 24646 loss: 0.7387 sim_loss_v2t: 0.3663 sim_loss_t2v: 0.3725 2023/08/01 03:21:20 - mmengine - INFO - Epoch(train) [27][ 900/1879] base_lr: 2.6781e-06 lr: 2.6781e-06 eta: 5:14:36 time: 0.4193 data_time: 0.0240 memory: 24646 loss: 0.7174 sim_loss_v2t: 0.3546 sim_loss_t2v: 0.3627 2023/08/01 03:22:02 - mmengine - INFO - Epoch(train) [27][1000/1879] base_lr: 2.6689e-06 lr: 2.6689e-06 eta: 5:13:53 time: 0.4229 data_time: 0.0221 memory: 24646 loss: 0.7148 sim_loss_v2t: 0.3531 sim_loss_t2v: 0.3617 2023/08/01 03:22:44 - mmengine - INFO - Epoch(train) [27][1100/1879] base_lr: 2.6596e-06 lr: 2.6596e-06 eta: 5:13:09 time: 0.4160 data_time: 0.0225 memory: 24646 loss: 0.7259 sim_loss_v2t: 0.3611 sim_loss_t2v: 0.3647 2023/08/01 03:23:04 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:23:27 - mmengine - INFO - Epoch(train) [27][1200/1879] base_lr: 2.6503e-06 lr: 2.6503e-06 eta: 5:12:26 time: 0.4164 data_time: 0.0202 memory: 24646 loss: 0.7338 sim_loss_v2t: 0.3674 sim_loss_t2v: 0.3664 2023/08/01 03:24:09 - mmengine - INFO - Epoch(train) [27][1300/1879] base_lr: 2.6411e-06 lr: 2.6411e-06 eta: 5:11:42 time: 0.4241 data_time: 0.0255 memory: 24646 loss: 0.6956 sim_loss_v2t: 0.3455 sim_loss_t2v: 0.3501 2023/08/01 03:24:51 - mmengine - INFO - Epoch(train) [27][1400/1879] base_lr: 2.6318e-06 lr: 2.6318e-06 eta: 5:10:59 time: 0.4158 data_time: 0.0225 memory: 24646 loss: 0.7118 sim_loss_v2t: 0.3557 sim_loss_t2v: 0.3561 2023/08/01 03:25:36 - mmengine - INFO - Epoch(train) [27][1500/1879] base_lr: 2.6225e-06 lr: 2.6225e-06 eta: 5:10:19 time: 0.5549 data_time: 0.0167 memory: 24646 loss: 0.7630 sim_loss_v2t: 0.3786 sim_loss_t2v: 0.3844 2023/08/01 03:26:18 - mmengine - INFO - Epoch(train) [27][1600/1879] base_lr: 2.6132e-06 lr: 2.6132e-06 eta: 5:09:35 time: 0.4243 data_time: 0.0220 memory: 24646 loss: 0.7254 sim_loss_v2t: 0.3611 sim_loss_t2v: 0.3643 2023/08/01 03:27:00 - mmengine - INFO - Epoch(train) [27][1700/1879] base_lr: 2.6040e-06 lr: 2.6040e-06 eta: 5:08:52 time: 0.4194 data_time: 0.0207 memory: 24646 loss: 0.7061 sim_loss_v2t: 0.3556 sim_loss_t2v: 0.3505 2023/08/01 03:27:42 - mmengine - INFO - Epoch(train) [27][1800/1879] base_lr: 2.5947e-06 lr: 2.5947e-06 eta: 5:08:09 time: 0.4223 data_time: 0.0201 memory: 24646 loss: 0.7498 sim_loss_v2t: 0.3735 sim_loss_t2v: 0.3764 2023/08/01 03:28:13 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:28:13 - mmengine - INFO - Epoch(train) [27][1879/1879] base_lr: 2.5873e-06 lr: 2.5873e-06 eta: 5:07:31 time: 0.3413 data_time: 0.0104 memory: 24646 loss: 0.7188 sim_loss_v2t: 0.3574 sim_loss_t2v: 0.3614 2023/08/01 03:28:13 - mmengine - INFO - Saving checkpoint at 27 epochs 2023/08/01 03:30:34 - mmengine - INFO - Epoch(val) [27][100/155] eta: 0:01:08 time: 1.2182 data_time: 0.0388 memory: 18720 2023/08/01 03:31:42 - mmengine - INFO - Epoch(val) [27][155/155] acc/top1: 0.8023 acc/top5: 0.9505 acc/mean1: 0.8022 data_time: 0.0498 time: 1.2288 2023/08/01 03:31:42 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_25.pth is removed 2023/08/01 03:31:48 - mmengine - INFO - The best checkpoint with 0.8023 acc/top1 at 27 epoch is saved to best_acc_top1_epoch_27.pth. 2023/08/01 03:32:47 - mmengine - INFO - Epoch(train) [28][ 100/1879] base_lr: 2.5781e-06 lr: 2.5781e-06 eta: 5:06:52 time: 0.4283 data_time: 0.0216 memory: 24646 loss: 0.6856 sim_loss_v2t: 0.3447 sim_loss_t2v: 0.3408 2023/08/01 03:33:30 - mmengine - INFO - Epoch(train) [28][ 200/1879] base_lr: 2.5688e-06 lr: 2.5688e-06 eta: 5:06:09 time: 0.4151 data_time: 0.0209 memory: 24646 loss: 0.7204 sim_loss_v2t: 0.3560 sim_loss_t2v: 0.3644 2023/08/01 03:33:58 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:34:12 - mmengine - INFO - Epoch(train) [28][ 300/1879] base_lr: 2.5595e-06 lr: 2.5595e-06 eta: 5:05:26 time: 0.4256 data_time: 0.0221 memory: 24646 loss: 0.6925 sim_loss_v2t: 0.3437 sim_loss_t2v: 0.3488 2023/08/01 03:34:55 - mmengine - INFO - Epoch(train) [28][ 400/1879] base_lr: 2.5502e-06 lr: 2.5502e-06 eta: 5:04:43 time: 0.4210 data_time: 0.0210 memory: 24646 loss: 0.7326 sim_loss_v2t: 0.3674 sim_loss_t2v: 0.3652 2023/08/01 03:35:37 - mmengine - INFO - Epoch(train) [28][ 500/1879] base_lr: 2.5409e-06 lr: 2.5409e-06 eta: 5:04:00 time: 0.4191 data_time: 0.0209 memory: 24646 loss: 0.6803 sim_loss_v2t: 0.3404 sim_loss_t2v: 0.3399 2023/08/01 03:36:19 - mmengine - INFO - Epoch(train) [28][ 600/1879] base_lr: 2.5316e-06 lr: 2.5316e-06 eta: 5:03:17 time: 0.4199 data_time: 0.0235 memory: 24646 loss: 0.7353 sim_loss_v2t: 0.3678 sim_loss_t2v: 0.3675 2023/08/01 03:37:01 - mmengine - INFO - Epoch(train) [28][ 700/1879] base_lr: 2.5223e-06 lr: 2.5223e-06 eta: 5:02:33 time: 0.4196 data_time: 0.0209 memory: 24646 loss: 0.7089 sim_loss_v2t: 0.3551 sim_loss_t2v: 0.3538 2023/08/01 03:37:45 - mmengine - INFO - Epoch(train) [28][ 800/1879] base_lr: 2.5131e-06 lr: 2.5131e-06 eta: 5:01:52 time: 0.4157 data_time: 0.0215 memory: 24646 loss: 0.7351 sim_loss_v2t: 0.3644 sim_loss_t2v: 0.3707 2023/08/01 03:38:28 - mmengine - INFO - Epoch(train) [28][ 900/1879] base_lr: 2.5038e-06 lr: 2.5038e-06 eta: 5:01:09 time: 0.4235 data_time: 0.0166 memory: 24646 loss: 0.7140 sim_loss_v2t: 0.3589 sim_loss_t2v: 0.3551 2023/08/01 03:39:13 - mmengine - INFO - Epoch(train) [28][1000/1879] base_lr: 2.4945e-06 lr: 2.4945e-06 eta: 5:00:30 time: 0.4157 data_time: 0.0204 memory: 24646 loss: 0.7304 sim_loss_v2t: 0.3666 sim_loss_t2v: 0.3638 2023/08/01 03:39:55 - mmengine - INFO - Epoch(train) [28][1100/1879] base_lr: 2.4852e-06 lr: 2.4852e-06 eta: 4:59:46 time: 0.4201 data_time: 0.0221 memory: 24646 loss: 0.6699 sim_loss_v2t: 0.3347 sim_loss_t2v: 0.3352 2023/08/01 03:40:38 - mmengine - INFO - Epoch(train) [28][1200/1879] base_lr: 2.4759e-06 lr: 2.4759e-06 eta: 4:59:03 time: 0.4201 data_time: 0.0204 memory: 24646 loss: 0.7152 sim_loss_v2t: 0.3574 sim_loss_t2v: 0.3579 2023/08/01 03:41:08 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:41:22 - mmengine - INFO - Epoch(train) [28][1300/1879] base_lr: 2.4666e-06 lr: 2.4666e-06 eta: 4:58:23 time: 0.4157 data_time: 0.0205 memory: 24646 loss: 0.6779 sim_loss_v2t: 0.3382 sim_loss_t2v: 0.3397 2023/08/01 03:42:06 - mmengine - INFO - Epoch(train) [28][1400/1879] base_lr: 2.4573e-06 lr: 2.4573e-06 eta: 4:57:41 time: 0.4111 data_time: 0.0192 memory: 24646 loss: 0.6539 sim_loss_v2t: 0.3287 sim_loss_t2v: 0.3253 2023/08/01 03:42:48 - mmengine - INFO - Epoch(train) [28][1500/1879] base_lr: 2.4480e-06 lr: 2.4480e-06 eta: 4:56:58 time: 0.4225 data_time: 0.0235 memory: 24646 loss: 0.6984 sim_loss_v2t: 0.3520 sim_loss_t2v: 0.3464 2023/08/01 03:43:31 - mmengine - INFO - Epoch(train) [28][1600/1879] base_lr: 2.4387e-06 lr: 2.4387e-06 eta: 4:56:15 time: 0.4205 data_time: 0.0240 memory: 24646 loss: 0.7405 sim_loss_v2t: 0.3698 sim_loss_t2v: 0.3707 2023/08/01 03:44:13 - mmengine - INFO - Epoch(train) [28][1700/1879] base_lr: 2.4295e-06 lr: 2.4295e-06 eta: 4:55:32 time: 0.4152 data_time: 0.0209 memory: 24646 loss: 0.7059 sim_loss_v2t: 0.3531 sim_loss_t2v: 0.3528 2023/08/01 03:44:58 - mmengine - INFO - Epoch(train) [28][1800/1879] base_lr: 2.4202e-06 lr: 2.4202e-06 eta: 4:54:52 time: 0.4192 data_time: 0.0160 memory: 24646 loss: 0.6921 sim_loss_v2t: 0.3521 sim_loss_t2v: 0.3401 2023/08/01 03:45:30 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:45:30 - mmengine - INFO - Epoch(train) [28][1879/1879] base_lr: 2.4128e-06 lr: 2.4128e-06 eta: 4:54:15 time: 0.3411 data_time: 0.0106 memory: 24646 loss: 0.6708 sim_loss_v2t: 0.3340 sim_loss_t2v: 0.3368 2023/08/01 03:45:30 - mmengine - INFO - Saving checkpoint at 28 epochs 2023/08/01 03:47:49 - mmengine - INFO - Epoch(val) [28][100/155] eta: 0:01:08 time: 1.2169 data_time: 0.0384 memory: 18720 2023/08/01 03:48:57 - mmengine - INFO - Epoch(val) [28][155/155] acc/top1: 0.8048 acc/top5: 0.9494 acc/mean1: 0.8047 data_time: 0.0500 time: 1.2300 2023/08/01 03:48:57 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_27.pth is removed 2023/08/01 03:49:05 - mmengine - INFO - The best checkpoint with 0.8048 acc/top1 at 28 epoch is saved to best_acc_top1_epoch_28.pth. 2023/08/01 03:50:03 - mmengine - INFO - Epoch(train) [29][ 100/1879] base_lr: 2.4036e-06 lr: 2.4036e-06 eta: 4:53:36 time: 0.4286 data_time: 0.0206 memory: 24646 loss: 0.7219 sim_loss_v2t: 0.3604 sim_loss_t2v: 0.3615 2023/08/01 03:50:45 - mmengine - INFO - Epoch(train) [29][ 200/1879] base_lr: 2.3943e-06 lr: 2.3943e-06 eta: 4:52:53 time: 0.4179 data_time: 0.0165 memory: 24646 loss: 0.6860 sim_loss_v2t: 0.3405 sim_loss_t2v: 0.3455 2023/08/01 03:51:27 - mmengine - INFO - Epoch(train) [29][ 300/1879] base_lr: 2.3850e-06 lr: 2.3850e-06 eta: 4:52:09 time: 0.4171 data_time: 0.0202 memory: 24646 loss: 0.6854 sim_loss_v2t: 0.3462 sim_loss_t2v: 0.3393 2023/08/01 03:52:05 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:52:10 - mmengine - INFO - Epoch(train) [29][ 400/1879] base_lr: 2.3757e-06 lr: 2.3757e-06 eta: 4:51:26 time: 0.4270 data_time: 0.0182 memory: 24646 loss: 0.6821 sim_loss_v2t: 0.3430 sim_loss_t2v: 0.3390 2023/08/01 03:52:52 - mmengine - INFO - Epoch(train) [29][ 500/1879] base_lr: 2.3664e-06 lr: 2.3664e-06 eta: 4:50:43 time: 0.4279 data_time: 0.0223 memory: 24646 loss: 0.6800 sim_loss_v2t: 0.3423 sim_loss_t2v: 0.3376 2023/08/01 03:53:35 - mmengine - INFO - Epoch(train) [29][ 600/1879] base_lr: 2.3572e-06 lr: 2.3572e-06 eta: 4:50:00 time: 0.4311 data_time: 0.0201 memory: 24646 loss: 0.7002 sim_loss_v2t: 0.3522 sim_loss_t2v: 0.3480 2023/08/01 03:54:16 - mmengine - INFO - Epoch(train) [29][ 700/1879] base_lr: 2.3479e-06 lr: 2.3479e-06 eta: 4:49:16 time: 0.4132 data_time: 0.0193 memory: 24646 loss: 0.7211 sim_loss_v2t: 0.3599 sim_loss_t2v: 0.3612 2023/08/01 03:54:59 - mmengine - INFO - Epoch(train) [29][ 800/1879] base_lr: 2.3386e-06 lr: 2.3386e-06 eta: 4:48:33 time: 0.4164 data_time: 0.0219 memory: 24646 loss: 0.6912 sim_loss_v2t: 0.3421 sim_loss_t2v: 0.3491 2023/08/01 03:55:41 - mmengine - INFO - Epoch(train) [29][ 900/1879] base_lr: 2.3294e-06 lr: 2.3294e-06 eta: 4:47:50 time: 0.4239 data_time: 0.0214 memory: 24646 loss: 0.7430 sim_loss_v2t: 0.3729 sim_loss_t2v: 0.3700 2023/08/01 03:56:23 - mmengine - INFO - Epoch(train) [29][1000/1879] base_lr: 2.3201e-06 lr: 2.3201e-06 eta: 4:47:06 time: 0.4194 data_time: 0.0228 memory: 24646 loss: 0.6825 sim_loss_v2t: 0.3467 sim_loss_t2v: 0.3358 2023/08/01 03:57:05 - mmengine - INFO - Epoch(train) [29][1100/1879] base_lr: 2.3108e-06 lr: 2.3108e-06 eta: 4:46:23 time: 0.4279 data_time: 0.0185 memory: 24646 loss: 0.7367 sim_loss_v2t: 0.3636 sim_loss_t2v: 0.3731 2023/08/01 03:57:47 - mmengine - INFO - Epoch(train) [29][1200/1879] base_lr: 2.3016e-06 lr: 2.3016e-06 eta: 4:45:39 time: 0.4155 data_time: 0.0270 memory: 24646 loss: 0.6796 sim_loss_v2t: 0.3406 sim_loss_t2v: 0.3390 2023/08/01 03:58:30 - mmengine - INFO - Epoch(train) [29][1300/1879] base_lr: 2.2923e-06 lr: 2.2923e-06 eta: 4:44:56 time: 0.4286 data_time: 0.0217 memory: 24646 loss: 0.6839 sim_loss_v2t: 0.3493 sim_loss_t2v: 0.3346 2023/08/01 03:59:07 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 03:59:12 - mmengine - INFO - Epoch(train) [29][1400/1879] base_lr: 2.2831e-06 lr: 2.2831e-06 eta: 4:44:13 time: 0.4180 data_time: 0.0192 memory: 24646 loss: 0.6595 sim_loss_v2t: 0.3304 sim_loss_t2v: 0.3290 2023/08/01 03:59:54 - mmengine - INFO - Epoch(train) [29][1500/1879] base_lr: 2.2738e-06 lr: 2.2738e-06 eta: 4:43:30 time: 0.4195 data_time: 0.0204 memory: 24646 loss: 0.6895 sim_loss_v2t: 0.3456 sim_loss_t2v: 0.3439 2023/08/01 04:00:37 - mmengine - INFO - Epoch(train) [29][1600/1879] base_lr: 2.2646e-06 lr: 2.2646e-06 eta: 4:42:46 time: 0.4194 data_time: 0.0207 memory: 24646 loss: 0.7017 sim_loss_v2t: 0.3475 sim_loss_t2v: 0.3542 2023/08/01 04:01:19 - mmengine - INFO - Epoch(train) [29][1700/1879] base_lr: 2.2553e-06 lr: 2.2553e-06 eta: 4:42:03 time: 0.4189 data_time: 0.0227 memory: 24646 loss: 0.6851 sim_loss_v2t: 0.3447 sim_loss_t2v: 0.3404 2023/08/01 04:02:01 - mmengine - INFO - Epoch(train) [29][1800/1879] base_lr: 2.2461e-06 lr: 2.2461e-06 eta: 4:41:20 time: 0.4265 data_time: 0.0206 memory: 24646 loss: 0.7164 sim_loss_v2t: 0.3566 sim_loss_t2v: 0.3599 2023/08/01 04:02:32 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:02:32 - mmengine - INFO - Epoch(train) [29][1879/1879] base_lr: 2.2388e-06 lr: 2.2388e-06 eta: 4:40:43 time: 0.3408 data_time: 0.0110 memory: 24646 loss: 0.6873 sim_loss_v2t: 0.3431 sim_loss_t2v: 0.3442 2023/08/01 04:02:32 - mmengine - INFO - Saving checkpoint at 29 epochs 2023/08/01 04:04:52 - mmengine - INFO - Epoch(val) [29][100/155] eta: 0:01:08 time: 1.2234 data_time: 0.0435 memory: 18720 2023/08/01 04:06:00 - mmengine - INFO - Epoch(val) [29][155/155] acc/top1: 0.8040 acc/top5: 0.9495 acc/mean1: 0.8039 data_time: 0.0502 time: 1.2300 2023/08/01 04:06:52 - mmengine - INFO - Epoch(train) [30][ 100/1879] base_lr: 2.2295e-06 lr: 2.2295e-06 eta: 4:40:12 time: 0.4334 data_time: 0.0212 memory: 24646 loss: 0.6836 sim_loss_v2t: 0.3410 sim_loss_t2v: 0.3426 2023/08/01 04:07:35 - mmengine - INFO - Epoch(train) [30][ 200/1879] base_lr: 2.2203e-06 lr: 2.2203e-06 eta: 4:39:29 time: 0.4496 data_time: 0.0206 memory: 24646 loss: 0.6767 sim_loss_v2t: 0.3372 sim_loss_t2v: 0.3395 2023/08/01 04:08:17 - mmengine - INFO - Epoch(train) [30][ 300/1879] base_lr: 2.2111e-06 lr: 2.2111e-06 eta: 4:38:46 time: 0.4273 data_time: 0.0208 memory: 24646 loss: 0.6464 sim_loss_v2t: 0.3220 sim_loss_t2v: 0.3244 2023/08/01 04:09:00 - mmengine - INFO - Epoch(train) [30][ 400/1879] base_lr: 2.2019e-06 lr: 2.2019e-06 eta: 4:38:02 time: 0.4276 data_time: 0.0198 memory: 24646 loss: 0.7080 sim_loss_v2t: 0.3513 sim_loss_t2v: 0.3567 2023/08/01 04:09:42 - mmengine - INFO - Epoch(train) [30][ 500/1879] base_lr: 2.1926e-06 lr: 2.1926e-06 eta: 4:37:19 time: 0.4243 data_time: 0.0204 memory: 24646 loss: 0.7583 sim_loss_v2t: 0.3779 sim_loss_t2v: 0.3804 2023/08/01 04:09:46 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:10:24 - mmengine - INFO - Epoch(train) [30][ 600/1879] base_lr: 2.1834e-06 lr: 2.1834e-06 eta: 4:36:36 time: 0.4246 data_time: 0.0185 memory: 24646 loss: 0.6746 sim_loss_v2t: 0.3335 sim_loss_t2v: 0.3411 2023/08/01 04:11:06 - mmengine - INFO - Epoch(train) [30][ 700/1879] base_lr: 2.1742e-06 lr: 2.1742e-06 eta: 4:35:52 time: 0.4181 data_time: 0.0218 memory: 24646 loss: 0.7164 sim_loss_v2t: 0.3566 sim_loss_t2v: 0.3599 2023/08/01 04:11:48 - mmengine - INFO - Epoch(train) [30][ 800/1879] base_lr: 2.1650e-06 lr: 2.1650e-06 eta: 4:35:09 time: 0.4265 data_time: 0.0205 memory: 24646 loss: 0.7292 sim_loss_v2t: 0.3618 sim_loss_t2v: 0.3674 2023/08/01 04:12:30 - mmengine - INFO - Epoch(train) [30][ 900/1879] base_lr: 2.1558e-06 lr: 2.1558e-06 eta: 4:34:25 time: 0.4219 data_time: 0.0209 memory: 24646 loss: 0.6745 sim_loss_v2t: 0.3383 sim_loss_t2v: 0.3362 2023/08/01 04:13:13 - mmengine - INFO - Epoch(train) [30][1000/1879] base_lr: 2.1466e-06 lr: 2.1466e-06 eta: 4:33:42 time: 0.4350 data_time: 0.0229 memory: 24646 loss: 0.6873 sim_loss_v2t: 0.3449 sim_loss_t2v: 0.3425 2023/08/01 04:13:55 - mmengine - INFO - Epoch(train) [30][1100/1879] base_lr: 2.1374e-06 lr: 2.1374e-06 eta: 4:32:59 time: 0.4220 data_time: 0.0210 memory: 24646 loss: 0.6863 sim_loss_v2t: 0.3421 sim_loss_t2v: 0.3443 2023/08/01 04:14:37 - mmengine - INFO - Epoch(train) [30][1200/1879] base_lr: 2.1282e-06 lr: 2.1282e-06 eta: 4:32:16 time: 0.4247 data_time: 0.0211 memory: 24646 loss: 0.6938 sim_loss_v2t: 0.3459 sim_loss_t2v: 0.3479 2023/08/01 04:15:19 - mmengine - INFO - Epoch(train) [30][1300/1879] base_lr: 2.1190e-06 lr: 2.1190e-06 eta: 4:31:33 time: 0.4210 data_time: 0.0189 memory: 24646 loss: 0.6640 sim_loss_v2t: 0.3397 sim_loss_t2v: 0.3243 2023/08/01 04:16:01 - mmengine - INFO - Epoch(train) [30][1400/1879] base_lr: 2.1099e-06 lr: 2.1099e-06 eta: 4:30:49 time: 0.4185 data_time: 0.0219 memory: 24646 loss: 0.6941 sim_loss_v2t: 0.3482 sim_loss_t2v: 0.3459 2023/08/01 04:16:44 - mmengine - INFO - Epoch(train) [30][1500/1879] base_lr: 2.1007e-06 lr: 2.1007e-06 eta: 4:30:06 time: 0.4242 data_time: 0.0202 memory: 24646 loss: 0.6616 sim_loss_v2t: 0.3281 sim_loss_t2v: 0.3335 2023/08/01 04:16:48 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:17:26 - mmengine - INFO - Epoch(train) [30][1600/1879] base_lr: 2.0915e-06 lr: 2.0915e-06 eta: 4:29:23 time: 0.4192 data_time: 0.0219 memory: 24646 loss: 0.7083 sim_loss_v2t: 0.3576 sim_loss_t2v: 0.3508 2023/08/01 04:18:08 - mmengine - INFO - Epoch(train) [30][1700/1879] base_lr: 2.0824e-06 lr: 2.0824e-06 eta: 4:28:40 time: 0.4165 data_time: 0.0216 memory: 24646 loss: 0.7094 sim_loss_v2t: 0.3513 sim_loss_t2v: 0.3580 2023/08/01 04:18:51 - mmengine - INFO - Epoch(train) [30][1800/1879] base_lr: 2.0732e-06 lr: 2.0732e-06 eta: 4:27:57 time: 0.4237 data_time: 0.0210 memory: 24646 loss: 0.6804 sim_loss_v2t: 0.3407 sim_loss_t2v: 0.3396 2023/08/01 04:19:22 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:19:22 - mmengine - INFO - Epoch(train) [30][1879/1879] base_lr: 2.0660e-06 lr: 2.0660e-06 eta: 4:27:20 time: 0.3409 data_time: 0.0112 memory: 24646 loss: 0.6690 sim_loss_v2t: 0.3342 sim_loss_t2v: 0.3348 2023/08/01 04:19:22 - mmengine - INFO - Saving checkpoint at 30 epochs 2023/08/01 04:21:42 - mmengine - INFO - Epoch(val) [30][100/155] eta: 0:01:08 time: 1.2233 data_time: 0.0436 memory: 18720 2023/08/01 04:22:50 - mmengine - INFO - Epoch(val) [30][155/155] acc/top1: 0.8045 acc/top5: 0.9497 acc/mean1: 0.8044 data_time: 0.0503 time: 1.2297 2023/08/01 04:23:42 - mmengine - INFO - Epoch(train) [31][ 100/1879] base_lr: 2.0568e-06 lr: 2.0568e-06 eta: 4:26:47 time: 0.4232 data_time: 0.0210 memory: 24646 loss: 0.6852 sim_loss_v2t: 0.3426 sim_loss_t2v: 0.3426 2023/08/01 04:24:25 - mmengine - INFO - Epoch(train) [31][ 200/1879] base_lr: 2.0477e-06 lr: 2.0477e-06 eta: 4:26:04 time: 0.4522 data_time: 0.0195 memory: 24646 loss: 0.6627 sim_loss_v2t: 0.3300 sim_loss_t2v: 0.3328 2023/08/01 04:25:06 - mmengine - INFO - Epoch(train) [31][ 300/1879] base_lr: 2.0386e-06 lr: 2.0386e-06 eta: 4:25:21 time: 0.4190 data_time: 0.0230 memory: 24646 loss: 0.6819 sim_loss_v2t: 0.3389 sim_loss_t2v: 0.3431 2023/08/01 04:25:49 - mmengine - INFO - Epoch(train) [31][ 400/1879] base_lr: 2.0294e-06 lr: 2.0294e-06 eta: 4:24:38 time: 0.4347 data_time: 0.0211 memory: 24646 loss: 0.6699 sim_loss_v2t: 0.3377 sim_loss_t2v: 0.3322 2023/08/01 04:26:32 - mmengine - INFO - Epoch(train) [31][ 500/1879] base_lr: 2.0203e-06 lr: 2.0203e-06 eta: 4:23:55 time: 0.4143 data_time: 0.0227 memory: 24646 loss: 0.6843 sim_loss_v2t: 0.3401 sim_loss_t2v: 0.3442 2023/08/01 04:27:14 - mmengine - INFO - Epoch(train) [31][ 600/1879] base_lr: 2.0112e-06 lr: 2.0112e-06 eta: 4:23:12 time: 0.4219 data_time: 0.0200 memory: 24646 loss: 0.6894 sim_loss_v2t: 0.3520 sim_loss_t2v: 0.3374 2023/08/01 04:27:27 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:27:56 - mmengine - INFO - Epoch(train) [31][ 700/1879] base_lr: 2.0021e-06 lr: 2.0021e-06 eta: 4:22:29 time: 0.4325 data_time: 0.0212 memory: 24646 loss: 0.6263 sim_loss_v2t: 0.3119 sim_loss_t2v: 0.3145 2023/08/01 04:28:38 - mmengine - INFO - Epoch(train) [31][ 800/1879] base_lr: 1.9930e-06 lr: 1.9930e-06 eta: 4:21:45 time: 0.4175 data_time: 0.0225 memory: 24646 loss: 0.6697 sim_loss_v2t: 0.3358 sim_loss_t2v: 0.3339 2023/08/01 04:29:20 - mmengine - INFO - Epoch(train) [31][ 900/1879] base_lr: 1.9839e-06 lr: 1.9839e-06 eta: 4:21:02 time: 0.4233 data_time: 0.0223 memory: 24646 loss: 0.6787 sim_loss_v2t: 0.3392 sim_loss_t2v: 0.3395 2023/08/01 04:30:02 - mmengine - INFO - Epoch(train) [31][1000/1879] base_lr: 1.9748e-06 lr: 1.9748e-06 eta: 4:20:19 time: 0.4296 data_time: 0.0183 memory: 24646 loss: 0.6833 sim_loss_v2t: 0.3422 sim_loss_t2v: 0.3412 2023/08/01 04:30:44 - mmengine - INFO - Epoch(train) [31][1100/1879] base_lr: 1.9657e-06 lr: 1.9657e-06 eta: 4:19:35 time: 0.4181 data_time: 0.0208 memory: 24646 loss: 0.6766 sim_loss_v2t: 0.3361 sim_loss_t2v: 0.3405 2023/08/01 04:31:31 - mmengine - INFO - Epoch(train) [31][1200/1879] base_lr: 1.9567e-06 lr: 1.9567e-06 eta: 4:18:56 time: 0.4168 data_time: 0.0221 memory: 24646 loss: 0.6853 sim_loss_v2t: 0.3494 sim_loss_t2v: 0.3359 2023/08/01 04:32:14 - mmengine - INFO - Epoch(train) [31][1300/1879] base_lr: 1.9476e-06 lr: 1.9476e-06 eta: 4:18:14 time: 0.4280 data_time: 0.0223 memory: 24646 loss: 0.7002 sim_loss_v2t: 0.3508 sim_loss_t2v: 0.3494 2023/08/01 04:32:56 - mmengine - INFO - Epoch(train) [31][1400/1879] base_lr: 1.9386e-06 lr: 1.9386e-06 eta: 4:17:31 time: 0.4165 data_time: 0.0205 memory: 24646 loss: 0.6755 sim_loss_v2t: 0.3402 sim_loss_t2v: 0.3354 2023/08/01 04:33:38 - mmengine - INFO - Epoch(train) [31][1500/1879] base_lr: 1.9295e-06 lr: 1.9295e-06 eta: 4:16:47 time: 0.4220 data_time: 0.0215 memory: 24646 loss: 0.6676 sim_loss_v2t: 0.3334 sim_loss_t2v: 0.3342 2023/08/01 04:34:21 - mmengine - INFO - Epoch(train) [31][1600/1879] base_lr: 1.9205e-06 lr: 1.9205e-06 eta: 4:16:04 time: 0.4190 data_time: 0.0218 memory: 24646 loss: 0.6953 sim_loss_v2t: 0.3469 sim_loss_t2v: 0.3484 2023/08/01 04:34:33 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:35:04 - mmengine - INFO - Epoch(train) [31][1700/1879] base_lr: 1.9114e-06 lr: 1.9114e-06 eta: 4:15:22 time: 0.4213 data_time: 0.0198 memory: 24646 loss: 0.6907 sim_loss_v2t: 0.3470 sim_loss_t2v: 0.3436 2023/08/01 04:35:46 - mmengine - INFO - Epoch(train) [31][1800/1879] base_lr: 1.9024e-06 lr: 1.9024e-06 eta: 4:14:38 time: 0.4213 data_time: 0.0210 memory: 24646 loss: 0.6771 sim_loss_v2t: 0.3410 sim_loss_t2v: 0.3360 2023/08/01 04:36:17 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:36:17 - mmengine - INFO - Epoch(train) [31][1879/1879] base_lr: 1.8953e-06 lr: 1.8953e-06 eta: 4:14:02 time: 0.3404 data_time: 0.0092 memory: 24646 loss: 0.6545 sim_loss_v2t: 0.3283 sim_loss_t2v: 0.3262 2023/08/01 04:36:17 - mmengine - INFO - Saving checkpoint at 31 epochs 2023/08/01 04:38:37 - mmengine - INFO - Epoch(val) [31][100/155] eta: 0:01:08 time: 1.2244 data_time: 0.0452 memory: 18720 2023/08/01 04:39:45 - mmengine - INFO - Epoch(val) [31][155/155] acc/top1: 0.8080 acc/top5: 0.9503 acc/mean1: 0.8079 data_time: 0.0514 time: 1.2311 2023/08/01 04:39:45 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_28.pth is removed 2023/08/01 04:39:52 - mmengine - INFO - The best checkpoint with 0.8080 acc/top1 at 31 epoch is saved to best_acc_top1_epoch_31.pth. 2023/08/01 04:40:50 - mmengine - INFO - Epoch(train) [32][ 100/1879] base_lr: 1.8863e-06 lr: 1.8863e-06 eta: 4:13:21 time: 0.4192 data_time: 0.0233 memory: 24646 loss: 0.6028 sim_loss_v2t: 0.3030 sim_loss_t2v: 0.2998 2023/08/01 04:41:33 - mmengine - INFO - Epoch(train) [32][ 200/1879] base_lr: 1.8773e-06 lr: 1.8773e-06 eta: 4:12:38 time: 0.4191 data_time: 0.0191 memory: 24646 loss: 0.7124 sim_loss_v2t: 0.3541 sim_loss_t2v: 0.3583 2023/08/01 04:42:21 - mmengine - INFO - Epoch(train) [32][ 300/1879] base_lr: 1.8683e-06 lr: 1.8683e-06 eta: 4:12:00 time: 0.6844 data_time: 0.0182 memory: 24646 loss: 0.6633 sim_loss_v2t: 0.3333 sim_loss_t2v: 0.3300 2023/08/01 04:43:02 - mmengine - INFO - Epoch(train) [32][ 400/1879] base_lr: 1.8593e-06 lr: 1.8593e-06 eta: 4:11:16 time: 0.4188 data_time: 0.0205 memory: 24646 loss: 0.6914 sim_loss_v2t: 0.3380 sim_loss_t2v: 0.3534 2023/08/01 04:43:44 - mmengine - INFO - Epoch(train) [32][ 500/1879] base_lr: 1.8503e-06 lr: 1.8503e-06 eta: 4:10:33 time: 0.4232 data_time: 0.0219 memory: 24646 loss: 0.7044 sim_loss_v2t: 0.3484 sim_loss_t2v: 0.3560 2023/08/01 04:44:27 - mmengine - INFO - Epoch(train) [32][ 600/1879] base_lr: 1.8414e-06 lr: 1.8414e-06 eta: 4:09:50 time: 0.4317 data_time: 0.0277 memory: 24646 loss: 0.6972 sim_loss_v2t: 0.3471 sim_loss_t2v: 0.3500 2023/08/01 04:45:10 - mmengine - INFO - Epoch(train) [32][ 700/1879] base_lr: 1.8324e-06 lr: 1.8324e-06 eta: 4:09:08 time: 0.4098 data_time: 0.0207 memory: 24646 loss: 0.6539 sim_loss_v2t: 0.3293 sim_loss_t2v: 0.3245 2023/08/01 04:45:31 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:45:52 - mmengine - INFO - Epoch(train) [32][ 800/1879] base_lr: 1.8235e-06 lr: 1.8235e-06 eta: 4:08:24 time: 0.4216 data_time: 0.0241 memory: 24646 loss: 0.6767 sim_loss_v2t: 0.3359 sim_loss_t2v: 0.3408 2023/08/01 04:46:34 - mmengine - INFO - Epoch(train) [32][ 900/1879] base_lr: 1.8145e-06 lr: 1.8145e-06 eta: 4:07:41 time: 0.4199 data_time: 0.0198 memory: 24646 loss: 0.6482 sim_loss_v2t: 0.3223 sim_loss_t2v: 0.3258 2023/08/01 04:47:16 - mmengine - INFO - Epoch(train) [32][1000/1879] base_lr: 1.8056e-06 lr: 1.8056e-06 eta: 4:06:58 time: 0.4197 data_time: 0.0215 memory: 24646 loss: 0.6259 sim_loss_v2t: 0.3108 sim_loss_t2v: 0.3150 2023/08/01 04:47:59 - mmengine - INFO - Epoch(train) [32][1100/1879] base_lr: 1.7967e-06 lr: 1.7967e-06 eta: 4:06:15 time: 0.4254 data_time: 0.0227 memory: 24646 loss: 0.6804 sim_loss_v2t: 0.3384 sim_loss_t2v: 0.3421 2023/08/01 04:48:41 - mmengine - INFO - Epoch(train) [32][1200/1879] base_lr: 1.7878e-06 lr: 1.7878e-06 eta: 4:05:32 time: 0.4205 data_time: 0.0148 memory: 24646 loss: 0.6719 sim_loss_v2t: 0.3321 sim_loss_t2v: 0.3398 2023/08/01 04:49:24 - mmengine - INFO - Epoch(train) [32][1300/1879] base_lr: 1.7789e-06 lr: 1.7789e-06 eta: 4:04:50 time: 0.4413 data_time: 0.0151 memory: 24646 loss: 0.6999 sim_loss_v2t: 0.3535 sim_loss_t2v: 0.3464 2023/08/01 04:50:07 - mmengine - INFO - Epoch(train) [32][1400/1879] base_lr: 1.7700e-06 lr: 1.7700e-06 eta: 4:04:07 time: 0.4206 data_time: 0.0238 memory: 24646 loss: 0.6593 sim_loss_v2t: 0.3311 sim_loss_t2v: 0.3282 2023/08/01 04:50:49 - mmengine - INFO - Epoch(train) [32][1500/1879] base_lr: 1.7611e-06 lr: 1.7611e-06 eta: 4:03:23 time: 0.4185 data_time: 0.0215 memory: 24646 loss: 0.6582 sim_loss_v2t: 0.3277 sim_loss_t2v: 0.3305 2023/08/01 04:51:31 - mmengine - INFO - Epoch(train) [32][1600/1879] base_lr: 1.7522e-06 lr: 1.7522e-06 eta: 4:02:40 time: 0.4211 data_time: 0.0206 memory: 24646 loss: 0.6481 sim_loss_v2t: 0.3229 sim_loss_t2v: 0.3252 2023/08/01 04:52:13 - mmengine - INFO - Epoch(train) [32][1700/1879] base_lr: 1.7434e-06 lr: 1.7434e-06 eta: 4:01:57 time: 0.4197 data_time: 0.0209 memory: 24646 loss: 0.6421 sim_loss_v2t: 0.3204 sim_loss_t2v: 0.3216 2023/08/01 04:52:34 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:52:55 - mmengine - INFO - Epoch(train) [32][1800/1879] base_lr: 1.7345e-06 lr: 1.7345e-06 eta: 4:01:14 time: 0.4177 data_time: 0.0252 memory: 24646 loss: 0.6409 sim_loss_v2t: 0.3227 sim_loss_t2v: 0.3182 2023/08/01 04:53:26 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 04:53:26 - mmengine - INFO - Epoch(train) [32][1879/1879] base_lr: 1.7275e-06 lr: 1.7275e-06 eta: 4:00:38 time: 0.3394 data_time: 0.0113 memory: 24646 loss: 0.6829 sim_loss_v2t: 0.3394 sim_loss_t2v: 0.3435 2023/08/01 04:53:26 - mmengine - INFO - Saving checkpoint at 32 epochs 2023/08/01 04:55:46 - mmengine - INFO - Epoch(val) [32][100/155] eta: 0:01:08 time: 1.2258 data_time: 0.0467 memory: 18720 2023/08/01 04:56:53 - mmengine - INFO - Epoch(val) [32][155/155] acc/top1: 0.8071 acc/top5: 0.9506 acc/mean1: 0.8071 data_time: 0.0523 time: 1.2313 2023/08/01 04:57:45 - mmengine - INFO - Epoch(train) [33][ 100/1879] base_lr: 1.7187e-06 lr: 1.7187e-06 eta: 4:00:02 time: 0.4435 data_time: 0.0242 memory: 24646 loss: 0.6924 sim_loss_v2t: 0.3481 sim_loss_t2v: 0.3443 2023/08/01 04:58:28 - mmengine - INFO - Epoch(train) [33][ 200/1879] base_lr: 1.7099e-06 lr: 1.7099e-06 eta: 3:59:20 time: 0.4399 data_time: 0.0202 memory: 24646 loss: 0.6528 sim_loss_v2t: 0.3198 sim_loss_t2v: 0.3330 2023/08/01 04:59:10 - mmengine - INFO - Epoch(train) [33][ 300/1879] base_lr: 1.7011e-06 lr: 1.7011e-06 eta: 3:58:36 time: 0.4213 data_time: 0.0256 memory: 24646 loss: 0.6512 sim_loss_v2t: 0.3297 sim_loss_t2v: 0.3216 2023/08/01 04:59:52 - mmengine - INFO - Epoch(train) [33][ 400/1879] base_lr: 1.6923e-06 lr: 1.6923e-06 eta: 3:57:53 time: 0.4176 data_time: 0.0207 memory: 24646 loss: 0.6591 sim_loss_v2t: 0.3280 sim_loss_t2v: 0.3311 2023/08/01 05:00:35 - mmengine - INFO - Epoch(train) [33][ 500/1879] base_lr: 1.6835e-06 lr: 1.6835e-06 eta: 3:57:10 time: 0.4215 data_time: 0.0198 memory: 24646 loss: 0.6502 sim_loss_v2t: 0.3269 sim_loss_t2v: 0.3233 2023/08/01 05:01:17 - mmengine - INFO - Epoch(train) [33][ 600/1879] base_lr: 1.6747e-06 lr: 1.6747e-06 eta: 3:56:28 time: 0.4238 data_time: 0.0188 memory: 24646 loss: 0.6716 sim_loss_v2t: 0.3355 sim_loss_t2v: 0.3361 2023/08/01 05:01:59 - mmengine - INFO - Epoch(train) [33][ 700/1879] base_lr: 1.6660e-06 lr: 1.6660e-06 eta: 3:55:44 time: 0.4215 data_time: 0.0205 memory: 24646 loss: 0.6735 sim_loss_v2t: 0.3345 sim_loss_t2v: 0.3390 2023/08/01 05:02:42 - mmengine - INFO - Epoch(train) [33][ 800/1879] base_lr: 1.6572e-06 lr: 1.6572e-06 eta: 3:55:01 time: 0.4180 data_time: 0.0199 memory: 24646 loss: 0.6714 sim_loss_v2t: 0.3353 sim_loss_t2v: 0.3361 2023/08/01 05:03:12 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:03:24 - mmengine - INFO - Epoch(train) [33][ 900/1879] base_lr: 1.6485e-06 lr: 1.6485e-06 eta: 3:54:18 time: 0.4259 data_time: 0.0230 memory: 24646 loss: 0.6564 sim_loss_v2t: 0.3295 sim_loss_t2v: 0.3269 2023/08/01 05:04:06 - mmengine - INFO - Epoch(train) [33][1000/1879] base_lr: 1.6398e-06 lr: 1.6398e-06 eta: 3:53:35 time: 0.4304 data_time: 0.0227 memory: 24646 loss: 0.6632 sim_loss_v2t: 0.3320 sim_loss_t2v: 0.3313 2023/08/01 05:04:49 - mmengine - INFO - Epoch(train) [33][1100/1879] base_lr: 1.6310e-06 lr: 1.6310e-06 eta: 3:52:52 time: 0.4157 data_time: 0.0167 memory: 24646 loss: 0.6868 sim_loss_v2t: 0.3415 sim_loss_t2v: 0.3453 2023/08/01 05:05:31 - mmengine - INFO - Epoch(train) [33][1200/1879] base_lr: 1.6223e-06 lr: 1.6223e-06 eta: 3:52:09 time: 0.4300 data_time: 0.0233 memory: 24646 loss: 0.6647 sim_loss_v2t: 0.3337 sim_loss_t2v: 0.3310 2023/08/01 05:06:17 - mmengine - INFO - Epoch(train) [33][1300/1879] base_lr: 1.6136e-06 lr: 1.6136e-06 eta: 3:51:29 time: 0.3940 data_time: 0.0077 memory: 24646 loss: 0.6425 sim_loss_v2t: 0.3193 sim_loss_t2v: 0.3232 2023/08/01 05:06:59 - mmengine - INFO - Epoch(train) [33][1400/1879] base_lr: 1.6050e-06 lr: 1.6050e-06 eta: 3:50:46 time: 0.4177 data_time: 0.0213 memory: 24646 loss: 0.6702 sim_loss_v2t: 0.3361 sim_loss_t2v: 0.3340 2023/08/01 05:07:41 - mmengine - INFO - Epoch(train) [33][1500/1879] base_lr: 1.5963e-06 lr: 1.5963e-06 eta: 3:50:03 time: 0.4182 data_time: 0.0217 memory: 24646 loss: 0.6250 sim_loss_v2t: 0.3137 sim_loss_t2v: 0.3113 2023/08/01 05:08:24 - mmengine - INFO - Epoch(train) [33][1600/1879] base_lr: 1.5876e-06 lr: 1.5876e-06 eta: 3:49:20 time: 0.4222 data_time: 0.0244 memory: 24646 loss: 0.6409 sim_loss_v2t: 0.3212 sim_loss_t2v: 0.3197 2023/08/01 05:09:06 - mmengine - INFO - Epoch(train) [33][1700/1879] base_lr: 1.5790e-06 lr: 1.5790e-06 eta: 3:48:37 time: 0.4390 data_time: 0.0201 memory: 24646 loss: 0.6349 sim_loss_v2t: 0.3184 sim_loss_t2v: 0.3165 2023/08/01 05:09:49 - mmengine - INFO - Epoch(train) [33][1800/1879] base_lr: 1.5704e-06 lr: 1.5704e-06 eta: 3:47:54 time: 0.4237 data_time: 0.0199 memory: 24646 loss: 0.6758 sim_loss_v2t: 0.3348 sim_loss_t2v: 0.3410 2023/08/01 05:10:18 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:10:20 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:10:20 - mmengine - INFO - Epoch(train) [33][1879/1879] base_lr: 1.5636e-06 lr: 1.5636e-06 eta: 3:47:18 time: 0.3417 data_time: 0.0085 memory: 24646 loss: 0.6289 sim_loss_v2t: 0.3117 sim_loss_t2v: 0.3172 2023/08/01 05:10:20 - mmengine - INFO - Saving checkpoint at 33 epochs 2023/08/01 05:12:40 - mmengine - INFO - Epoch(val) [33][100/155] eta: 0:01:08 time: 1.2267 data_time: 0.0466 memory: 18720 2023/08/01 05:13:48 - mmengine - INFO - Epoch(val) [33][155/155] acc/top1: 0.8084 acc/top5: 0.9500 acc/mean1: 0.8085 data_time: 0.0524 time: 1.2319 2023/08/01 05:13:49 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_31.pth is removed 2023/08/01 05:13:55 - mmengine - INFO - The best checkpoint with 0.8084 acc/top1 at 33 epoch is saved to best_acc_top1_epoch_33.pth. 2023/08/01 05:14:54 - mmengine - INFO - Epoch(train) [34][ 100/1879] base_lr: 1.5550e-06 lr: 1.5550e-06 eta: 3:46:37 time: 0.4200 data_time: 0.0221 memory: 24646 loss: 0.6745 sim_loss_v2t: 0.3354 sim_loss_t2v: 0.3391 2023/08/01 05:15:36 - mmengine - INFO - Epoch(train) [34][ 200/1879] base_lr: 1.5464e-06 lr: 1.5464e-06 eta: 3:45:54 time: 0.4210 data_time: 0.0240 memory: 24646 loss: 0.6335 sim_loss_v2t: 0.3189 sim_loss_t2v: 0.3146 2023/08/01 05:16:18 - mmengine - INFO - Epoch(train) [34][ 300/1879] base_lr: 1.5378e-06 lr: 1.5378e-06 eta: 3:45:11 time: 0.4286 data_time: 0.0235 memory: 24646 loss: 0.6388 sim_loss_v2t: 0.3147 sim_loss_t2v: 0.3241 2023/08/01 05:17:00 - mmengine - INFO - Epoch(train) [34][ 400/1879] base_lr: 1.5292e-06 lr: 1.5292e-06 eta: 3:44:28 time: 0.4234 data_time: 0.0205 memory: 24646 loss: 0.6556 sim_loss_v2t: 0.3324 sim_loss_t2v: 0.3232 2023/08/01 05:17:43 - mmengine - INFO - Epoch(train) [34][ 500/1879] base_lr: 1.5207e-06 lr: 1.5207e-06 eta: 3:43:45 time: 0.4295 data_time: 0.0236 memory: 24646 loss: 0.6229 sim_loss_v2t: 0.3115 sim_loss_t2v: 0.3113 2023/08/01 05:18:25 - mmengine - INFO - Epoch(train) [34][ 600/1879] base_lr: 1.5121e-06 lr: 1.5121e-06 eta: 3:43:02 time: 0.4256 data_time: 0.0207 memory: 24646 loss: 0.6317 sim_loss_v2t: 0.3158 sim_loss_t2v: 0.3159 2023/08/01 05:19:08 - mmengine - INFO - Epoch(train) [34][ 700/1879] base_lr: 1.5036e-06 lr: 1.5036e-06 eta: 3:42:19 time: 0.4192 data_time: 0.0211 memory: 24646 loss: 0.6291 sim_loss_v2t: 0.3115 sim_loss_t2v: 0.3175 2023/08/01 05:19:51 - mmengine - INFO - Epoch(train) [34][ 800/1879] base_lr: 1.4951e-06 lr: 1.4951e-06 eta: 3:41:36 time: 0.4381 data_time: 0.0215 memory: 24646 loss: 0.6308 sim_loss_v2t: 0.3134 sim_loss_t2v: 0.3174 2023/08/01 05:20:32 - mmengine - INFO - Epoch(train) [34][ 900/1879] base_lr: 1.4866e-06 lr: 1.4866e-06 eta: 3:40:53 time: 0.4181 data_time: 0.0244 memory: 24646 loss: 0.6737 sim_loss_v2t: 0.3371 sim_loss_t2v: 0.3366 2023/08/01 05:21:12 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:21:15 - mmengine - INFO - Epoch(train) [34][1000/1879] base_lr: 1.4781e-06 lr: 1.4781e-06 eta: 3:40:10 time: 0.4294 data_time: 0.0211 memory: 24646 loss: 0.6191 sim_loss_v2t: 0.3104 sim_loss_t2v: 0.3087 2023/08/01 05:21:57 - mmengine - INFO - Epoch(train) [34][1100/1879] base_lr: 1.4696e-06 lr: 1.4696e-06 eta: 3:39:27 time: 0.4210 data_time: 0.0216 memory: 24646 loss: 0.6489 sim_loss_v2t: 0.3242 sim_loss_t2v: 0.3246 2023/08/01 05:22:40 - mmengine - INFO - Epoch(train) [34][1200/1879] base_lr: 1.4612e-06 lr: 1.4612e-06 eta: 3:38:45 time: 0.4223 data_time: 0.0229 memory: 24646 loss: 0.6366 sim_loss_v2t: 0.3173 sim_loss_t2v: 0.3193 2023/08/01 05:23:23 - mmengine - INFO - Epoch(train) [34][1300/1879] base_lr: 1.4527e-06 lr: 1.4527e-06 eta: 3:38:02 time: 0.4144 data_time: 0.0198 memory: 24646 loss: 0.7077 sim_loss_v2t: 0.3497 sim_loss_t2v: 0.3580 2023/08/01 05:24:05 - mmengine - INFO - Epoch(train) [34][1400/1879] base_lr: 1.4443e-06 lr: 1.4443e-06 eta: 3:37:19 time: 0.4248 data_time: 0.0214 memory: 24646 loss: 0.6356 sim_loss_v2t: 0.3152 sim_loss_t2v: 0.3203 2023/08/01 05:24:47 - mmengine - INFO - Epoch(train) [34][1500/1879] base_lr: 1.4359e-06 lr: 1.4359e-06 eta: 3:36:36 time: 0.4244 data_time: 0.0281 memory: 24646 loss: 0.6729 sim_loss_v2t: 0.3382 sim_loss_t2v: 0.3347 2023/08/01 05:25:30 - mmengine - INFO - Epoch(train) [34][1600/1879] base_lr: 1.4275e-06 lr: 1.4275e-06 eta: 3:35:53 time: 0.4268 data_time: 0.0219 memory: 24646 loss: 0.6379 sim_loss_v2t: 0.3214 sim_loss_t2v: 0.3165 2023/08/01 05:26:12 - mmengine - INFO - Epoch(train) [34][1700/1879] base_lr: 1.4191e-06 lr: 1.4191e-06 eta: 3:35:10 time: 0.4173 data_time: 0.0210 memory: 24646 loss: 0.6666 sim_loss_v2t: 0.3299 sim_loss_t2v: 0.3367 2023/08/01 05:26:55 - mmengine - INFO - Epoch(train) [34][1800/1879] base_lr: 1.4108e-06 lr: 1.4108e-06 eta: 3:34:28 time: 0.4227 data_time: 0.0214 memory: 24646 loss: 0.6738 sim_loss_v2t: 0.3345 sim_loss_t2v: 0.3393 2023/08/01 05:27:27 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:27:27 - mmengine - INFO - Epoch(train) [34][1879/1879] base_lr: 1.4042e-06 lr: 1.4042e-06 eta: 3:33:52 time: 0.3408 data_time: 0.0110 memory: 24646 loss: 0.6646 sim_loss_v2t: 0.3318 sim_loss_t2v: 0.3327 2023/08/01 05:27:27 - mmengine - INFO - Saving checkpoint at 34 epochs 2023/08/01 05:29:46 - mmengine - INFO - Epoch(val) [34][100/155] eta: 0:01:08 time: 1.2229 data_time: 0.0425 memory: 18720 2023/08/01 05:30:54 - mmengine - INFO - Epoch(val) [34][155/155] acc/top1: 0.8059 acc/top5: 0.9507 acc/mean1: 0.8058 data_time: 0.0517 time: 1.2315 2023/08/01 05:31:46 - mmengine - INFO - Epoch(train) [35][ 100/1879] base_lr: 1.3958e-06 lr: 1.3958e-06 eta: 3:33:16 time: 0.4366 data_time: 0.0237 memory: 24646 loss: 0.6784 sim_loss_v2t: 0.3399 sim_loss_t2v: 0.3385 2023/08/01 05:31:52 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:32:28 - mmengine - INFO - Epoch(train) [35][ 200/1879] base_lr: 1.3875e-06 lr: 1.3875e-06 eta: 3:32:33 time: 0.4217 data_time: 0.0218 memory: 24646 loss: 0.6501 sim_loss_v2t: 0.3214 sim_loss_t2v: 0.3287 2023/08/01 05:33:14 - mmengine - INFO - Epoch(train) [35][ 300/1879] base_lr: 1.3792e-06 lr: 1.3792e-06 eta: 3:31:52 time: 0.5891 data_time: 0.0183 memory: 24646 loss: 0.6008 sim_loss_v2t: 0.3020 sim_loss_t2v: 0.2988 2023/08/01 05:33:55 - mmengine - INFO - Epoch(train) [35][ 400/1879] base_lr: 1.3709e-06 lr: 1.3709e-06 eta: 3:31:08 time: 0.4186 data_time: 0.0241 memory: 24646 loss: 0.6474 sim_loss_v2t: 0.3231 sim_loss_t2v: 0.3244 2023/08/01 05:34:38 - mmengine - INFO - Epoch(train) [35][ 500/1879] base_lr: 1.3626e-06 lr: 1.3626e-06 eta: 3:30:26 time: 0.4336 data_time: 0.0220 memory: 24646 loss: 0.6672 sim_loss_v2t: 0.3325 sim_loss_t2v: 0.3347 2023/08/01 05:35:20 - mmengine - INFO - Epoch(train) [35][ 600/1879] base_lr: 1.3543e-06 lr: 1.3543e-06 eta: 3:29:42 time: 0.4222 data_time: 0.0241 memory: 24646 loss: 0.6374 sim_loss_v2t: 0.3150 sim_loss_t2v: 0.3223 2023/08/01 05:36:02 - mmengine - INFO - Epoch(train) [35][ 700/1879] base_lr: 1.3461e-06 lr: 1.3461e-06 eta: 3:28:59 time: 0.4203 data_time: 0.0217 memory: 24646 loss: 0.6682 sim_loss_v2t: 0.3330 sim_loss_t2v: 0.3352 2023/08/01 05:36:45 - mmengine - INFO - Epoch(train) [35][ 800/1879] base_lr: 1.3379e-06 lr: 1.3379e-06 eta: 3:28:17 time: 0.4171 data_time: 0.0164 memory: 24646 loss: 0.6403 sim_loss_v2t: 0.3153 sim_loss_t2v: 0.3250 2023/08/01 05:37:27 - mmengine - INFO - Epoch(train) [35][ 900/1879] base_lr: 1.3296e-06 lr: 1.3296e-06 eta: 3:27:33 time: 0.4263 data_time: 0.0228 memory: 24646 loss: 0.6179 sim_loss_v2t: 0.3121 sim_loss_t2v: 0.3058 2023/08/01 05:38:09 - mmengine - INFO - Epoch(train) [35][1000/1879] base_lr: 1.3214e-06 lr: 1.3214e-06 eta: 3:26:50 time: 0.4179 data_time: 0.0185 memory: 24646 loss: 0.6370 sim_loss_v2t: 0.3172 sim_loss_t2v: 0.3199 2023/08/01 05:38:51 - mmengine - INFO - Epoch(train) [35][1100/1879] base_lr: 1.3133e-06 lr: 1.3133e-06 eta: 3:26:07 time: 0.4158 data_time: 0.0231 memory: 24646 loss: 0.6590 sim_loss_v2t: 0.3280 sim_loss_t2v: 0.3310 2023/08/01 05:38:58 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:39:34 - mmengine - INFO - Epoch(train) [35][1200/1879] base_lr: 1.3051e-06 lr: 1.3051e-06 eta: 3:25:24 time: 0.4129 data_time: 0.0222 memory: 24646 loss: 0.6383 sim_loss_v2t: 0.3159 sim_loss_t2v: 0.3224 2023/08/01 05:40:16 - mmengine - INFO - Epoch(train) [35][1300/1879] base_lr: 1.2969e-06 lr: 1.2969e-06 eta: 3:24:42 time: 0.4210 data_time: 0.0207 memory: 24646 loss: 0.6340 sim_loss_v2t: 0.3168 sim_loss_t2v: 0.3172 2023/08/01 05:40:59 - mmengine - INFO - Epoch(train) [35][1400/1879] base_lr: 1.2888e-06 lr: 1.2888e-06 eta: 3:23:59 time: 0.4333 data_time: 0.0185 memory: 24646 loss: 0.6651 sim_loss_v2t: 0.3294 sim_loss_t2v: 0.3357 2023/08/01 05:41:41 - mmengine - INFO - Epoch(train) [35][1500/1879] base_lr: 1.2807e-06 lr: 1.2807e-06 eta: 3:23:16 time: 0.4178 data_time: 0.0197 memory: 24646 loss: 0.6408 sim_loss_v2t: 0.3240 sim_loss_t2v: 0.3168 2023/08/01 05:42:23 - mmengine - INFO - Epoch(train) [35][1600/1879] base_lr: 1.2726e-06 lr: 1.2726e-06 eta: 3:22:32 time: 0.4182 data_time: 0.0219 memory: 24646 loss: 0.6202 sim_loss_v2t: 0.3111 sim_loss_t2v: 0.3090 2023/08/01 05:43:05 - mmengine - INFO - Epoch(train) [35][1700/1879] base_lr: 1.2645e-06 lr: 1.2645e-06 eta: 3:21:49 time: 0.4176 data_time: 0.0212 memory: 24646 loss: 0.6137 sim_loss_v2t: 0.3031 sim_loss_t2v: 0.3106 2023/08/01 05:43:48 - mmengine - INFO - Epoch(train) [35][1800/1879] base_lr: 1.2564e-06 lr: 1.2564e-06 eta: 3:21:07 time: 0.4271 data_time: 0.0242 memory: 24646 loss: 0.6464 sim_loss_v2t: 0.3234 sim_loss_t2v: 0.3230 2023/08/01 05:44:19 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:44:19 - mmengine - INFO - Epoch(train) [35][1879/1879] base_lr: 1.2501e-06 lr: 1.2501e-06 eta: 3:20:31 time: 0.3416 data_time: 0.0109 memory: 24646 loss: 0.6151 sim_loss_v2t: 0.3045 sim_loss_t2v: 0.3106 2023/08/01 05:44:19 - mmengine - INFO - Saving checkpoint at 35 epochs 2023/08/01 05:46:39 - mmengine - INFO - Epoch(val) [35][100/155] eta: 0:01:08 time: 1.2232 data_time: 0.0438 memory: 18720 2023/08/01 05:47:46 - mmengine - INFO - Epoch(val) [35][155/155] acc/top1: 0.8076 acc/top5: 0.9508 acc/mean1: 0.8075 data_time: 0.0500 time: 1.2288 2023/08/01 05:48:39 - mmengine - INFO - Epoch(train) [36][ 100/1879] base_lr: 1.2420e-06 lr: 1.2420e-06 eta: 3:19:55 time: 0.4168 data_time: 0.0222 memory: 24646 loss: 0.6074 sim_loss_v2t: 0.3032 sim_loss_t2v: 0.3042 2023/08/01 05:49:21 - mmengine - INFO - Epoch(train) [36][ 200/1879] base_lr: 1.2340e-06 lr: 1.2340e-06 eta: 3:19:12 time: 0.4187 data_time: 0.0215 memory: 24646 loss: 0.6244 sim_loss_v2t: 0.3121 sim_loss_t2v: 0.3123 2023/08/01 05:49:36 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:50:04 - mmengine - INFO - Epoch(train) [36][ 300/1879] base_lr: 1.2260e-06 lr: 1.2260e-06 eta: 3:18:29 time: 0.4192 data_time: 0.0212 memory: 24646 loss: 0.5907 sim_loss_v2t: 0.2972 sim_loss_t2v: 0.2935 2023/08/01 05:50:46 - mmengine - INFO - Epoch(train) [36][ 400/1879] base_lr: 1.2180e-06 lr: 1.2180e-06 eta: 3:17:46 time: 0.4231 data_time: 0.0219 memory: 24646 loss: 0.5835 sim_loss_v2t: 0.2915 sim_loss_t2v: 0.2920 2023/08/01 05:51:28 - mmengine - INFO - Epoch(train) [36][ 500/1879] base_lr: 1.2101e-06 lr: 1.2101e-06 eta: 3:17:03 time: 0.4245 data_time: 0.0245 memory: 24646 loss: 0.6070 sim_loss_v2t: 0.3036 sim_loss_t2v: 0.3034 2023/08/01 05:52:13 - mmengine - INFO - Epoch(train) [36][ 600/1879] base_lr: 1.2021e-06 lr: 1.2021e-06 eta: 3:16:21 time: 0.4154 data_time: 0.0217 memory: 24646 loss: 0.6736 sim_loss_v2t: 0.3443 sim_loss_t2v: 0.3293 2023/08/01 05:52:55 - mmengine - INFO - Epoch(train) [36][ 700/1879] base_lr: 1.1942e-06 lr: 1.1942e-06 eta: 3:15:38 time: 0.4322 data_time: 0.0204 memory: 24646 loss: 0.6195 sim_loss_v2t: 0.3111 sim_loss_t2v: 0.3083 2023/08/01 05:53:38 - mmengine - INFO - Epoch(train) [36][ 800/1879] base_lr: 1.1863e-06 lr: 1.1863e-06 eta: 3:14:55 time: 0.4272 data_time: 0.0199 memory: 24646 loss: 0.6446 sim_loss_v2t: 0.3199 sim_loss_t2v: 0.3247 2023/08/01 05:54:20 - mmengine - INFO - Epoch(train) [36][ 900/1879] base_lr: 1.1784e-06 lr: 1.1784e-06 eta: 3:14:12 time: 0.4224 data_time: 0.0197 memory: 24646 loss: 0.6710 sim_loss_v2t: 0.3371 sim_loss_t2v: 0.3339 2023/08/01 05:55:02 - mmengine - INFO - Epoch(train) [36][1000/1879] base_lr: 1.1705e-06 lr: 1.1705e-06 eta: 3:13:29 time: 0.4134 data_time: 0.0211 memory: 24646 loss: 0.6558 sim_loss_v2t: 0.3296 sim_loss_t2v: 0.3262 2023/08/01 05:55:45 - mmengine - INFO - Epoch(train) [36][1100/1879] base_lr: 1.1627e-06 lr: 1.1627e-06 eta: 3:12:47 time: 0.4330 data_time: 0.0331 memory: 24646 loss: 0.6692 sim_loss_v2t: 0.3298 sim_loss_t2v: 0.3394 2023/08/01 05:56:28 - mmengine - INFO - Epoch(train) [36][1200/1879] base_lr: 1.1548e-06 lr: 1.1548e-06 eta: 3:12:04 time: 0.4318 data_time: 0.0180 memory: 24646 loss: 0.6650 sim_loss_v2t: 0.3375 sim_loss_t2v: 0.3274 2023/08/01 05:56:43 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 05:57:10 - mmengine - INFO - Epoch(train) [36][1300/1879] base_lr: 1.1470e-06 lr: 1.1470e-06 eta: 3:11:21 time: 0.4255 data_time: 0.0231 memory: 24646 loss: 0.6183 sim_loss_v2t: 0.3085 sim_loss_t2v: 0.3099 2023/08/01 05:57:53 - mmengine - INFO - Epoch(train) [36][1400/1879] base_lr: 1.1392e-06 lr: 1.1392e-06 eta: 3:10:38 time: 0.4181 data_time: 0.0208 memory: 24646 loss: 0.6171 sim_loss_v2t: 0.3057 sim_loss_t2v: 0.3113 2023/08/01 05:58:35 - mmengine - INFO - Epoch(train) [36][1500/1879] base_lr: 1.1314e-06 lr: 1.1314e-06 eta: 3:09:55 time: 0.4256 data_time: 0.0235 memory: 24646 loss: 0.6408 sim_loss_v2t: 0.3189 sim_loss_t2v: 0.3219 2023/08/01 05:59:17 - mmengine - INFO - Epoch(train) [36][1600/1879] base_lr: 1.1237e-06 lr: 1.1237e-06 eta: 3:09:12 time: 0.4222 data_time: 0.0208 memory: 24646 loss: 0.6160 sim_loss_v2t: 0.3103 sim_loss_t2v: 0.3057 2023/08/01 06:00:00 - mmengine - INFO - Epoch(train) [36][1700/1879] base_lr: 1.1159e-06 lr: 1.1159e-06 eta: 3:08:29 time: 0.4290 data_time: 0.0207 memory: 24646 loss: 0.6209 sim_loss_v2t: 0.3127 sim_loss_t2v: 0.3082 2023/08/01 06:00:42 - mmengine - INFO - Epoch(train) [36][1800/1879] base_lr: 1.1082e-06 lr: 1.1082e-06 eta: 3:07:46 time: 0.4190 data_time: 0.0212 memory: 24646 loss: 0.6502 sim_loss_v2t: 0.3289 sim_loss_t2v: 0.3213 2023/08/01 06:01:13 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:01:13 - mmengine - INFO - Epoch(train) [36][1879/1879] base_lr: 1.1021e-06 lr: 1.1021e-06 eta: 3:07:11 time: 0.3420 data_time: 0.0113 memory: 24646 loss: 0.6301 sim_loss_v2t: 0.3150 sim_loss_t2v: 0.3151 2023/08/01 06:01:13 - mmengine - INFO - Saving checkpoint at 36 epochs 2023/08/01 06:03:33 - mmengine - INFO - Epoch(val) [36][100/155] eta: 0:01:08 time: 1.2240 data_time: 0.0427 memory: 18720 2023/08/01 06:04:41 - mmengine - INFO - Epoch(val) [36][155/155] acc/top1: 0.8075 acc/top5: 0.9499 acc/mean1: 0.8075 data_time: 0.0499 time: 1.2290 2023/08/01 06:05:33 - mmengine - INFO - Epoch(train) [37][ 100/1879] base_lr: 1.0944e-06 lr: 1.0944e-06 eta: 3:06:33 time: 0.4536 data_time: 0.0232 memory: 24646 loss: 0.6043 sim_loss_v2t: 0.3011 sim_loss_t2v: 0.3032 2023/08/01 06:06:15 - mmengine - INFO - Epoch(train) [37][ 200/1879] base_lr: 1.0867e-06 lr: 1.0867e-06 eta: 3:05:50 time: 0.4246 data_time: 0.0217 memory: 24646 loss: 0.6223 sim_loss_v2t: 0.3093 sim_loss_t2v: 0.3131 2023/08/01 06:06:58 - mmengine - INFO - Epoch(train) [37][ 300/1879] base_lr: 1.0791e-06 lr: 1.0791e-06 eta: 3:05:07 time: 0.4196 data_time: 0.0205 memory: 24646 loss: 0.6154 sim_loss_v2t: 0.3088 sim_loss_t2v: 0.3065 2023/08/01 06:07:21 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:07:40 - mmengine - INFO - Epoch(train) [37][ 400/1879] base_lr: 1.0714e-06 lr: 1.0714e-06 eta: 3:04:24 time: 0.4153 data_time: 0.0237 memory: 24646 loss: 0.6140 sim_loss_v2t: 0.3055 sim_loss_t2v: 0.3085 2023/08/01 06:08:22 - mmengine - INFO - Epoch(train) [37][ 500/1879] base_lr: 1.0638e-06 lr: 1.0638e-06 eta: 3:03:41 time: 0.4242 data_time: 0.0222 memory: 24646 loss: 0.6408 sim_loss_v2t: 0.3222 sim_loss_t2v: 0.3186 2023/08/01 06:09:04 - mmengine - INFO - Epoch(train) [37][ 600/1879] base_lr: 1.0562e-06 lr: 1.0562e-06 eta: 3:02:58 time: 0.4154 data_time: 0.0211 memory: 24646 loss: 0.6843 sim_loss_v2t: 0.3469 sim_loss_t2v: 0.3374 2023/08/01 06:09:47 - mmengine - INFO - Epoch(train) [37][ 700/1879] base_lr: 1.0487e-06 lr: 1.0487e-06 eta: 3:02:16 time: 0.4283 data_time: 0.0185 memory: 24646 loss: 0.6437 sim_loss_v2t: 0.3248 sim_loss_t2v: 0.3190 2023/08/01 06:10:30 - mmengine - INFO - Epoch(train) [37][ 800/1879] base_lr: 1.0411e-06 lr: 1.0411e-06 eta: 3:01:33 time: 0.4426 data_time: 0.0312 memory: 24646 loss: 0.6232 sim_loss_v2t: 0.3087 sim_loss_t2v: 0.3144 2023/08/01 06:11:12 - mmengine - INFO - Epoch(train) [37][ 900/1879] base_lr: 1.0336e-06 lr: 1.0336e-06 eta: 3:00:50 time: 0.4134 data_time: 0.0207 memory: 24646 loss: 0.6030 sim_loss_v2t: 0.2958 sim_loss_t2v: 0.3072 2023/08/01 06:11:54 - mmengine - INFO - Epoch(train) [37][1000/1879] base_lr: 1.0261e-06 lr: 1.0261e-06 eta: 3:00:07 time: 0.4288 data_time: 0.0215 memory: 24646 loss: 0.6121 sim_loss_v2t: 0.3030 sim_loss_t2v: 0.3090 2023/08/01 06:12:37 - mmengine - INFO - Epoch(train) [37][1100/1879] base_lr: 1.0186e-06 lr: 1.0186e-06 eta: 2:59:24 time: 0.4176 data_time: 0.0212 memory: 24646 loss: 0.5653 sim_loss_v2t: 0.2812 sim_loss_t2v: 0.2841 2023/08/01 06:13:19 - mmengine - INFO - Epoch(train) [37][1200/1879] base_lr: 1.0111e-06 lr: 1.0111e-06 eta: 2:58:41 time: 0.4221 data_time: 0.0216 memory: 24646 loss: 0.6197 sim_loss_v2t: 0.3129 sim_loss_t2v: 0.3068 2023/08/01 06:14:02 - mmengine - INFO - Epoch(train) [37][1300/1879] base_lr: 1.0037e-06 lr: 1.0037e-06 eta: 2:57:58 time: 0.4489 data_time: 0.0207 memory: 24646 loss: 0.6277 sim_loss_v2t: 0.3131 sim_loss_t2v: 0.3146 2023/08/01 06:14:25 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:14:44 - mmengine - INFO - Epoch(train) [37][1400/1879] base_lr: 9.9622e-07 lr: 9.9622e-07 eta: 2:57:15 time: 0.4158 data_time: 0.0171 memory: 24646 loss: 0.6336 sim_loss_v2t: 0.3099 sim_loss_t2v: 0.3237 2023/08/01 06:15:27 - mmengine - INFO - Epoch(train) [37][1500/1879] base_lr: 9.8881e-07 lr: 9.8881e-07 eta: 2:56:33 time: 0.4245 data_time: 0.0194 memory: 24646 loss: 0.6088 sim_loss_v2t: 0.3024 sim_loss_t2v: 0.3064 2023/08/01 06:16:11 - mmengine - INFO - Epoch(train) [37][1600/1879] base_lr: 9.8142e-07 lr: 9.8142e-07 eta: 2:55:51 time: 0.4150 data_time: 0.0223 memory: 24646 loss: 0.6297 sim_loss_v2t: 0.3159 sim_loss_t2v: 0.3138 2023/08/01 06:16:53 - mmengine - INFO - Epoch(train) [37][1700/1879] base_lr: 9.7406e-07 lr: 9.7406e-07 eta: 2:55:08 time: 0.4179 data_time: 0.0209 memory: 24646 loss: 0.6065 sim_loss_v2t: 0.3042 sim_loss_t2v: 0.3023 2023/08/01 06:17:36 - mmengine - INFO - Epoch(train) [37][1800/1879] base_lr: 9.6671e-07 lr: 9.6671e-07 eta: 2:54:25 time: 0.4320 data_time: 0.0239 memory: 24646 loss: 0.6226 sim_loss_v2t: 0.3136 sim_loss_t2v: 0.3090 2023/08/01 06:18:07 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:18:07 - mmengine - INFO - Epoch(train) [37][1879/1879] base_lr: 9.6092e-07 lr: 9.6092e-07 eta: 2:53:50 time: 0.3470 data_time: 0.0094 memory: 24646 loss: 0.6476 sim_loss_v2t: 0.3218 sim_loss_t2v: 0.3259 2023/08/01 06:18:07 - mmengine - INFO - Saving checkpoint at 37 epochs 2023/08/01 06:20:27 - mmengine - INFO - Epoch(val) [37][100/155] eta: 0:01:08 time: 1.2242 data_time: 0.0452 memory: 18720 2023/08/01 06:21:35 - mmengine - INFO - Epoch(val) [37][155/155] acc/top1: 0.8064 acc/top5: 0.9495 acc/mean1: 0.8063 data_time: 0.0496 time: 1.2284 2023/08/01 06:22:27 - mmengine - INFO - Epoch(train) [38][ 100/1879] base_lr: 9.5361e-07 lr: 9.5361e-07 eta: 2:53:12 time: 0.4380 data_time: 0.0221 memory: 24646 loss: 0.5910 sim_loss_v2t: 0.2932 sim_loss_t2v: 0.2977 2023/08/01 06:23:09 - mmengine - INFO - Epoch(train) [38][ 200/1879] base_lr: 9.4632e-07 lr: 9.4632e-07 eta: 2:52:29 time: 0.4308 data_time: 0.0225 memory: 24646 loss: 0.5899 sim_loss_v2t: 0.2945 sim_loss_t2v: 0.2954 2023/08/01 06:23:51 - mmengine - INFO - Epoch(train) [38][ 300/1879] base_lr: 9.3906e-07 lr: 9.3906e-07 eta: 2:51:46 time: 0.4306 data_time: 0.0210 memory: 24646 loss: 0.6401 sim_loss_v2t: 0.3199 sim_loss_t2v: 0.3202 2023/08/01 06:24:34 - mmengine - INFO - Epoch(train) [38][ 400/1879] base_lr: 9.3181e-07 lr: 9.3181e-07 eta: 2:51:03 time: 0.4181 data_time: 0.0222 memory: 24646 loss: 0.6258 sim_loss_v2t: 0.3073 sim_loss_t2v: 0.3185 2023/08/01 06:25:06 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:25:16 - mmengine - INFO - Epoch(train) [38][ 500/1879] base_lr: 9.2459e-07 lr: 9.2459e-07 eta: 2:50:20 time: 0.4204 data_time: 0.0233 memory: 24646 loss: 0.6239 sim_loss_v2t: 0.3094 sim_loss_t2v: 0.3144 2023/08/01 06:25:58 - mmengine - INFO - Epoch(train) [38][ 600/1879] base_lr: 9.1739e-07 lr: 9.1739e-07 eta: 2:49:37 time: 0.4276 data_time: 0.0202 memory: 24646 loss: 0.6231 sim_loss_v2t: 0.3123 sim_loss_t2v: 0.3108 2023/08/01 06:26:41 - mmengine - INFO - Epoch(train) [38][ 700/1879] base_lr: 9.1021e-07 lr: 9.1021e-07 eta: 2:48:54 time: 0.4246 data_time: 0.0213 memory: 24646 loss: 0.6067 sim_loss_v2t: 0.2998 sim_loss_t2v: 0.3069 2023/08/01 06:27:23 - mmengine - INFO - Epoch(train) [38][ 800/1879] base_lr: 9.0305e-07 lr: 9.0305e-07 eta: 2:48:12 time: 0.4309 data_time: 0.0230 memory: 24646 loss: 0.6500 sim_loss_v2t: 0.3184 sim_loss_t2v: 0.3316 2023/08/01 06:28:06 - mmengine - INFO - Epoch(train) [38][ 900/1879] base_lr: 8.9591e-07 lr: 8.9591e-07 eta: 2:47:29 time: 0.4237 data_time: 0.0217 memory: 24646 loss: 0.6307 sim_loss_v2t: 0.3134 sim_loss_t2v: 0.3173 2023/08/01 06:28:48 - mmengine - INFO - Epoch(train) [38][1000/1879] base_lr: 8.8880e-07 lr: 8.8880e-07 eta: 2:46:46 time: 0.4287 data_time: 0.0192 memory: 24646 loss: 0.6138 sim_loss_v2t: 0.3078 sim_loss_t2v: 0.3060 2023/08/01 06:29:30 - mmengine - INFO - Epoch(train) [38][1100/1879] base_lr: 8.8171e-07 lr: 8.8171e-07 eta: 2:46:03 time: 0.4243 data_time: 0.0240 memory: 24646 loss: 0.5899 sim_loss_v2t: 0.2951 sim_loss_t2v: 0.2948 2023/08/01 06:30:13 - mmengine - INFO - Epoch(train) [38][1200/1879] base_lr: 8.7464e-07 lr: 8.7464e-07 eta: 2:45:20 time: 0.4265 data_time: 0.0219 memory: 24646 loss: 0.6374 sim_loss_v2t: 0.3172 sim_loss_t2v: 0.3202 2023/08/01 06:30:58 - mmengine - INFO - Epoch(train) [38][1300/1879] base_lr: 8.6759e-07 lr: 8.6759e-07 eta: 2:44:38 time: 0.4215 data_time: 0.0193 memory: 24646 loss: 0.6041 sim_loss_v2t: 0.3034 sim_loss_t2v: 0.3007 2023/08/01 06:31:43 - mmengine - INFO - Epoch(train) [38][1400/1879] base_lr: 8.6057e-07 lr: 8.6057e-07 eta: 2:43:57 time: 0.4264 data_time: 0.0218 memory: 24646 loss: 0.6280 sim_loss_v2t: 0.3142 sim_loss_t2v: 0.3138 2023/08/01 06:32:16 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:32:25 - mmengine - INFO - Epoch(train) [38][1500/1879] base_lr: 8.5357e-07 lr: 8.5357e-07 eta: 2:43:14 time: 0.4281 data_time: 0.0204 memory: 24646 loss: 0.6077 sim_loss_v2t: 0.3052 sim_loss_t2v: 0.3026 2023/08/01 06:33:08 - mmengine - INFO - Epoch(train) [38][1600/1879] base_lr: 8.4659e-07 lr: 8.4659e-07 eta: 2:42:31 time: 0.4280 data_time: 0.0220 memory: 24646 loss: 0.6137 sim_loss_v2t: 0.3102 sim_loss_t2v: 0.3035 2023/08/01 06:33:50 - mmengine - INFO - Epoch(train) [38][1700/1879] base_lr: 8.3964e-07 lr: 8.3964e-07 eta: 2:41:48 time: 0.4232 data_time: 0.0212 memory: 24646 loss: 0.6240 sim_loss_v2t: 0.3108 sim_loss_t2v: 0.3132 2023/08/01 06:34:33 - mmengine - INFO - Epoch(train) [38][1800/1879] base_lr: 8.3270e-07 lr: 8.3270e-07 eta: 2:41:05 time: 0.4261 data_time: 0.0218 memory: 24646 loss: 0.5750 sim_loss_v2t: 0.2871 sim_loss_t2v: 0.2879 2023/08/01 06:35:04 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:35:04 - mmengine - INFO - Epoch(train) [38][1879/1879] base_lr: 8.2724e-07 lr: 8.2724e-07 eta: 2:40:30 time: 0.3424 data_time: 0.0113 memory: 24646 loss: 0.6100 sim_loss_v2t: 0.3060 sim_loss_t2v: 0.3040 2023/08/01 06:35:04 - mmengine - INFO - Saving checkpoint at 38 epochs 2023/08/01 06:37:24 - mmengine - INFO - Epoch(val) [38][100/155] eta: 0:01:08 time: 1.2183 data_time: 0.0400 memory: 18720 2023/08/01 06:38:31 - mmengine - INFO - Epoch(val) [38][155/155] acc/top1: 0.8107 acc/top5: 0.9509 acc/mean1: 0.8107 data_time: 0.0513 time: 1.2296 2023/08/01 06:38:31 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_33.pth is removed 2023/08/01 06:38:39 - mmengine - INFO - The best checkpoint with 0.8107 acc/top1 at 38 epoch is saved to best_acc_top1_epoch_38.pth. 2023/08/01 06:39:38 - mmengine - INFO - Epoch(train) [39][ 100/1879] base_lr: 8.2035e-07 lr: 8.2035e-07 eta: 2:39:49 time: 0.4229 data_time: 0.0207 memory: 24646 loss: 0.6220 sim_loss_v2t: 0.3085 sim_loss_t2v: 0.3135 2023/08/01 06:40:20 - mmengine - INFO - Epoch(train) [39][ 200/1879] base_lr: 8.1348e-07 lr: 8.1348e-07 eta: 2:39:06 time: 0.4282 data_time: 0.0239 memory: 24646 loss: 0.6113 sim_loss_v2t: 0.3034 sim_loss_t2v: 0.3079 2023/08/01 06:41:03 - mmengine - INFO - Epoch(train) [39][ 300/1879] base_lr: 8.0664e-07 lr: 8.0664e-07 eta: 2:38:23 time: 0.4216 data_time: 0.0175 memory: 24646 loss: 0.5993 sim_loss_v2t: 0.2988 sim_loss_t2v: 0.3004 2023/08/01 06:41:45 - mmengine - INFO - Epoch(train) [39][ 400/1879] base_lr: 7.9982e-07 lr: 7.9982e-07 eta: 2:37:40 time: 0.4278 data_time: 0.0199 memory: 24646 loss: 0.5817 sim_loss_v2t: 0.2895 sim_loss_t2v: 0.2922 2023/08/01 06:42:27 - mmengine - INFO - Epoch(train) [39][ 500/1879] base_lr: 7.9302e-07 lr: 7.9302e-07 eta: 2:36:57 time: 0.4203 data_time: 0.0242 memory: 24646 loss: 0.6141 sim_loss_v2t: 0.3054 sim_loss_t2v: 0.3087 2023/08/01 06:43:09 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:43:10 - mmengine - INFO - Epoch(train) [39][ 600/1879] base_lr: 7.8624e-07 lr: 7.8624e-07 eta: 2:36:14 time: 0.4435 data_time: 0.0301 memory: 24646 loss: 0.5824 sim_loss_v2t: 0.2911 sim_loss_t2v: 0.2912 2023/08/01 06:43:52 - mmengine - INFO - Epoch(train) [39][ 700/1879] base_lr: 7.7949e-07 lr: 7.7949e-07 eta: 2:35:31 time: 0.4167 data_time: 0.0217 memory: 24646 loss: 0.5889 sim_loss_v2t: 0.2922 sim_loss_t2v: 0.2967 2023/08/01 06:44:35 - mmengine - INFO - Epoch(train) [39][ 800/1879] base_lr: 7.7277e-07 lr: 7.7277e-07 eta: 2:34:49 time: 0.4171 data_time: 0.0220 memory: 24646 loss: 0.5961 sim_loss_v2t: 0.2973 sim_loss_t2v: 0.2987 2023/08/01 06:45:17 - mmengine - INFO - Epoch(train) [39][ 900/1879] base_lr: 7.6606e-07 lr: 7.6606e-07 eta: 2:34:06 time: 0.4268 data_time: 0.0223 memory: 24646 loss: 0.6049 sim_loss_v2t: 0.2988 sim_loss_t2v: 0.3060 2023/08/01 06:46:00 - mmengine - INFO - Epoch(train) [39][1000/1879] base_lr: 7.5938e-07 lr: 7.5938e-07 eta: 2:33:23 time: 0.4191 data_time: 0.0210 memory: 24646 loss: 0.5887 sim_loss_v2t: 0.2942 sim_loss_t2v: 0.2946 2023/08/01 06:46:42 - mmengine - INFO - Epoch(train) [39][1100/1879] base_lr: 7.5273e-07 lr: 7.5273e-07 eta: 2:32:40 time: 0.4297 data_time: 0.0208 memory: 24646 loss: 0.5976 sim_loss_v2t: 0.2988 sim_loss_t2v: 0.2989 2023/08/01 06:47:25 - mmengine - INFO - Epoch(train) [39][1200/1879] base_lr: 7.4610e-07 lr: 7.4610e-07 eta: 2:31:57 time: 0.4252 data_time: 0.0227 memory: 24646 loss: 0.6026 sim_loss_v2t: 0.2993 sim_loss_t2v: 0.3033 2023/08/01 06:48:07 - mmengine - INFO - Epoch(train) [39][1300/1879] base_lr: 7.3949e-07 lr: 7.3949e-07 eta: 2:31:14 time: 0.4176 data_time: 0.0235 memory: 24646 loss: 0.6017 sim_loss_v2t: 0.2994 sim_loss_t2v: 0.3023 2023/08/01 06:48:49 - mmengine - INFO - Epoch(train) [39][1400/1879] base_lr: 7.3291e-07 lr: 7.3291e-07 eta: 2:30:31 time: 0.4317 data_time: 0.0208 memory: 24646 loss: 0.6125 sim_loss_v2t: 0.3055 sim_loss_t2v: 0.3070 2023/08/01 06:49:32 - mmengine - INFO - Epoch(train) [39][1500/1879] base_lr: 7.2635e-07 lr: 7.2635e-07 eta: 2:29:48 time: 0.4224 data_time: 0.0218 memory: 24646 loss: 0.6219 sim_loss_v2t: 0.3084 sim_loss_t2v: 0.3135 2023/08/01 06:50:13 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:50:14 - mmengine - INFO - Epoch(train) [39][1600/1879] base_lr: 7.1981e-07 lr: 7.1981e-07 eta: 2:29:06 time: 0.4261 data_time: 0.0253 memory: 24646 loss: 0.6241 sim_loss_v2t: 0.3103 sim_loss_t2v: 0.3138 2023/08/01 06:50:56 - mmengine - INFO - Epoch(train) [39][1700/1879] base_lr: 7.1330e-07 lr: 7.1330e-07 eta: 2:28:23 time: 0.4253 data_time: 0.0203 memory: 24646 loss: 0.6077 sim_loss_v2t: 0.3066 sim_loss_t2v: 0.3011 2023/08/01 06:51:39 - mmengine - INFO - Epoch(train) [39][1800/1879] base_lr: 7.0682e-07 lr: 7.0682e-07 eta: 2:27:40 time: 0.4329 data_time: 0.0209 memory: 24646 loss: 0.6107 sim_loss_v2t: 0.3052 sim_loss_t2v: 0.3056 2023/08/01 06:52:10 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 06:52:10 - mmengine - INFO - Epoch(train) [39][1879/1879] base_lr: 7.0172e-07 lr: 7.0172e-07 eta: 2:27:05 time: 0.3442 data_time: 0.0113 memory: 24646 loss: 0.6015 sim_loss_v2t: 0.3028 sim_loss_t2v: 0.2987 2023/08/01 06:52:10 - mmengine - INFO - Saving checkpoint at 39 epochs 2023/08/01 06:54:30 - mmengine - INFO - Epoch(val) [39][100/155] eta: 0:01:08 time: 1.2193 data_time: 0.0405 memory: 18720 2023/08/01 06:55:38 - mmengine - INFO - Epoch(val) [39][155/155] acc/top1: 0.8079 acc/top5: 0.9509 acc/mean1: 0.8079 data_time: 0.0494 time: 1.2290 2023/08/01 06:56:31 - mmengine - INFO - Epoch(train) [40][ 100/1879] base_lr: 6.9527e-07 lr: 6.9527e-07 eta: 2:26:26 time: 0.4203 data_time: 0.0243 memory: 24646 loss: 0.5812 sim_loss_v2t: 0.2957 sim_loss_t2v: 0.2855 2023/08/01 06:57:13 - mmengine - INFO - Epoch(train) [40][ 200/1879] base_lr: 6.8886e-07 lr: 6.8886e-07 eta: 2:25:44 time: 0.4211 data_time: 0.0225 memory: 24646 loss: 0.6059 sim_loss_v2t: 0.3019 sim_loss_t2v: 0.3039 2023/08/01 06:57:56 - mmengine - INFO - Epoch(train) [40][ 300/1879] base_lr: 6.8247e-07 lr: 6.8247e-07 eta: 2:25:01 time: 0.4311 data_time: 0.0228 memory: 24646 loss: 0.5798 sim_loss_v2t: 0.2879 sim_loss_t2v: 0.2918 2023/08/01 06:58:38 - mmengine - INFO - Epoch(train) [40][ 400/1879] base_lr: 6.7610e-07 lr: 6.7610e-07 eta: 2:24:18 time: 0.4257 data_time: 0.0195 memory: 24646 loss: 0.6035 sim_loss_v2t: 0.3004 sim_loss_t2v: 0.3031 2023/08/01 06:59:20 - mmengine - INFO - Epoch(train) [40][ 500/1879] base_lr: 6.6976e-07 lr: 6.6976e-07 eta: 2:23:35 time: 0.4264 data_time: 0.0251 memory: 24646 loss: 0.5733 sim_loss_v2t: 0.2878 sim_loss_t2v: 0.2855 2023/08/01 07:00:03 - mmengine - INFO - Epoch(train) [40][ 600/1879] base_lr: 6.6345e-07 lr: 6.6345e-07 eta: 2:22:52 time: 0.4271 data_time: 0.0174 memory: 24646 loss: 0.5869 sim_loss_v2t: 0.2949 sim_loss_t2v: 0.2920 2023/08/01 07:00:48 - mmengine - INFO - Epoch(train) [40][ 700/1879] base_lr: 6.5716e-07 lr: 6.5716e-07 eta: 2:22:10 time: 0.4142 data_time: 0.0164 memory: 24646 loss: 0.5503 sim_loss_v2t: 0.2718 sim_loss_t2v: 0.2786 2023/08/01 07:00:56 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:01:31 - mmengine - INFO - Epoch(train) [40][ 800/1879] base_lr: 6.5090e-07 lr: 6.5090e-07 eta: 2:21:27 time: 0.4172 data_time: 0.0211 memory: 24646 loss: 0.6143 sim_loss_v2t: 0.3038 sim_loss_t2v: 0.3104 2023/08/01 07:02:13 - mmengine - INFO - Epoch(train) [40][ 900/1879] base_lr: 6.4466e-07 lr: 6.4466e-07 eta: 2:20:45 time: 0.4357 data_time: 0.0363 memory: 24646 loss: 0.5951 sim_loss_v2t: 0.2961 sim_loss_t2v: 0.2990 2023/08/01 07:02:55 - mmengine - INFO - Epoch(train) [40][1000/1879] base_lr: 6.3844e-07 lr: 6.3844e-07 eta: 2:20:02 time: 0.4231 data_time: 0.0217 memory: 24646 loss: 0.6358 sim_loss_v2t: 0.3163 sim_loss_t2v: 0.3195 2023/08/01 07:03:38 - mmengine - INFO - Epoch(train) [40][1100/1879] base_lr: 6.3226e-07 lr: 6.3226e-07 eta: 2:19:19 time: 0.4362 data_time: 0.0210 memory: 24646 loss: 0.6173 sim_loss_v2t: 0.3066 sim_loss_t2v: 0.3108 2023/08/01 07:04:20 - mmengine - INFO - Epoch(train) [40][1200/1879] base_lr: 6.2610e-07 lr: 6.2610e-07 eta: 2:18:36 time: 0.4347 data_time: 0.0233 memory: 24646 loss: 0.5961 sim_loss_v2t: 0.2977 sim_loss_t2v: 0.2983 2023/08/01 07:05:02 - mmengine - INFO - Epoch(train) [40][1300/1879] base_lr: 6.1996e-07 lr: 6.1996e-07 eta: 2:17:53 time: 0.4232 data_time: 0.0212 memory: 24646 loss: 0.6051 sim_loss_v2t: 0.3009 sim_loss_t2v: 0.3042 2023/08/01 07:05:45 - mmengine - INFO - Epoch(train) [40][1400/1879] base_lr: 6.1385e-07 lr: 6.1385e-07 eta: 2:17:10 time: 0.4187 data_time: 0.0213 memory: 24646 loss: 0.6257 sim_loss_v2t: 0.3100 sim_loss_t2v: 0.3157 2023/08/01 07:06:27 - mmengine - INFO - Epoch(train) [40][1500/1879] base_lr: 6.0777e-07 lr: 6.0777e-07 eta: 2:16:27 time: 0.4175 data_time: 0.0210 memory: 24646 loss: 0.6226 sim_loss_v2t: 0.3100 sim_loss_t2v: 0.3127 2023/08/01 07:07:09 - mmengine - INFO - Epoch(train) [40][1600/1879] base_lr: 6.0171e-07 lr: 6.0171e-07 eta: 2:15:45 time: 0.4275 data_time: 0.0232 memory: 24646 loss: 0.6093 sim_loss_v2t: 0.3049 sim_loss_t2v: 0.3044 2023/08/01 07:07:52 - mmengine - INFO - Epoch(train) [40][1700/1879] base_lr: 5.9568e-07 lr: 5.9568e-07 eta: 2:15:02 time: 0.4361 data_time: 0.0217 memory: 24646 loss: 0.6470 sim_loss_v2t: 0.3193 sim_loss_t2v: 0.3277 2023/08/01 07:08:00 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:08:34 - mmengine - INFO - Epoch(train) [40][1800/1879] base_lr: 5.8967e-07 lr: 5.8967e-07 eta: 2:14:19 time: 0.4247 data_time: 0.0224 memory: 24646 loss: 0.6251 sim_loss_v2t: 0.3142 sim_loss_t2v: 0.3110 2023/08/01 07:09:06 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:09:06 - mmengine - INFO - Epoch(train) [40][1879/1879] base_lr: 5.8495e-07 lr: 5.8495e-07 eta: 2:13:44 time: 0.3448 data_time: 0.0112 memory: 24646 loss: 0.5878 sim_loss_v2t: 0.2924 sim_loss_t2v: 0.2953 2023/08/01 07:09:06 - mmengine - INFO - Saving checkpoint at 40 epochs 2023/08/01 07:11:26 - mmengine - INFO - Epoch(val) [40][100/155] eta: 0:01:08 time: 1.2200 data_time: 0.0392 memory: 18720 2023/08/01 07:12:34 - mmengine - INFO - Epoch(val) [40][155/155] acc/top1: 0.8114 acc/top5: 0.9516 acc/mean1: 0.8114 data_time: 0.0499 time: 1.2298 2023/08/01 07:12:34 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_38.pth is removed 2023/08/01 07:12:41 - mmengine - INFO - The best checkpoint with 0.8114 acc/top1 at 40 epoch is saved to best_acc_top1_epoch_40.pth. 2023/08/01 07:13:39 - mmengine - INFO - Epoch(train) [41][ 100/1879] base_lr: 5.7899e-07 lr: 5.7899e-07 eta: 2:13:03 time: 0.4234 data_time: 0.0212 memory: 24646 loss: 0.6043 sim_loss_v2t: 0.3020 sim_loss_t2v: 0.3023 2023/08/01 07:14:22 - mmengine - INFO - Epoch(train) [41][ 200/1879] base_lr: 5.7306e-07 lr: 5.7306e-07 eta: 2:12:20 time: 0.4408 data_time: 0.0204 memory: 24646 loss: 0.5971 sim_loss_v2t: 0.3030 sim_loss_t2v: 0.2942 2023/08/01 07:15:05 - mmengine - INFO - Epoch(train) [41][ 300/1879] base_lr: 5.6716e-07 lr: 5.6716e-07 eta: 2:11:37 time: 0.4301 data_time: 0.0216 memory: 24646 loss: 0.5879 sim_loss_v2t: 0.2936 sim_loss_t2v: 0.2942 2023/08/01 07:15:47 - mmengine - INFO - Epoch(train) [41][ 400/1879] base_lr: 5.6128e-07 lr: 5.6128e-07 eta: 2:10:54 time: 0.4187 data_time: 0.0207 memory: 24646 loss: 0.6161 sim_loss_v2t: 0.3054 sim_loss_t2v: 0.3107 2023/08/01 07:16:31 - mmengine - INFO - Epoch(train) [41][ 500/1879] base_lr: 5.5543e-07 lr: 5.5543e-07 eta: 2:10:12 time: 0.5045 data_time: 0.0206 memory: 24646 loss: 0.5794 sim_loss_v2t: 0.2827 sim_loss_t2v: 0.2968 2023/08/01 07:17:13 - mmengine - INFO - Epoch(train) [41][ 600/1879] base_lr: 5.4960e-07 lr: 5.4960e-07 eta: 2:09:29 time: 0.4152 data_time: 0.0193 memory: 24646 loss: 0.5842 sim_loss_v2t: 0.2930 sim_loss_t2v: 0.2913 2023/08/01 07:17:57 - mmengine - INFO - Epoch(train) [41][ 700/1879] base_lr: 5.4380e-07 lr: 5.4380e-07 eta: 2:08:47 time: 0.5058 data_time: 0.0184 memory: 24646 loss: 0.6202 sim_loss_v2t: 0.3079 sim_loss_t2v: 0.3123 2023/08/01 07:18:39 - mmengine - INFO - Epoch(train) [41][ 800/1879] base_lr: 5.3803e-07 lr: 5.3803e-07 eta: 2:08:04 time: 0.4179 data_time: 0.0229 memory: 24646 loss: 0.6013 sim_loss_v2t: 0.2985 sim_loss_t2v: 0.3028 2023/08/01 07:18:56 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:19:22 - mmengine - INFO - Epoch(train) [41][ 900/1879] base_lr: 5.3229e-07 lr: 5.3229e-07 eta: 2:07:21 time: 0.4221 data_time: 0.0203 memory: 24646 loss: 0.6058 sim_loss_v2t: 0.3009 sim_loss_t2v: 0.3049 2023/08/01 07:20:04 - mmengine - INFO - Epoch(train) [41][1000/1879] base_lr: 5.2658e-07 lr: 5.2658e-07 eta: 2:06:38 time: 0.4272 data_time: 0.0234 memory: 24646 loss: 0.5827 sim_loss_v2t: 0.2883 sim_loss_t2v: 0.2944 2023/08/01 07:20:47 - mmengine - INFO - Epoch(train) [41][1100/1879] base_lr: 5.2089e-07 lr: 5.2089e-07 eta: 2:05:55 time: 0.4152 data_time: 0.0166 memory: 24646 loss: 0.5990 sim_loss_v2t: 0.2980 sim_loss_t2v: 0.3010 2023/08/01 07:21:30 - mmengine - INFO - Epoch(train) [41][1200/1879] base_lr: 5.1523e-07 lr: 5.1523e-07 eta: 2:05:13 time: 0.4190 data_time: 0.0234 memory: 24646 loss: 0.6087 sim_loss_v2t: 0.3005 sim_loss_t2v: 0.3083 2023/08/01 07:22:12 - mmengine - INFO - Epoch(train) [41][1300/1879] base_lr: 5.0959e-07 lr: 5.0959e-07 eta: 2:04:30 time: 0.4249 data_time: 0.0207 memory: 24646 loss: 0.6079 sim_loss_v2t: 0.3043 sim_loss_t2v: 0.3036 2023/08/01 07:22:54 - mmengine - INFO - Epoch(train) [41][1400/1879] base_lr: 5.0398e-07 lr: 5.0398e-07 eta: 2:03:47 time: 0.4274 data_time: 0.0211 memory: 24646 loss: 0.5934 sim_loss_v2t: 0.2938 sim_loss_t2v: 0.2997 2023/08/01 07:23:37 - mmengine - INFO - Epoch(train) [41][1500/1879] base_lr: 4.9841e-07 lr: 4.9841e-07 eta: 2:03:04 time: 0.4210 data_time: 0.0203 memory: 24646 loss: 0.6144 sim_loss_v2t: 0.3036 sim_loss_t2v: 0.3108 2023/08/01 07:24:20 - mmengine - INFO - Epoch(train) [41][1600/1879] base_lr: 4.9285e-07 lr: 4.9285e-07 eta: 2:02:21 time: 0.4203 data_time: 0.0217 memory: 24646 loss: 0.5968 sim_loss_v2t: 0.2996 sim_loss_t2v: 0.2972 2023/08/01 07:25:03 - mmengine - INFO - Epoch(train) [41][1700/1879] base_lr: 4.8733e-07 lr: 4.8733e-07 eta: 2:01:39 time: 0.4272 data_time: 0.0234 memory: 24646 loss: 0.6253 sim_loss_v2t: 0.3093 sim_loss_t2v: 0.3160 2023/08/01 07:25:45 - mmengine - INFO - Epoch(train) [41][1800/1879] base_lr: 4.8183e-07 lr: 4.8183e-07 eta: 2:00:56 time: 0.4305 data_time: 0.0249 memory: 24646 loss: 0.6186 sim_loss_v2t: 0.3081 sim_loss_t2v: 0.3105 2023/08/01 07:26:02 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:26:16 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:26:16 - mmengine - INFO - Epoch(train) [41][1879/1879] base_lr: 4.7751e-07 lr: 4.7751e-07 eta: 2:00:21 time: 0.3460 data_time: 0.0125 memory: 24646 loss: 0.5602 sim_loss_v2t: 0.2806 sim_loss_t2v: 0.2796 2023/08/01 07:26:16 - mmengine - INFO - Saving checkpoint at 41 epochs 2023/08/01 07:28:35 - mmengine - INFO - Epoch(val) [41][100/155] eta: 0:01:08 time: 1.2272 data_time: 0.0482 memory: 18720 2023/08/01 07:29:43 - mmengine - INFO - Epoch(val) [41][155/155] acc/top1: 0.8116 acc/top5: 0.9514 acc/mean1: 0.8116 data_time: 0.0505 time: 1.2302 2023/08/01 07:29:43 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_40.pth is removed 2023/08/01 07:29:49 - mmengine - INFO - The best checkpoint with 0.8116 acc/top1 at 41 epoch is saved to best_acc_top1_epoch_41.pth. 2023/08/01 07:30:50 - mmengine - INFO - Epoch(train) [42][ 100/1879] base_lr: 4.7207e-07 lr: 4.7207e-07 eta: 1:59:40 time: 0.4397 data_time: 0.0208 memory: 24646 loss: 0.6112 sim_loss_v2t: 0.3002 sim_loss_t2v: 0.3110 2023/08/01 07:31:33 - mmengine - INFO - Epoch(train) [42][ 200/1879] base_lr: 4.6665e-07 lr: 4.6665e-07 eta: 1:58:57 time: 0.4161 data_time: 0.0221 memory: 24646 loss: 0.6176 sim_loss_v2t: 0.3050 sim_loss_t2v: 0.3126 2023/08/01 07:32:17 - mmengine - INFO - Epoch(train) [42][ 300/1879] base_lr: 4.6126e-07 lr: 4.6126e-07 eta: 1:58:14 time: 0.5092 data_time: 0.0204 memory: 24646 loss: 0.6268 sim_loss_v2t: 0.3165 sim_loss_t2v: 0.3102 2023/08/01 07:32:59 - mmengine - INFO - Epoch(train) [42][ 400/1879] base_lr: 4.5590e-07 lr: 4.5590e-07 eta: 1:57:31 time: 0.4350 data_time: 0.0228 memory: 24646 loss: 0.5800 sim_loss_v2t: 0.2896 sim_loss_t2v: 0.2903 2023/08/01 07:33:41 - mmengine - INFO - Epoch(train) [42][ 500/1879] base_lr: 4.5056e-07 lr: 4.5056e-07 eta: 1:56:49 time: 0.4162 data_time: 0.0216 memory: 24646 loss: 0.5890 sim_loss_v2t: 0.2939 sim_loss_t2v: 0.2951 2023/08/01 07:34:24 - mmengine - INFO - Epoch(train) [42][ 600/1879] base_lr: 4.4526e-07 lr: 4.4526e-07 eta: 1:56:06 time: 0.4196 data_time: 0.0212 memory: 24646 loss: 0.5830 sim_loss_v2t: 0.2889 sim_loss_t2v: 0.2942 2023/08/01 07:35:06 - mmengine - INFO - Epoch(train) [42][ 700/1879] base_lr: 4.3998e-07 lr: 4.3998e-07 eta: 1:55:23 time: 0.4313 data_time: 0.0236 memory: 24646 loss: 0.5883 sim_loss_v2t: 0.2947 sim_loss_t2v: 0.2936 2023/08/01 07:35:49 - mmengine - INFO - Epoch(train) [42][ 800/1879] base_lr: 4.3473e-07 lr: 4.3473e-07 eta: 1:54:40 time: 0.4257 data_time: 0.0218 memory: 24646 loss: 0.5845 sim_loss_v2t: 0.2870 sim_loss_t2v: 0.2975 2023/08/01 07:36:31 - mmengine - INFO - Epoch(train) [42][ 900/1879] base_lr: 4.2951e-07 lr: 4.2951e-07 eta: 1:53:57 time: 0.4165 data_time: 0.0209 memory: 24646 loss: 0.5723 sim_loss_v2t: 0.2867 sim_loss_t2v: 0.2856 2023/08/01 07:36:57 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:37:13 - mmengine - INFO - Epoch(train) [42][1000/1879] base_lr: 4.2432e-07 lr: 4.2432e-07 eta: 1:53:15 time: 0.4190 data_time: 0.0223 memory: 24646 loss: 0.5755 sim_loss_v2t: 0.2859 sim_loss_t2v: 0.2896 2023/08/01 07:37:56 - mmengine - INFO - Epoch(train) [42][1100/1879] base_lr: 4.1916e-07 lr: 4.1916e-07 eta: 1:52:32 time: 0.4276 data_time: 0.0202 memory: 24646 loss: 0.6152 sim_loss_v2t: 0.3072 sim_loss_t2v: 0.3080 2023/08/01 07:38:38 - mmengine - INFO - Epoch(train) [42][1200/1879] base_lr: 4.1402e-07 lr: 4.1402e-07 eta: 1:51:49 time: 0.4214 data_time: 0.0229 memory: 24646 loss: 0.5655 sim_loss_v2t: 0.2815 sim_loss_t2v: 0.2840 2023/08/01 07:39:21 - mmengine - INFO - Epoch(train) [42][1300/1879] base_lr: 4.0892e-07 lr: 4.0892e-07 eta: 1:51:06 time: 0.4217 data_time: 0.0222 memory: 24646 loss: 0.5927 sim_loss_v2t: 0.2981 sim_loss_t2v: 0.2946 2023/08/01 07:40:03 - mmengine - INFO - Epoch(train) [42][1400/1879] base_lr: 4.0384e-07 lr: 4.0384e-07 eta: 1:50:23 time: 0.4162 data_time: 0.0246 memory: 24646 loss: 0.5996 sim_loss_v2t: 0.3030 sim_loss_t2v: 0.2966 2023/08/01 07:40:45 - mmengine - INFO - Epoch(train) [42][1500/1879] base_lr: 3.9879e-07 lr: 3.9879e-07 eta: 1:49:41 time: 0.4235 data_time: 0.0221 memory: 24646 loss: 0.5736 sim_loss_v2t: 0.2860 sim_loss_t2v: 0.2876 2023/08/01 07:41:28 - mmengine - INFO - Epoch(train) [42][1600/1879] base_lr: 3.9378e-07 lr: 3.9378e-07 eta: 1:48:58 time: 0.4192 data_time: 0.0238 memory: 24646 loss: 0.5850 sim_loss_v2t: 0.2891 sim_loss_t2v: 0.2959 2023/08/01 07:42:10 - mmengine - INFO - Epoch(train) [42][1700/1879] base_lr: 3.8879e-07 lr: 3.8879e-07 eta: 1:48:15 time: 0.4181 data_time: 0.0216 memory: 24646 loss: 0.6256 sim_loss_v2t: 0.3142 sim_loss_t2v: 0.3114 2023/08/01 07:42:52 - mmengine - INFO - Epoch(train) [42][1800/1879] base_lr: 3.8383e-07 lr: 3.8383e-07 eta: 1:47:32 time: 0.4240 data_time: 0.0202 memory: 24646 loss: 0.5936 sim_loss_v2t: 0.2958 sim_loss_t2v: 0.2978 2023/08/01 07:43:23 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:43:23 - mmengine - INFO - Epoch(train) [42][1879/1879] base_lr: 3.7993e-07 lr: 3.7993e-07 eta: 1:46:58 time: 0.3410 data_time: 0.0119 memory: 24646 loss: 0.6026 sim_loss_v2t: 0.3013 sim_loss_t2v: 0.3013 2023/08/01 07:43:23 - mmengine - INFO - Saving checkpoint at 42 epochs 2023/08/01 07:45:43 - mmengine - INFO - Epoch(val) [42][100/155] eta: 0:01:08 time: 1.2259 data_time: 0.0470 memory: 18720 2023/08/01 07:46:51 - mmengine - INFO - Epoch(val) [42][155/155] acc/top1: 0.8127 acc/top5: 0.9516 acc/mean1: 0.8127 data_time: 0.0505 time: 1.2290 2023/08/01 07:46:51 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_41.pth is removed 2023/08/01 07:47:00 - mmengine - INFO - The best checkpoint with 0.8127 acc/top1 at 42 epoch is saved to best_acc_top1_epoch_42.pth. 2023/08/01 07:47:51 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:47:59 - mmengine - INFO - Epoch(train) [43][ 100/1879] base_lr: 3.7502e-07 lr: 3.7502e-07 eta: 1:46:16 time: 0.4265 data_time: 0.0214 memory: 24646 loss: 0.6183 sim_loss_v2t: 0.3078 sim_loss_t2v: 0.3105 2023/08/01 07:48:42 - mmengine - INFO - Epoch(train) [43][ 200/1879] base_lr: 3.7014e-07 lr: 3.7014e-07 eta: 1:45:33 time: 0.4302 data_time: 0.0216 memory: 24646 loss: 0.6145 sim_loss_v2t: 0.3066 sim_loss_t2v: 0.3079 2023/08/01 07:49:24 - mmengine - INFO - Epoch(train) [43][ 300/1879] base_lr: 3.6529e-07 lr: 3.6529e-07 eta: 1:44:50 time: 0.4153 data_time: 0.0202 memory: 24646 loss: 0.5743 sim_loss_v2t: 0.2886 sim_loss_t2v: 0.2857 2023/08/01 07:50:06 - mmengine - INFO - Epoch(train) [43][ 400/1879] base_lr: 3.6047e-07 lr: 3.6047e-07 eta: 1:44:07 time: 0.4238 data_time: 0.0238 memory: 24646 loss: 0.5886 sim_loss_v2t: 0.2891 sim_loss_t2v: 0.2996 2023/08/01 07:50:48 - mmengine - INFO - Epoch(train) [43][ 500/1879] base_lr: 3.5568e-07 lr: 3.5568e-07 eta: 1:43:24 time: 0.4194 data_time: 0.0217 memory: 24646 loss: 0.6073 sim_loss_v2t: 0.3009 sim_loss_t2v: 0.3063 2023/08/01 07:51:32 - mmengine - INFO - Epoch(train) [43][ 600/1879] base_lr: 3.5092e-07 lr: 3.5092e-07 eta: 1:42:42 time: 0.4359 data_time: 0.0241 memory: 24646 loss: 0.5737 sim_loss_v2t: 0.2840 sim_loss_t2v: 0.2896 2023/08/01 07:52:15 - mmengine - INFO - Epoch(train) [43][ 700/1879] base_lr: 3.4619e-07 lr: 3.4619e-07 eta: 1:41:59 time: 0.4270 data_time: 0.0219 memory: 24646 loss: 0.6226 sim_loss_v2t: 0.3134 sim_loss_t2v: 0.3092 2023/08/01 07:52:58 - mmengine - INFO - Epoch(train) [43][ 800/1879] base_lr: 3.4149e-07 lr: 3.4149e-07 eta: 1:41:17 time: 0.4282 data_time: 0.0240 memory: 24646 loss: 0.6053 sim_loss_v2t: 0.2994 sim_loss_t2v: 0.3059 2023/08/01 07:53:40 - mmengine - INFO - Epoch(train) [43][ 900/1879] base_lr: 3.3682e-07 lr: 3.3682e-07 eta: 1:40:34 time: 0.4192 data_time: 0.0221 memory: 24646 loss: 0.6237 sim_loss_v2t: 0.3078 sim_loss_t2v: 0.3159 2023/08/01 07:54:22 - mmengine - INFO - Epoch(train) [43][1000/1879] base_lr: 3.3218e-07 lr: 3.3218e-07 eta: 1:39:51 time: 0.4283 data_time: 0.0199 memory: 24646 loss: 0.6051 sim_loss_v2t: 0.2988 sim_loss_t2v: 0.3064 2023/08/01 07:54:57 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 07:55:05 - mmengine - INFO - Epoch(train) [43][1100/1879] base_lr: 3.2757e-07 lr: 3.2757e-07 eta: 1:39:08 time: 0.4230 data_time: 0.0227 memory: 24646 loss: 0.6170 sim_loss_v2t: 0.3039 sim_loss_t2v: 0.3131 2023/08/01 07:55:48 - mmengine - INFO - Epoch(train) [43][1200/1879] base_lr: 3.2299e-07 lr: 3.2299e-07 eta: 1:38:25 time: 0.4210 data_time: 0.0226 memory: 24646 loss: 0.6040 sim_loss_v2t: 0.2992 sim_loss_t2v: 0.3048 2023/08/01 07:56:32 - mmengine - INFO - Epoch(train) [43][1300/1879] base_lr: 3.1843e-07 lr: 3.1843e-07 eta: 1:37:43 time: 0.4175 data_time: 0.0227 memory: 24646 loss: 0.5837 sim_loss_v2t: 0.2917 sim_loss_t2v: 0.2920 2023/08/01 07:57:15 - mmengine - INFO - Epoch(train) [43][1400/1879] base_lr: 3.1391e-07 lr: 3.1391e-07 eta: 1:37:00 time: 0.4144 data_time: 0.0216 memory: 24646 loss: 0.5701 sim_loss_v2t: 0.2882 sim_loss_t2v: 0.2818 2023/08/01 07:57:57 - mmengine - INFO - Epoch(train) [43][1500/1879] base_lr: 3.0942e-07 lr: 3.0942e-07 eta: 1:36:18 time: 0.4213 data_time: 0.0205 memory: 24646 loss: 0.5851 sim_loss_v2t: 0.2903 sim_loss_t2v: 0.2947 2023/08/01 07:58:40 - mmengine - INFO - Epoch(train) [43][1600/1879] base_lr: 3.0496e-07 lr: 3.0496e-07 eta: 1:35:35 time: 0.4224 data_time: 0.0223 memory: 24646 loss: 0.6003 sim_loss_v2t: 0.2976 sim_loss_t2v: 0.3027 2023/08/01 07:59:23 - mmengine - INFO - Epoch(train) [43][1700/1879] base_lr: 3.0053e-07 lr: 3.0053e-07 eta: 1:34:52 time: 0.4194 data_time: 0.0166 memory: 24646 loss: 0.5730 sim_loss_v2t: 0.2850 sim_loss_t2v: 0.2880 2023/08/01 08:00:05 - mmengine - INFO - Epoch(train) [43][1800/1879] base_lr: 2.9613e-07 lr: 2.9613e-07 eta: 1:34:09 time: 0.4250 data_time: 0.0247 memory: 24646 loss: 0.5918 sim_loss_v2t: 0.2944 sim_loss_t2v: 0.2974 2023/08/01 08:00:36 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:00:36 - mmengine - INFO - Epoch(train) [43][1879/1879] base_lr: 2.9267e-07 lr: 2.9267e-07 eta: 1:33:35 time: 0.3452 data_time: 0.0114 memory: 24646 loss: 0.5650 sim_loss_v2t: 0.2817 sim_loss_t2v: 0.2833 2023/08/01 08:00:36 - mmengine - INFO - Saving checkpoint at 43 epochs 2023/08/01 08:02:56 - mmengine - INFO - Epoch(val) [43][100/155] eta: 0:01:08 time: 1.2263 data_time: 0.0475 memory: 18720 2023/08/01 08:04:04 - mmengine - INFO - Epoch(val) [43][155/155] acc/top1: 0.8123 acc/top5: 0.9512 acc/mean1: 0.8123 data_time: 0.0508 time: 1.2306 2023/08/01 08:04:56 - mmengine - INFO - Epoch(train) [44][ 100/1879] base_lr: 2.8833e-07 lr: 2.8833e-07 eta: 1:32:54 time: 0.4222 data_time: 0.0230 memory: 24646 loss: 0.6065 sim_loss_v2t: 0.3017 sim_loss_t2v: 0.3048 2023/08/01 08:05:38 - mmengine - INFO - Epoch(train) [44][ 200/1879] base_lr: 2.8401e-07 lr: 2.8401e-07 eta: 1:32:12 time: 0.4265 data_time: 0.0207 memory: 24646 loss: 0.6080 sim_loss_v2t: 0.3017 sim_loss_t2v: 0.3062 2023/08/01 08:05:40 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:06:24 - mmengine - INFO - Epoch(train) [44][ 300/1879] base_lr: 2.7973e-07 lr: 2.7973e-07 eta: 1:31:29 time: 0.4224 data_time: 0.0222 memory: 24646 loss: 0.6222 sim_loss_v2t: 0.3104 sim_loss_t2v: 0.3118 2023/08/01 08:07:06 - mmengine - INFO - Epoch(train) [44][ 400/1879] base_lr: 2.7547e-07 lr: 2.7547e-07 eta: 1:30:47 time: 0.4234 data_time: 0.0214 memory: 24646 loss: 0.5567 sim_loss_v2t: 0.2791 sim_loss_t2v: 0.2776 2023/08/01 08:07:49 - mmengine - INFO - Epoch(train) [44][ 500/1879] base_lr: 2.7125e-07 lr: 2.7125e-07 eta: 1:30:04 time: 0.4297 data_time: 0.0302 memory: 24646 loss: 0.5600 sim_loss_v2t: 0.2788 sim_loss_t2v: 0.2812 2023/08/01 08:08:31 - mmengine - INFO - Epoch(train) [44][ 600/1879] base_lr: 2.6706e-07 lr: 2.6706e-07 eta: 1:29:21 time: 0.4204 data_time: 0.0234 memory: 24646 loss: 0.5834 sim_loss_v2t: 0.2942 sim_loss_t2v: 0.2893 2023/08/01 08:09:13 - mmengine - INFO - Epoch(train) [44][ 700/1879] base_lr: 2.6290e-07 lr: 2.6290e-07 eta: 1:28:38 time: 0.4211 data_time: 0.0212 memory: 24646 loss: 0.5666 sim_loss_v2t: 0.2848 sim_loss_t2v: 0.2818 2023/08/01 08:09:56 - mmengine - INFO - Epoch(train) [44][ 800/1879] base_lr: 2.5877e-07 lr: 2.5877e-07 eta: 1:27:55 time: 0.4182 data_time: 0.0219 memory: 24646 loss: 0.6257 sim_loss_v2t: 0.3141 sim_loss_t2v: 0.3116 2023/08/01 08:10:42 - mmengine - INFO - Epoch(train) [44][ 900/1879] base_lr: 2.5467e-07 lr: 2.5467e-07 eta: 1:27:14 time: 0.4031 data_time: 0.0189 memory: 24646 loss: 0.5833 sim_loss_v2t: 0.2856 sim_loss_t2v: 0.2978 2023/08/01 08:11:24 - mmengine - INFO - Epoch(train) [44][1000/1879] base_lr: 2.5060e-07 lr: 2.5060e-07 eta: 1:26:31 time: 0.4198 data_time: 0.0220 memory: 24646 loss: 0.5714 sim_loss_v2t: 0.2874 sim_loss_t2v: 0.2840 2023/08/01 08:12:07 - mmengine - INFO - Epoch(train) [44][1100/1879] base_lr: 2.4656e-07 lr: 2.4656e-07 eta: 1:25:48 time: 0.4267 data_time: 0.0241 memory: 24646 loss: 0.5911 sim_loss_v2t: 0.2949 sim_loss_t2v: 0.2962 2023/08/01 08:12:50 - mmengine - INFO - Epoch(train) [44][1200/1879] base_lr: 2.4255e-07 lr: 2.4255e-07 eta: 1:25:05 time: 0.4247 data_time: 0.0174 memory: 24646 loss: 0.5847 sim_loss_v2t: 0.2910 sim_loss_t2v: 0.2937 2023/08/01 08:12:51 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:13:32 - mmengine - INFO - Epoch(train) [44][1300/1879] base_lr: 2.3858e-07 lr: 2.3858e-07 eta: 1:24:22 time: 0.4280 data_time: 0.0259 memory: 24646 loss: 0.5957 sim_loss_v2t: 0.2974 sim_loss_t2v: 0.2983 2023/08/01 08:14:15 - mmengine - INFO - Epoch(train) [44][1400/1879] base_lr: 2.3463e-07 lr: 2.3463e-07 eta: 1:23:40 time: 0.4232 data_time: 0.0207 memory: 24646 loss: 0.5683 sim_loss_v2t: 0.2845 sim_loss_t2v: 0.2837 2023/08/01 08:14:57 - mmengine - INFO - Epoch(train) [44][1500/1879] base_lr: 2.3072e-07 lr: 2.3072e-07 eta: 1:22:57 time: 0.4215 data_time: 0.0209 memory: 24646 loss: 0.5929 sim_loss_v2t: 0.2968 sim_loss_t2v: 0.2960 2023/08/01 08:15:46 - mmengine - INFO - Epoch(train) [44][1600/1879] base_lr: 2.2684e-07 lr: 2.2684e-07 eta: 1:22:15 time: 0.4176 data_time: 0.0199 memory: 24646 loss: 0.5970 sim_loss_v2t: 0.3000 sim_loss_t2v: 0.2970 2023/08/01 08:16:28 - mmengine - INFO - Epoch(train) [44][1700/1879] base_lr: 2.2299e-07 lr: 2.2299e-07 eta: 1:21:32 time: 0.4202 data_time: 0.0223 memory: 24646 loss: 0.5652 sim_loss_v2t: 0.2861 sim_loss_t2v: 0.2791 2023/08/01 08:17:11 - mmengine - INFO - Epoch(train) [44][1800/1879] base_lr: 2.1917e-07 lr: 2.1917e-07 eta: 1:20:50 time: 0.4223 data_time: 0.0222 memory: 24646 loss: 0.6176 sim_loss_v2t: 0.3076 sim_loss_t2v: 0.3100 2023/08/01 08:17:43 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:17:43 - mmengine - INFO - Epoch(train) [44][1879/1879] base_lr: 2.1617e-07 lr: 2.1617e-07 eta: 1:20:16 time: 0.3434 data_time: 0.0117 memory: 24646 loss: 0.5613 sim_loss_v2t: 0.2809 sim_loss_t2v: 0.2803 2023/08/01 08:17:43 - mmengine - INFO - Saving checkpoint at 44 epochs 2023/08/01 08:20:03 - mmengine - INFO - Epoch(val) [44][100/155] eta: 0:01:08 time: 1.2202 data_time: 0.0401 memory: 18720 2023/08/01 08:21:11 - mmengine - INFO - Epoch(val) [44][155/155] acc/top1: 0.8099 acc/top5: 0.9520 acc/mean1: 0.8099 data_time: 0.0501 time: 1.2296 2023/08/01 08:22:04 - mmengine - INFO - Epoch(train) [45][ 100/1879] base_lr: 2.1241e-07 lr: 2.1241e-07 eta: 1:19:35 time: 0.4221 data_time: 0.0237 memory: 24646 loss: 0.5818 sim_loss_v2t: 0.2877 sim_loss_t2v: 0.2941 2023/08/01 08:22:47 - mmengine - INFO - Epoch(train) [45][ 200/1879] base_lr: 2.0868e-07 lr: 2.0868e-07 eta: 1:18:52 time: 0.4309 data_time: 0.0228 memory: 24646 loss: 0.5937 sim_loss_v2t: 0.2946 sim_loss_t2v: 0.2990 2023/08/01 08:23:29 - mmengine - INFO - Epoch(train) [45][ 300/1879] base_lr: 2.0498e-07 lr: 2.0498e-07 eta: 1:18:09 time: 0.4218 data_time: 0.0213 memory: 24646 loss: 0.6003 sim_loss_v2t: 0.2936 sim_loss_t2v: 0.3067 2023/08/01 08:23:39 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:24:11 - mmengine - INFO - Epoch(train) [45][ 400/1879] base_lr: 2.0131e-07 lr: 2.0131e-07 eta: 1:17:26 time: 0.4224 data_time: 0.0225 memory: 24646 loss: 0.5953 sim_loss_v2t: 0.2938 sim_loss_t2v: 0.3014 2023/08/01 08:24:54 - mmengine - INFO - Epoch(train) [45][ 500/1879] base_lr: 1.9768e-07 lr: 1.9768e-07 eta: 1:16:43 time: 0.4290 data_time: 0.0264 memory: 24646 loss: 0.5762 sim_loss_v2t: 0.2880 sim_loss_t2v: 0.2882 2023/08/01 08:25:36 - mmengine - INFO - Epoch(train) [45][ 600/1879] base_lr: 1.9407e-07 lr: 1.9407e-07 eta: 1:16:01 time: 0.4207 data_time: 0.0218 memory: 24646 loss: 0.6027 sim_loss_v2t: 0.2981 sim_loss_t2v: 0.3047 2023/08/01 08:26:20 - mmengine - INFO - Epoch(train) [45][ 700/1879] base_lr: 1.9050e-07 lr: 1.9050e-07 eta: 1:15:18 time: 0.4145 data_time: 0.0194 memory: 24646 loss: 0.6083 sim_loss_v2t: 0.3007 sim_loss_t2v: 0.3076 2023/08/01 08:27:02 - mmengine - INFO - Epoch(train) [45][ 800/1879] base_lr: 1.8696e-07 lr: 1.8696e-07 eta: 1:14:35 time: 0.4243 data_time: 0.0216 memory: 24646 loss: 0.5539 sim_loss_v2t: 0.2779 sim_loss_t2v: 0.2760 2023/08/01 08:27:45 - mmengine - INFO - Epoch(train) [45][ 900/1879] base_lr: 1.8345e-07 lr: 1.8345e-07 eta: 1:13:53 time: 0.4225 data_time: 0.0220 memory: 24646 loss: 0.5940 sim_loss_v2t: 0.2948 sim_loss_t2v: 0.2992 2023/08/01 08:28:28 - mmengine - INFO - Epoch(train) [45][1000/1879] base_lr: 1.7998e-07 lr: 1.7998e-07 eta: 1:13:10 time: 0.4336 data_time: 0.0218 memory: 24646 loss: 0.6363 sim_loss_v2t: 0.3166 sim_loss_t2v: 0.3198 2023/08/01 08:29:12 - mmengine - INFO - Epoch(train) [45][1100/1879] base_lr: 1.7653e-07 lr: 1.7653e-07 eta: 1:12:27 time: 0.4088 data_time: 0.0195 memory: 24646 loss: 0.5754 sim_loss_v2t: 0.2827 sim_loss_t2v: 0.2927 2023/08/01 08:29:54 - mmengine - INFO - Epoch(train) [45][1200/1879] base_lr: 1.7312e-07 lr: 1.7312e-07 eta: 1:11:44 time: 0.4173 data_time: 0.0214 memory: 24646 loss: 0.5870 sim_loss_v2t: 0.2910 sim_loss_t2v: 0.2960 2023/08/01 08:30:37 - mmengine - INFO - Epoch(train) [45][1300/1879] base_lr: 1.6974e-07 lr: 1.6974e-07 eta: 1:11:02 time: 0.4259 data_time: 0.0243 memory: 24646 loss: 0.6073 sim_loss_v2t: 0.2967 sim_loss_t2v: 0.3106 2023/08/01 08:30:47 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:31:19 - mmengine - INFO - Epoch(train) [45][1400/1879] base_lr: 1.6639e-07 lr: 1.6639e-07 eta: 1:10:19 time: 0.4189 data_time: 0.0223 memory: 24646 loss: 0.5541 sim_loss_v2t: 0.2787 sim_loss_t2v: 0.2754 2023/08/01 08:32:01 - mmengine - INFO - Epoch(train) [45][1500/1879] base_lr: 1.6307e-07 lr: 1.6307e-07 eta: 1:09:36 time: 0.4194 data_time: 0.0210 memory: 24646 loss: 0.6067 sim_loss_v2t: 0.3019 sim_loss_t2v: 0.3047 2023/08/01 08:32:43 - mmengine - INFO - Epoch(train) [45][1600/1879] base_lr: 1.5979e-07 lr: 1.5979e-07 eta: 1:08:53 time: 0.4212 data_time: 0.0221 memory: 24646 loss: 0.5663 sim_loss_v2t: 0.2841 sim_loss_t2v: 0.2822 2023/08/01 08:33:26 - mmengine - INFO - Epoch(train) [45][1700/1879] base_lr: 1.5654e-07 lr: 1.5654e-07 eta: 1:08:10 time: 0.4374 data_time: 0.0217 memory: 24646 loss: 0.6046 sim_loss_v2t: 0.3011 sim_loss_t2v: 0.3035 2023/08/01 08:34:09 - mmengine - INFO - Epoch(train) [45][1800/1879] base_lr: 1.5332e-07 lr: 1.5332e-07 eta: 1:07:28 time: 0.4218 data_time: 0.0219 memory: 24646 loss: 0.5762 sim_loss_v2t: 0.2880 sim_loss_t2v: 0.2882 2023/08/01 08:34:40 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:34:40 - mmengine - INFO - Epoch(train) [45][1879/1879] base_lr: 1.5080e-07 lr: 1.5080e-07 eta: 1:06:54 time: 0.3424 data_time: 0.0119 memory: 24646 loss: 0.5912 sim_loss_v2t: 0.2908 sim_loss_t2v: 0.3004 2023/08/01 08:34:40 - mmengine - INFO - Saving checkpoint at 45 epochs 2023/08/01 08:37:00 - mmengine - INFO - Epoch(val) [45][100/155] eta: 0:01:08 time: 1.2190 data_time: 0.0396 memory: 18720 2023/08/01 08:38:08 - mmengine - INFO - Epoch(val) [45][155/155] acc/top1: 0.8112 acc/top5: 0.9518 acc/mean1: 0.8111 data_time: 0.0503 time: 1.2289 2023/08/01 08:38:59 - mmengine - INFO - Epoch(train) [46][ 100/1879] base_lr: 1.4764e-07 lr: 1.4764e-07 eta: 1:06:12 time: 0.4397 data_time: 0.0253 memory: 24646 loss: 0.5637 sim_loss_v2t: 0.2766 sim_loss_t2v: 0.2871 2023/08/01 08:39:42 - mmengine - INFO - Epoch(train) [46][ 200/1879] base_lr: 1.4451e-07 lr: 1.4451e-07 eta: 1:05:29 time: 0.4281 data_time: 0.0235 memory: 24646 loss: 0.5774 sim_loss_v2t: 0.2874 sim_loss_t2v: 0.2900 2023/08/01 08:40:24 - mmengine - INFO - Epoch(train) [46][ 300/1879] base_lr: 1.4141e-07 lr: 1.4141e-07 eta: 1:04:46 time: 0.4185 data_time: 0.0228 memory: 24646 loss: 0.6224 sim_loss_v2t: 0.3101 sim_loss_t2v: 0.3123 2023/08/01 08:41:06 - mmengine - INFO - Epoch(train) [46][ 400/1879] base_lr: 1.3835e-07 lr: 1.3835e-07 eta: 1:04:04 time: 0.4207 data_time: 0.0219 memory: 24646 loss: 0.5572 sim_loss_v2t: 0.2751 sim_loss_t2v: 0.2821 2023/08/01 08:41:25 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:41:49 - mmengine - INFO - Epoch(train) [46][ 500/1879] base_lr: 1.3532e-07 lr: 1.3532e-07 eta: 1:03:21 time: 0.4174 data_time: 0.0244 memory: 24646 loss: 0.5920 sim_loss_v2t: 0.2932 sim_loss_t2v: 0.2988 2023/08/01 08:42:31 - mmengine - INFO - Epoch(train) [46][ 600/1879] base_lr: 1.3232e-07 lr: 1.3232e-07 eta: 1:02:38 time: 0.4245 data_time: 0.0224 memory: 24646 loss: 0.6255 sim_loss_v2t: 0.3070 sim_loss_t2v: 0.3185 2023/08/01 08:43:14 - mmengine - INFO - Epoch(train) [46][ 700/1879] base_lr: 1.2936e-07 lr: 1.2936e-07 eta: 1:01:55 time: 0.4168 data_time: 0.0227 memory: 24646 loss: 0.5680 sim_loss_v2t: 0.2845 sim_loss_t2v: 0.2836 2023/08/01 08:43:56 - mmengine - INFO - Epoch(train) [46][ 800/1879] base_lr: 1.2642e-07 lr: 1.2642e-07 eta: 1:01:13 time: 0.4425 data_time: 0.0189 memory: 24646 loss: 0.5976 sim_loss_v2t: 0.2986 sim_loss_t2v: 0.2990 2023/08/01 08:44:43 - mmengine - INFO - Epoch(train) [46][ 900/1879] base_lr: 1.2352e-07 lr: 1.2352e-07 eta: 1:00:30 time: 0.4261 data_time: 0.0207 memory: 24646 loss: 0.5882 sim_loss_v2t: 0.2934 sim_loss_t2v: 0.2949 2023/08/01 08:45:25 - mmengine - INFO - Epoch(train) [46][1000/1879] base_lr: 1.2066e-07 lr: 1.2066e-07 eta: 0:59:47 time: 0.4256 data_time: 0.0222 memory: 24646 loss: 0.5718 sim_loss_v2t: 0.2801 sim_loss_t2v: 0.2917 2023/08/01 08:46:07 - mmengine - INFO - Epoch(train) [46][1100/1879] base_lr: 1.1782e-07 lr: 1.1782e-07 eta: 0:59:05 time: 0.4191 data_time: 0.0226 memory: 24646 loss: 0.5810 sim_loss_v2t: 0.2920 sim_loss_t2v: 0.2889 2023/08/01 08:46:50 - mmengine - INFO - Epoch(train) [46][1200/1879] base_lr: 1.1502e-07 lr: 1.1502e-07 eta: 0:58:22 time: 0.4161 data_time: 0.0164 memory: 24646 loss: 0.5415 sim_loss_v2t: 0.2695 sim_loss_t2v: 0.2720 2023/08/01 08:47:33 - mmengine - INFO - Epoch(train) [46][1300/1879] base_lr: 1.1225e-07 lr: 1.1225e-07 eta: 0:57:39 time: 0.4167 data_time: 0.0225 memory: 24646 loss: 0.5976 sim_loss_v2t: 0.2962 sim_loss_t2v: 0.3015 2023/08/01 08:48:15 - mmengine - INFO - Epoch(train) [46][1400/1879] base_lr: 1.0952e-07 lr: 1.0952e-07 eta: 0:56:56 time: 0.4193 data_time: 0.0228 memory: 24646 loss: 0.5645 sim_loss_v2t: 0.2847 sim_loss_t2v: 0.2798 2023/08/01 08:48:34 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:48:57 - mmengine - INFO - Epoch(train) [46][1500/1879] base_lr: 1.0681e-07 lr: 1.0681e-07 eta: 0:56:14 time: 0.4244 data_time: 0.0222 memory: 24646 loss: 0.6019 sim_loss_v2t: 0.2992 sim_loss_t2v: 0.3027 2023/08/01 08:49:39 - mmengine - INFO - Epoch(train) [46][1600/1879] base_lr: 1.0414e-07 lr: 1.0414e-07 eta: 0:55:31 time: 0.4173 data_time: 0.0231 memory: 24646 loss: 0.5868 sim_loss_v2t: 0.2929 sim_loss_t2v: 0.2939 2023/08/01 08:50:26 - mmengine - INFO - Epoch(train) [46][1700/1879] base_lr: 1.0151e-07 lr: 1.0151e-07 eta: 0:54:48 time: 0.5972 data_time: 0.0215 memory: 24646 loss: 0.6008 sim_loss_v2t: 0.3013 sim_loss_t2v: 0.2995 2023/08/01 08:51:07 - mmengine - INFO - Epoch(train) [46][1800/1879] base_lr: 9.8905e-08 lr: 9.8905e-08 eta: 0:54:06 time: 0.4210 data_time: 0.0225 memory: 24646 loss: 0.5901 sim_loss_v2t: 0.2936 sim_loss_t2v: 0.2965 2023/08/01 08:51:39 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:51:39 - mmengine - INFO - Epoch(train) [46][1879/1879] base_lr: 9.6871e-08 lr: 9.6871e-08 eta: 0:53:31 time: 0.3443 data_time: 0.0116 memory: 24646 loss: 0.5666 sim_loss_v2t: 0.2826 sim_loss_t2v: 0.2840 2023/08/01 08:51:39 - mmengine - INFO - Saving checkpoint at 46 epochs 2023/08/01 08:53:58 - mmengine - INFO - Epoch(val) [46][100/155] eta: 0:01:08 time: 1.2241 data_time: 0.0454 memory: 18720 2023/08/01 08:55:06 - mmengine - INFO - Epoch(val) [46][155/155] acc/top1: 0.8120 acc/top5: 0.9519 acc/mean1: 0.8120 data_time: 0.0527 time: 1.2318 2023/08/01 08:55:58 - mmengine - INFO - Epoch(train) [47][ 100/1879] base_lr: 9.4327e-08 lr: 9.4327e-08 eta: 0:52:50 time: 0.4417 data_time: 0.0289 memory: 24646 loss: 0.5645 sim_loss_v2t: 0.2807 sim_loss_t2v: 0.2839 2023/08/01 08:56:41 - mmengine - INFO - Epoch(train) [47][ 200/1879] base_lr: 9.1817e-08 lr: 9.1817e-08 eta: 0:52:07 time: 0.4267 data_time: 0.0305 memory: 24646 loss: 0.5882 sim_loss_v2t: 0.2919 sim_loss_t2v: 0.2962 2023/08/01 08:57:25 - mmengine - INFO - Epoch(train) [47][ 300/1879] base_lr: 8.9339e-08 lr: 8.9339e-08 eta: 0:51:24 time: 0.3906 data_time: 0.0162 memory: 24646 loss: 0.6106 sim_loss_v2t: 0.3014 sim_loss_t2v: 0.3092 2023/08/01 08:58:07 - mmengine - INFO - Epoch(train) [47][ 400/1879] base_lr: 8.6895e-08 lr: 8.6895e-08 eta: 0:50:42 time: 0.4218 data_time: 0.0227 memory: 24646 loss: 0.5780 sim_loss_v2t: 0.2922 sim_loss_t2v: 0.2858 2023/08/01 08:58:50 - mmengine - INFO - Epoch(train) [47][ 500/1879] base_lr: 8.4484e-08 lr: 8.4484e-08 eta: 0:49:59 time: 0.4177 data_time: 0.0215 memory: 24646 loss: 0.5444 sim_loss_v2t: 0.2748 sim_loss_t2v: 0.2697 2023/08/01 08:59:18 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 08:59:32 - mmengine - INFO - Epoch(train) [47][ 600/1879] base_lr: 8.2106e-08 lr: 8.2106e-08 eta: 0:49:16 time: 0.4274 data_time: 0.0253 memory: 24646 loss: 0.5864 sim_loss_v2t: 0.2908 sim_loss_t2v: 0.2955 2023/08/01 09:00:15 - mmengine - INFO - Epoch(train) [47][ 700/1879] base_lr: 7.9762e-08 lr: 7.9762e-08 eta: 0:48:33 time: 0.4210 data_time: 0.0219 memory: 24646 loss: 0.5819 sim_loss_v2t: 0.2893 sim_loss_t2v: 0.2925 2023/08/01 09:00:57 - mmengine - INFO - Epoch(train) [47][ 800/1879] base_lr: 7.7451e-08 lr: 7.7451e-08 eta: 0:47:50 time: 0.4295 data_time: 0.0216 memory: 24646 loss: 0.6023 sim_loss_v2t: 0.3014 sim_loss_t2v: 0.3009 2023/08/01 09:01:40 - mmengine - INFO - Epoch(train) [47][ 900/1879] base_lr: 7.5174e-08 lr: 7.5174e-08 eta: 0:47:08 time: 0.4234 data_time: 0.0211 memory: 24646 loss: 0.5729 sim_loss_v2t: 0.2848 sim_loss_t2v: 0.2881 2023/08/01 09:02:22 - mmengine - INFO - Epoch(train) [47][1000/1879] base_lr: 7.2930e-08 lr: 7.2930e-08 eta: 0:46:25 time: 0.4211 data_time: 0.0220 memory: 24646 loss: 0.6020 sim_loss_v2t: 0.2948 sim_loss_t2v: 0.3072 2023/08/01 09:03:04 - mmengine - INFO - Epoch(train) [47][1100/1879] base_lr: 7.0719e-08 lr: 7.0719e-08 eta: 0:45:42 time: 0.4126 data_time: 0.0213 memory: 24646 loss: 0.5778 sim_loss_v2t: 0.2848 sim_loss_t2v: 0.2930 2023/08/01 09:03:47 - mmengine - INFO - Epoch(train) [47][1200/1879] base_lr: 6.8542e-08 lr: 6.8542e-08 eta: 0:44:59 time: 0.4241 data_time: 0.0220 memory: 24646 loss: 0.5907 sim_loss_v2t: 0.2946 sim_loss_t2v: 0.2961 2023/08/01 09:04:30 - mmengine - INFO - Epoch(train) [47][1300/1879] base_lr: 6.6399e-08 lr: 6.6399e-08 eta: 0:44:17 time: 0.4250 data_time: 0.0212 memory: 24646 loss: 0.5961 sim_loss_v2t: 0.2952 sim_loss_t2v: 0.3009 2023/08/01 09:05:12 - mmengine - INFO - Epoch(train) [47][1400/1879] base_lr: 6.4289e-08 lr: 6.4289e-08 eta: 0:43:34 time: 0.4250 data_time: 0.0207 memory: 24646 loss: 0.5972 sim_loss_v2t: 0.2970 sim_loss_t2v: 0.3002 2023/08/01 09:05:54 - mmengine - INFO - Epoch(train) [47][1500/1879] base_lr: 6.2213e-08 lr: 6.2213e-08 eta: 0:42:51 time: 0.4215 data_time: 0.0226 memory: 24646 loss: 0.5965 sim_loss_v2t: 0.2971 sim_loss_t2v: 0.2994 2023/08/01 09:06:22 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:06:37 - mmengine - INFO - Epoch(train) [47][1600/1879] base_lr: 6.0171e-08 lr: 6.0171e-08 eta: 0:42:08 time: 0.4302 data_time: 0.0236 memory: 24646 loss: 0.5854 sim_loss_v2t: 0.2934 sim_loss_t2v: 0.2921 2023/08/01 09:07:19 - mmengine - INFO - Epoch(train) [47][1700/1879] base_lr: 5.8162e-08 lr: 5.8162e-08 eta: 0:41:25 time: 0.4188 data_time: 0.0236 memory: 24646 loss: 0.5756 sim_loss_v2t: 0.2851 sim_loss_t2v: 0.2905 2023/08/01 09:08:02 - mmengine - INFO - Epoch(train) [47][1800/1879] base_lr: 5.6187e-08 lr: 5.6187e-08 eta: 0:40:43 time: 0.4235 data_time: 0.0171 memory: 24646 loss: 0.5740 sim_loss_v2t: 0.2858 sim_loss_t2v: 0.2882 2023/08/01 09:08:34 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:08:34 - mmengine - INFO - Epoch(train) [47][1879/1879] base_lr: 5.4650e-08 lr: 5.4650e-08 eta: 0:40:09 time: 0.3428 data_time: 0.0119 memory: 24646 loss: 0.5922 sim_loss_v2t: 0.2929 sim_loss_t2v: 0.2993 2023/08/01 09:08:34 - mmengine - INFO - Saving checkpoint at 47 epochs 2023/08/01 09:10:54 - mmengine - INFO - Epoch(val) [47][100/155] eta: 0:01:08 time: 1.2206 data_time: 0.0420 memory: 18720 2023/08/01 09:12:02 - mmengine - INFO - Epoch(val) [47][155/155] acc/top1: 0.8119 acc/top5: 0.9519 acc/mean1: 0.8119 data_time: 0.0499 time: 1.2286 2023/08/01 09:12:54 - mmengine - INFO - Epoch(train) [48][ 100/1879] base_lr: 5.2736e-08 lr: 5.2736e-08 eta: 0:39:27 time: 0.4299 data_time: 0.0217 memory: 24646 loss: 0.5961 sim_loss_v2t: 0.3012 sim_loss_t2v: 0.2949 2023/08/01 09:13:37 - mmengine - INFO - Epoch(train) [48][ 200/1879] base_lr: 5.0855e-08 lr: 5.0855e-08 eta: 0:38:44 time: 0.4163 data_time: 0.0236 memory: 24646 loss: 0.5906 sim_loss_v2t: 0.2937 sim_loss_t2v: 0.2969 2023/08/01 09:14:19 - mmengine - INFO - Epoch(train) [48][ 300/1879] base_lr: 4.9008e-08 lr: 4.9008e-08 eta: 0:38:01 time: 0.4211 data_time: 0.0207 memory: 24646 loss: 0.5769 sim_loss_v2t: 0.2918 sim_loss_t2v: 0.2850 2023/08/01 09:15:01 - mmengine - INFO - Epoch(train) [48][ 400/1879] base_lr: 4.7194e-08 lr: 4.7194e-08 eta: 0:37:18 time: 0.4215 data_time: 0.0216 memory: 24646 loss: 0.5818 sim_loss_v2t: 0.2865 sim_loss_t2v: 0.2953 2023/08/01 09:15:44 - mmengine - INFO - Epoch(train) [48][ 500/1879] base_lr: 4.5415e-08 lr: 4.5415e-08 eta: 0:36:36 time: 0.4183 data_time: 0.0226 memory: 24646 loss: 0.5733 sim_loss_v2t: 0.2861 sim_loss_t2v: 0.2873 2023/08/01 09:16:26 - mmengine - INFO - Epoch(train) [48][ 600/1879] base_lr: 4.3670e-08 lr: 4.3670e-08 eta: 0:35:53 time: 0.4252 data_time: 0.0197 memory: 24646 loss: 0.5879 sim_loss_v2t: 0.2938 sim_loss_t2v: 0.2941 2023/08/01 09:17:03 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:17:09 - mmengine - INFO - Epoch(train) [48][ 700/1879] base_lr: 4.1958e-08 lr: 4.1958e-08 eta: 0:35:10 time: 0.4177 data_time: 0.0231 memory: 24646 loss: 0.5611 sim_loss_v2t: 0.2771 sim_loss_t2v: 0.2841 2023/08/01 09:17:51 - mmengine - INFO - Epoch(train) [48][ 800/1879] base_lr: 4.0280e-08 lr: 4.0280e-08 eta: 0:34:27 time: 0.4222 data_time: 0.0211 memory: 24646 loss: 0.5693 sim_loss_v2t: 0.2808 sim_loss_t2v: 0.2884 2023/08/01 09:18:34 - mmengine - INFO - Epoch(train) [48][ 900/1879] base_lr: 3.8637e-08 lr: 3.8637e-08 eta: 0:33:44 time: 0.4210 data_time: 0.0208 memory: 24646 loss: 0.5731 sim_loss_v2t: 0.2861 sim_loss_t2v: 0.2870 2023/08/01 09:19:16 - mmengine - INFO - Epoch(train) [48][1000/1879] base_lr: 3.7027e-08 lr: 3.7027e-08 eta: 0:33:02 time: 0.4205 data_time: 0.0214 memory: 24646 loss: 0.5508 sim_loss_v2t: 0.2768 sim_loss_t2v: 0.2740 2023/08/01 09:19:59 - mmengine - INFO - Epoch(train) [48][1100/1879] base_lr: 3.5451e-08 lr: 3.5451e-08 eta: 0:32:19 time: 0.4188 data_time: 0.0203 memory: 24646 loss: 0.5656 sim_loss_v2t: 0.2851 sim_loss_t2v: 0.2804 2023/08/01 09:20:44 - mmengine - INFO - Epoch(train) [48][1200/1879] base_lr: 3.3910e-08 lr: 3.3910e-08 eta: 0:31:36 time: 0.4225 data_time: 0.0218 memory: 24646 loss: 0.5733 sim_loss_v2t: 0.2846 sim_loss_t2v: 0.2888 2023/08/01 09:21:26 - mmengine - INFO - Epoch(train) [48][1300/1879] base_lr: 3.2402e-08 lr: 3.2402e-08 eta: 0:30:54 time: 0.4241 data_time: 0.0233 memory: 24646 loss: 0.5655 sim_loss_v2t: 0.2783 sim_loss_t2v: 0.2871 2023/08/01 09:22:08 - mmengine - INFO - Epoch(train) [48][1400/1879] base_lr: 3.0928e-08 lr: 3.0928e-08 eta: 0:30:11 time: 0.4184 data_time: 0.0211 memory: 24646 loss: 0.5929 sim_loss_v2t: 0.2898 sim_loss_t2v: 0.3031 2023/08/01 09:22:50 - mmengine - INFO - Epoch(train) [48][1500/1879] base_lr: 2.9489e-08 lr: 2.9489e-08 eta: 0:29:28 time: 0.4311 data_time: 0.0234 memory: 24646 loss: 0.5844 sim_loss_v2t: 0.2952 sim_loss_t2v: 0.2891 2023/08/01 09:23:33 - mmengine - INFO - Epoch(train) [48][1600/1879] base_lr: 2.8083e-08 lr: 2.8083e-08 eta: 0:28:45 time: 0.4201 data_time: 0.0207 memory: 24646 loss: 0.5518 sim_loss_v2t: 0.2783 sim_loss_t2v: 0.2735 2023/08/01 09:24:11 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:24:16 - mmengine - INFO - Epoch(train) [48][1700/1879] base_lr: 2.6712e-08 lr: 2.6712e-08 eta: 0:28:02 time: 0.4175 data_time: 0.0211 memory: 24646 loss: 0.5964 sim_loss_v2t: 0.2977 sim_loss_t2v: 0.2987 2023/08/01 09:24:58 - mmengine - INFO - Epoch(train) [48][1800/1879] base_lr: 2.5375e-08 lr: 2.5375e-08 eta: 0:27:20 time: 0.4251 data_time: 0.0216 memory: 24646 loss: 0.6037 sim_loss_v2t: 0.3056 sim_loss_t2v: 0.2980 2023/08/01 09:25:35 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:25:35 - mmengine - INFO - Epoch(train) [48][1879/1879] base_lr: 2.4343e-08 lr: 2.4343e-08 eta: 0:26:46 time: 0.5026 data_time: 0.0117 memory: 24646 loss: 0.5614 sim_loss_v2t: 0.2783 sim_loss_t2v: 0.2831 2023/08/01 09:25:35 - mmengine - INFO - Saving checkpoint at 48 epochs 2023/08/01 09:27:56 - mmengine - INFO - Epoch(val) [48][100/155] eta: 0:01:08 time: 1.2187 data_time: 0.0404 memory: 18720 2023/08/01 09:29:04 - mmengine - INFO - Epoch(val) [48][155/155] acc/top1: 0.8114 acc/top5: 0.9520 acc/mean1: 0.8113 data_time: 0.0491 time: 1.2279 2023/08/01 09:29:57 - mmengine - INFO - Epoch(train) [49][ 100/1879] base_lr: 2.3067e-08 lr: 2.3067e-08 eta: 0:26:04 time: 0.4239 data_time: 0.0250 memory: 24646 loss: 0.5497 sim_loss_v2t: 0.2744 sim_loss_t2v: 0.2753 2023/08/01 09:30:40 - mmengine - INFO - Epoch(train) [49][ 200/1879] base_lr: 2.1825e-08 lr: 2.1825e-08 eta: 0:25:21 time: 0.4318 data_time: 0.0279 memory: 24646 loss: 0.6173 sim_loss_v2t: 0.3096 sim_loss_t2v: 0.3078 2023/08/01 09:31:22 - mmengine - INFO - Epoch(train) [49][ 300/1879] base_lr: 2.0617e-08 lr: 2.0617e-08 eta: 0:24:38 time: 0.4240 data_time: 0.0218 memory: 24646 loss: 0.6009 sim_loss_v2t: 0.2964 sim_loss_t2v: 0.3045 2023/08/01 09:32:05 - mmengine - INFO - Epoch(train) [49][ 400/1879] base_lr: 1.9444e-08 lr: 1.9444e-08 eta: 0:23:55 time: 0.4228 data_time: 0.0191 memory: 24646 loss: 0.5691 sim_loss_v2t: 0.2868 sim_loss_t2v: 0.2823 2023/08/01 09:32:47 - mmengine - INFO - Epoch(train) [49][ 500/1879] base_lr: 1.8305e-08 lr: 1.8305e-08 eta: 0:23:13 time: 0.4279 data_time: 0.0221 memory: 24646 loss: 0.5404 sim_loss_v2t: 0.2671 sim_loss_t2v: 0.2733 2023/08/01 09:33:30 - mmengine - INFO - Epoch(train) [49][ 600/1879] base_lr: 1.7200e-08 lr: 1.7200e-08 eta: 0:22:30 time: 0.4231 data_time: 0.0208 memory: 24646 loss: 0.6149 sim_loss_v2t: 0.3059 sim_loss_t2v: 0.3090 2023/08/01 09:34:14 - mmengine - INFO - Epoch(train) [49][ 700/1879] base_lr: 1.6130e-08 lr: 1.6130e-08 eta: 0:21:47 time: 0.4132 data_time: 0.0168 memory: 24646 loss: 0.6059 sim_loss_v2t: 0.2940 sim_loss_t2v: 0.3120 2023/08/01 09:34:57 - mmengine - INFO - Epoch(train) [49][ 800/1879] base_lr: 1.5093e-08 lr: 1.5093e-08 eta: 0:21:04 time: 0.4190 data_time: 0.0199 memory: 24646 loss: 0.5844 sim_loss_v2t: 0.2933 sim_loss_t2v: 0.2911 2023/08/01 09:35:00 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:35:39 - mmengine - INFO - Epoch(train) [49][ 900/1879] base_lr: 1.4091e-08 lr: 1.4091e-08 eta: 0:20:22 time: 0.4212 data_time: 0.0208 memory: 24646 loss: 0.5872 sim_loss_v2t: 0.2937 sim_loss_t2v: 0.2936 2023/08/01 09:36:21 - mmengine - INFO - Epoch(train) [49][1000/1879] base_lr: 1.3124e-08 lr: 1.3124e-08 eta: 0:19:39 time: 0.4202 data_time: 0.0229 memory: 24646 loss: 0.5798 sim_loss_v2t: 0.2888 sim_loss_t2v: 0.2911 2023/08/01 09:37:04 - mmengine - INFO - Epoch(train) [49][1100/1879] base_lr: 1.2190e-08 lr: 1.2190e-08 eta: 0:18:56 time: 0.4340 data_time: 0.0199 memory: 24646 loss: 0.5748 sim_loss_v2t: 0.2850 sim_loss_t2v: 0.2898 2023/08/01 09:37:47 - mmengine - INFO - Epoch(train) [49][1200/1879] base_lr: 1.1291e-08 lr: 1.1291e-08 eta: 0:18:13 time: 0.4192 data_time: 0.0212 memory: 24646 loss: 0.5701 sim_loss_v2t: 0.2804 sim_loss_t2v: 0.2897 2023/08/01 09:38:29 - mmengine - INFO - Epoch(train) [49][1300/1879] base_lr: 1.0427e-08 lr: 1.0427e-08 eta: 0:17:31 time: 0.4248 data_time: 0.0221 memory: 24646 loss: 0.5691 sim_loss_v2t: 0.2844 sim_loss_t2v: 0.2848 2023/08/01 09:39:11 - mmengine - INFO - Epoch(train) [49][1400/1879] base_lr: 9.5964e-09 lr: 9.5964e-09 eta: 0:16:48 time: 0.4142 data_time: 0.0212 memory: 24646 loss: 0.5839 sim_loss_v2t: 0.2895 sim_loss_t2v: 0.2944 2023/08/01 09:39:54 - mmengine - INFO - Epoch(train) [49][1500/1879] base_lr: 8.8005e-09 lr: 8.8005e-09 eta: 0:16:05 time: 0.4177 data_time: 0.0187 memory: 24646 loss: 0.5871 sim_loss_v2t: 0.2948 sim_loss_t2v: 0.2923 2023/08/01 09:40:36 - mmengine - INFO - Epoch(train) [49][1600/1879] base_lr: 8.0390e-09 lr: 8.0390e-09 eta: 0:15:22 time: 0.4327 data_time: 0.0237 memory: 24646 loss: 0.5825 sim_loss_v2t: 0.2892 sim_loss_t2v: 0.2932 2023/08/01 09:41:19 - mmengine - INFO - Epoch(train) [49][1700/1879] base_lr: 7.3119e-09 lr: 7.3119e-09 eta: 0:14:39 time: 0.4205 data_time: 0.0225 memory: 24646 loss: 0.5433 sim_loss_v2t: 0.2664 sim_loss_t2v: 0.2769 2023/08/01 09:42:01 - mmengine - INFO - Epoch(train) [49][1800/1879] base_lr: 6.6192e-09 lr: 6.6192e-09 eta: 0:13:57 time: 0.4241 data_time: 0.0225 memory: 24646 loss: 0.6057 sim_loss_v2t: 0.2983 sim_loss_t2v: 0.3074 2023/08/01 09:42:05 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:42:33 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:42:33 - mmengine - INFO - Epoch(train) [49][1879/1879] base_lr: 6.0964e-09 lr: 6.0964e-09 eta: 0:13:23 time: 0.3459 data_time: 0.0117 memory: 24646 loss: 0.5277 sim_loss_v2t: 0.2624 sim_loss_t2v: 0.2653 2023/08/01 09:42:33 - mmengine - INFO - Saving checkpoint at 49 epochs 2023/08/01 09:44:53 - mmengine - INFO - Epoch(val) [49][100/155] eta: 0:01:08 time: 1.2194 data_time: 0.0404 memory: 18720 2023/08/01 09:46:01 - mmengine - INFO - Epoch(val) [49][155/155] acc/top1: 0.8113 acc/top5: 0.9522 acc/mean1: 0.8113 data_time: 0.0506 time: 1.2300 2023/08/01 09:46:52 - mmengine - INFO - Epoch(train) [50][ 100/1879] base_lr: 5.4653e-09 lr: 5.4653e-09 eta: 0:12:40 time: 0.4478 data_time: 0.0388 memory: 24646 loss: 0.5870 sim_loss_v2t: 0.2885 sim_loss_t2v: 0.2985 2023/08/01 09:47:35 - mmengine - INFO - Epoch(train) [50][ 200/1879] base_lr: 4.8687e-09 lr: 4.8687e-09 eta: 0:11:58 time: 0.4248 data_time: 0.0198 memory: 24646 loss: 0.5790 sim_loss_v2t: 0.2861 sim_loss_t2v: 0.2930 2023/08/01 09:48:18 - mmengine - INFO - Epoch(train) [50][ 300/1879] base_lr: 4.3065e-09 lr: 4.3065e-09 eta: 0:11:15 time: 0.4379 data_time: 0.0194 memory: 24646 loss: 0.5881 sim_loss_v2t: 0.2970 sim_loss_t2v: 0.2911 2023/08/01 09:49:00 - mmengine - INFO - Epoch(train) [50][ 400/1879] base_lr: 3.7787e-09 lr: 3.7787e-09 eta: 0:10:32 time: 0.4185 data_time: 0.0212 memory: 24646 loss: 0.5742 sim_loss_v2t: 0.2795 sim_loss_t2v: 0.2947 2023/08/01 09:49:42 - mmengine - INFO - Epoch(train) [50][ 500/1879] base_lr: 3.2854e-09 lr: 3.2854e-09 eta: 0:09:49 time: 0.4151 data_time: 0.0218 memory: 24646 loss: 0.5767 sim_loss_v2t: 0.2801 sim_loss_t2v: 0.2966 2023/08/01 09:50:24 - mmengine - INFO - Epoch(train) [50][ 600/1879] base_lr: 2.8266e-09 lr: 2.8266e-09 eta: 0:09:06 time: 0.4251 data_time: 0.0233 memory: 24646 loss: 0.5758 sim_loss_v2t: 0.2872 sim_loss_t2v: 0.2886 2023/08/01 09:51:07 - mmengine - INFO - Epoch(train) [50][ 700/1879] base_lr: 2.4023e-09 lr: 2.4023e-09 eta: 0:08:24 time: 0.4191 data_time: 0.0227 memory: 24646 loss: 0.5651 sim_loss_v2t: 0.2832 sim_loss_t2v: 0.2819 2023/08/01 09:51:49 - mmengine - INFO - Epoch(train) [50][ 800/1879] base_lr: 2.0124e-09 lr: 2.0124e-09 eta: 0:07:41 time: 0.4250 data_time: 0.0221 memory: 24646 loss: 0.5993 sim_loss_v2t: 0.2982 sim_loss_t2v: 0.3011 2023/08/01 09:52:32 - mmengine - INFO - Epoch(train) [50][ 900/1879] base_lr: 1.6570e-09 lr: 1.6570e-09 eta: 0:06:58 time: 0.4184 data_time: 0.0209 memory: 24646 loss: 0.5531 sim_loss_v2t: 0.2770 sim_loss_t2v: 0.2761 2023/08/01 09:52:44 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:53:15 - mmengine - INFO - Epoch(train) [50][1000/1879] base_lr: 1.3362e-09 lr: 1.3362e-09 eta: 0:06:15 time: 0.4527 data_time: 0.0195 memory: 24646 loss: 0.5691 sim_loss_v2t: 0.2863 sim_loss_t2v: 0.2828 2023/08/01 09:53:57 - mmengine - INFO - Epoch(train) [50][1100/1879] base_lr: 1.0498e-09 lr: 1.0498e-09 eta: 0:05:33 time: 0.4194 data_time: 0.0216 memory: 24646 loss: 0.5836 sim_loss_v2t: 0.2891 sim_loss_t2v: 0.2945 2023/08/01 09:54:39 - mmengine - INFO - Epoch(train) [50][1200/1879] base_lr: 7.9786e-10 lr: 7.9786e-10 eta: 0:04:50 time: 0.4165 data_time: 0.0214 memory: 24646 loss: 0.5913 sim_loss_v2t: 0.2997 sim_loss_t2v: 0.2916 2023/08/01 09:55:22 - mmengine - INFO - Epoch(train) [50][1300/1879] base_lr: 5.8046e-10 lr: 5.8046e-10 eta: 0:04:07 time: 0.4285 data_time: 0.0239 memory: 24646 loss: 0.5686 sim_loss_v2t: 0.2811 sim_loss_t2v: 0.2874 2023/08/01 09:56:04 - mmengine - INFO - Epoch(train) [50][1400/1879] base_lr: 3.9756e-10 lr: 3.9756e-10 eta: 0:03:24 time: 0.4165 data_time: 0.0208 memory: 24646 loss: 0.5755 sim_loss_v2t: 0.2815 sim_loss_t2v: 0.2940 2023/08/01 09:56:49 - mmengine - INFO - Epoch(train) [50][1500/1879] base_lr: 2.4917e-10 lr: 2.4917e-10 eta: 0:02:42 time: 0.4163 data_time: 0.0166 memory: 24646 loss: 0.5840 sim_loss_v2t: 0.2891 sim_loss_t2v: 0.2949 2023/08/01 09:57:32 - mmengine - INFO - Epoch(train) [50][1600/1879] base_lr: 1.3528e-10 lr: 1.3528e-10 eta: 0:01:59 time: 0.4387 data_time: 0.0246 memory: 24646 loss: 0.6208 sim_loss_v2t: 0.3050 sim_loss_t2v: 0.3158 2023/08/01 09:58:14 - mmengine - INFO - Epoch(train) [50][1700/1879] base_lr: 5.5908e-11 lr: 5.5908e-11 eta: 0:01:16 time: 0.4230 data_time: 0.0220 memory: 24646 loss: 0.5554 sim_loss_v2t: 0.2771 sim_loss_t2v: 0.2784 2023/08/01 09:58:57 - mmengine - INFO - Epoch(train) [50][1800/1879] base_lr: 1.1044e-11 lr: 1.1044e-11 eta: 0:00:33 time: 0.4227 data_time: 0.0249 memory: 24646 loss: 0.5823 sim_loss_v2t: 0.2867 sim_loss_t2v: 0.2956 2023/08/01 09:59:34 - mmengine - INFO - Exp name: actionclip_vit-base-p16-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230731_224012 2023/08/01 09:59:34 - mmengine - INFO - Epoch(train) [50][1879/1879] base_lr: 1.7256e-15 lr: 1.7256e-15 eta: 0:00:00 time: 0.3483 data_time: 0.0120 memory: 24646 loss: 0.5590 sim_loss_v2t: 0.2846 sim_loss_t2v: 0.2744 2023/08/01 09:59:34 - mmengine - INFO - Saving checkpoint at 50 epochs 2023/08/01 10:01:55 - mmengine - INFO - Epoch(val) [50][100/155] eta: 0:01:08 time: 1.2268 data_time: 0.0474 memory: 18720 2023/08/01 10:03:02 - mmengine - INFO - Epoch(val) [50][155/155] acc/top1: 0.8114 acc/top5: 0.9519 acc/mean1: 0.8113 data_time: 0.0510 time: 1.2303