2023/07/30 11:01:19 - 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: 452986165 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: 452986165 diff_rank_seed: False deterministic: False Distributed launcher: pytorch Distributed training: True GPU number: 8 ------------------------------------------------------------ 2023/07/30 11:01:20 - 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/32', 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-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb' 2023/07/30 11:01:33 - 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/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.frame_position_embeddings.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.frame_position_embeddings.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.frame_position_embeddings.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.in_proj_bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.attn.out_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_1.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_fc.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.mlp.c_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.0.ln_2.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.in_proj_bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.attn.out_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_1.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_fc.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.mlp.c_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.1.ln_2.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.in_proj_bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.attn.out_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_1.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_fc.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.mlp.c_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.2.ln_2.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.in_proj_bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.attn.out_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_1.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_fc.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.mlp.c_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.3.ln_2.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.in_proj_bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.attn.out_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_1.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_fc.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.mlp.c_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.4.ln_2.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.in_proj_bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.attn.out_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_1.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_fc.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.bias:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.mlp.c_proj.bias:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.weight:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.weight:weight_decay=0.2 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.weight:lr_mult=10 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.bias:lr=5e-05 2023/07/30 11:01:35 - mmengine - INFO - paramwise_options -- adapter.transformer.resblocks.5.ln_2.bias:weight_decay=0.2 2023/07/30 11:01:35 - 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([50, 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, 32, 32]): 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/30 11:01:35 - 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/30 11:01:35 - mmengine - WARNING - "HardDiskBackend" is the alias of "LocalBackend" and the former will be deprecated in future. 2023/07/30 11:01:35 - mmengine - INFO - Checkpoints will be saved to /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb. 2023/07/30 11:03:19 - mmengine - INFO - Epoch(train) [1][ 100/1879] base_lr: 1.0217e-07 lr: 1.0217e-07 eta: 1 day, 2:56:12 time: 0.3962 data_time: 0.1511 memory: 8797 loss: 3.0568 sim_loss_v2t: 1.5450 sim_loss_t2v: 1.5118 2023/07/30 11:04:00 - mmengine - INFO - Epoch(train) [1][ 200/1879] base_lr: 1.5486e-07 lr: 1.5486e-07 eta: 18:46:23 time: 0.4689 data_time: 0.2258 memory: 8783 loss: 2.5147 sim_loss_v2t: 1.2548 sim_loss_t2v: 1.2600 2023/07/30 11:04:38 - mmengine - INFO - Epoch(train) [1][ 300/1879] base_lr: 2.0755e-07 lr: 2.0755e-07 eta: 15:49:44 time: 0.3621 data_time: 0.1104 memory: 8783 loss: 2.2778 sim_loss_v2t: 1.1268 sim_loss_t2v: 1.1511 2023/07/30 11:05:18 - mmengine - INFO - Epoch(train) [1][ 400/1879] base_lr: 2.6025e-07 lr: 2.6025e-07 eta: 14:29:19 time: 0.4517 data_time: 0.0550 memory: 8783 loss: 2.0562 sim_loss_v2t: 1.0135 sim_loss_t2v: 1.0427 2023/07/30 11:05:59 - mmengine - INFO - Epoch(train) [1][ 500/1879] base_lr: 3.1294e-07 lr: 3.1294e-07 eta: 13:40:22 time: 0.3404 data_time: 0.0330 memory: 8783 loss: 1.9173 sim_loss_v2t: 0.9386 sim_loss_t2v: 0.9787 2023/07/30 11:06:38 - mmengine - INFO - Epoch(train) [1][ 600/1879] base_lr: 3.6563e-07 lr: 3.6563e-07 eta: 13:05:23 time: 0.3643 data_time: 0.0218 memory: 8783 loss: 1.8279 sim_loss_v2t: 0.8942 sim_loss_t2v: 0.9337 2023/07/30 11:07:17 - mmengine - INFO - Epoch(train) [1][ 700/1879] base_lr: 4.1833e-07 lr: 4.1833e-07 eta: 12:37:43 time: 0.3773 data_time: 0.0230 memory: 8783 loss: 1.8181 sim_loss_v2t: 0.8864 sim_loss_t2v: 0.9317 2023/07/30 11:07:59 - mmengine - INFO - Epoch(train) [1][ 800/1879] base_lr: 4.7102e-07 lr: 4.7102e-07 eta: 12:25:16 time: 0.3723 data_time: 0.1244 memory: 8783 loss: 1.6671 sim_loss_v2t: 0.8157 sim_loss_t2v: 0.8514 2023/07/30 11:08:40 - mmengine - INFO - Epoch(train) [1][ 900/1879] base_lr: 5.2371e-07 lr: 5.2371e-07 eta: 12:12:05 time: 0.3728 data_time: 0.0226 memory: 8783 loss: 1.7698 sim_loss_v2t: 0.8595 sim_loss_t2v: 0.9103 2023/07/30 11:09:19 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:09:19 - mmengine - INFO - Epoch(train) [1][1000/1879] base_lr: 5.7641e-07 lr: 5.7641e-07 eta: 11:58:47 time: 0.3864 data_time: 0.0673 memory: 8783 loss: 1.7884 sim_loss_v2t: 0.8708 sim_loss_t2v: 0.9175 2023/07/30 11:10:00 - mmengine - INFO - Epoch(train) [1][1100/1879] base_lr: 6.2910e-07 lr: 6.2910e-07 eta: 11:50:19 time: 0.4028 data_time: 0.0230 memory: 8783 loss: 1.6681 sim_loss_v2t: 0.8136 sim_loss_t2v: 0.8545 2023/07/30 11:10:43 - mmengine - INFO - Epoch(train) [1][1200/1879] base_lr: 6.8179e-07 lr: 6.8179e-07 eta: 11:44:53 time: 0.5461 data_time: 0.0505 memory: 8783 loss: 1.6088 sim_loss_v2t: 0.7872 sim_loss_t2v: 0.8215 2023/07/30 11:11:21 - mmengine - INFO - Epoch(train) [1][1300/1879] base_lr: 7.3448e-07 lr: 7.3448e-07 eta: 11:35:52 time: 0.3886 data_time: 0.1147 memory: 8783 loss: 1.6161 sim_loss_v2t: 0.7938 sim_loss_t2v: 0.8223 2023/07/30 11:12:01 - mmengine - INFO - Epoch(train) [1][1400/1879] base_lr: 7.8718e-07 lr: 7.8718e-07 eta: 11:29:36 time: 0.3474 data_time: 0.0277 memory: 8783 loss: 1.6243 sim_loss_v2t: 0.7892 sim_loss_t2v: 0.8351 2023/07/30 11:12:40 - mmengine - INFO - Epoch(train) [1][1500/1879] base_lr: 8.3987e-07 lr: 8.3987e-07 eta: 11:22:51 time: 0.3782 data_time: 0.0236 memory: 8783 loss: 1.5730 sim_loss_v2t: 0.7684 sim_loss_t2v: 0.8046 2023/07/30 11:13:22 - mmengine - INFO - Epoch(train) [1][1600/1879] base_lr: 8.9256e-07 lr: 8.9256e-07 eta: 11:20:04 time: 0.5018 data_time: 0.0268 memory: 8783 loss: 1.5233 sim_loss_v2t: 0.7445 sim_loss_t2v: 0.7787 2023/07/30 11:14:01 - mmengine - INFO - Epoch(train) [1][1700/1879] base_lr: 9.4526e-07 lr: 9.4526e-07 eta: 11:14:34 time: 0.3868 data_time: 0.0308 memory: 8783 loss: 1.5472 sim_loss_v2t: 0.7568 sim_loss_t2v: 0.7904 2023/07/30 11:14:41 - mmengine - INFO - Epoch(train) [1][1800/1879] base_lr: 9.9795e-07 lr: 9.9795e-07 eta: 11:10:22 time: 0.3383 data_time: 0.0224 memory: 8783 loss: 1.4764 sim_loss_v2t: 0.7252 sim_loss_t2v: 0.7512 2023/07/30 11:15:07 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:15:07 - mmengine - INFO - Epoch(train) [1][1879/1879] base_lr: 1.0396e-06 lr: 1.0396e-06 eta: 11:03:07 time: 0.1868 data_time: 0.0111 memory: 8783 loss: 1.4815 sim_loss_v2t: 0.7181 sim_loss_t2v: 0.7634 2023/07/30 11:15:07 - mmengine - INFO - Saving checkpoint at 1 epochs 2023/07/30 11:17:28 - mmengine - INFO - Epoch(val) [1][100/155] eta: 0:01:11 time: 1.1475 data_time: 0.0424 memory: 18758 2023/07/30 11:18:32 - mmengine - INFO - Epoch(val) [1][155/155] acc/top1: 0.6499 acc/top5: 0.8841 acc/mean1: 0.6498 data_time: 0.1320 time: 1.2371 2023/07/30 11:18:39 - mmengine - INFO - The best checkpoint with 0.6499 acc/top1 at 1 epoch is saved to best_acc_top1_epoch_1.pth. 2023/07/30 11:19:33 - mmengine - INFO - Epoch(train) [2][ 100/1879] base_lr: 1.0923e-06 lr: 1.0923e-06 eta: 11:00:44 time: 0.4745 data_time: 0.2077 memory: 18758 loss: 1.4939 sim_loss_v2t: 0.7336 sim_loss_t2v: 0.7603 2023/07/30 11:19:41 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:20:18 - mmengine - INFO - Epoch(train) [2][ 200/1879] base_lr: 1.1450e-06 lr: 1.1450e-06 eta: 11:01:08 time: 0.3847 data_time: 0.1430 memory: 8783 loss: 1.4470 sim_loss_v2t: 0.7100 sim_loss_t2v: 0.7371 2023/07/30 11:20:57 - mmengine - INFO - Epoch(train) [2][ 300/1879] base_lr: 1.1977e-06 lr: 1.1977e-06 eta: 10:57:34 time: 0.3352 data_time: 0.0456 memory: 8783 loss: 1.5490 sim_loss_v2t: 0.7589 sim_loss_t2v: 0.7901 2023/07/30 11:21:39 - mmengine - INFO - Epoch(train) [2][ 400/1879] base_lr: 1.2504e-06 lr: 1.2504e-06 eta: 10:56:14 time: 0.4654 data_time: 0.0232 memory: 8783 loss: 1.4698 sim_loss_v2t: 0.7220 sim_loss_t2v: 0.7478 2023/07/30 11:22:18 - mmengine - INFO - Epoch(train) [2][ 500/1879] base_lr: 1.3030e-06 lr: 1.3030e-06 eta: 10:53:10 time: 0.3962 data_time: 0.0296 memory: 8783 loss: 1.4596 sim_loss_v2t: 0.7193 sim_loss_t2v: 0.7402 2023/07/30 11:22:59 - mmengine - INFO - Epoch(train) [2][ 600/1879] base_lr: 1.3557e-06 lr: 1.3557e-06 eta: 10:51:07 time: 0.3755 data_time: 0.0275 memory: 8783 loss: 1.4737 sim_loss_v2t: 0.7211 sim_loss_t2v: 0.7526 2023/07/30 11:23:39 - mmengine - INFO - Epoch(train) [2][ 700/1879] base_lr: 1.4084e-06 lr: 1.4084e-06 eta: 10:49:01 time: 0.4853 data_time: 0.0204 memory: 8783 loss: 1.4318 sim_loss_v2t: 0.7059 sim_loss_t2v: 0.7259 2023/07/30 11:24:18 - mmengine - INFO - Epoch(train) [2][ 800/1879] base_lr: 1.4611e-06 lr: 1.4611e-06 eta: 10:45:54 time: 0.3408 data_time: 0.0268 memory: 8783 loss: 1.4884 sim_loss_v2t: 0.7349 sim_loss_t2v: 0.7535 2023/07/30 11:24:58 - mmengine - INFO - Epoch(train) [2][ 900/1879] base_lr: 1.5138e-06 lr: 1.5138e-06 eta: 10:44:10 time: 0.3880 data_time: 0.0260 memory: 8783 loss: 1.4764 sim_loss_v2t: 0.7248 sim_loss_t2v: 0.7516 2023/07/30 11:25:38 - mmengine - INFO - Epoch(train) [2][1000/1879] base_lr: 1.5665e-06 lr: 1.5665e-06 eta: 10:41:59 time: 0.4387 data_time: 0.0267 memory: 8783 loss: 1.4462 sim_loss_v2t: 0.7110 sim_loss_t2v: 0.7352 2023/07/30 11:26:18 - mmengine - INFO - Epoch(train) [2][1100/1879] base_lr: 1.6192e-06 lr: 1.6192e-06 eta: 10:40:20 time: 0.4095 data_time: 0.0301 memory: 8783 loss: 1.4136 sim_loss_v2t: 0.6970 sim_loss_t2v: 0.7166 2023/07/30 11:26:26 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:26:57 - mmengine - INFO - Epoch(train) [2][1200/1879] base_lr: 1.6719e-06 lr: 1.6719e-06 eta: 10:38:05 time: 0.4600 data_time: 0.0338 memory: 8783 loss: 1.4115 sim_loss_v2t: 0.6945 sim_loss_t2v: 0.7170 2023/07/30 11:27:37 - mmengine - INFO - Epoch(train) [2][1300/1879] base_lr: 1.7246e-06 lr: 1.7246e-06 eta: 10:36:11 time: 0.3625 data_time: 0.0241 memory: 8783 loss: 1.4038 sim_loss_v2t: 0.6918 sim_loss_t2v: 0.7121 2023/07/30 11:28:15 - mmengine - INFO - Epoch(train) [2][1400/1879] base_lr: 1.7773e-06 lr: 1.7773e-06 eta: 10:33:36 time: 0.3502 data_time: 0.0229 memory: 8783 loss: 1.4007 sim_loss_v2t: 0.6874 sim_loss_t2v: 0.7133 2023/07/30 11:28:57 - mmengine - INFO - Epoch(train) [2][1500/1879] base_lr: 1.8300e-06 lr: 1.8300e-06 eta: 10:32:49 time: 0.3637 data_time: 0.0257 memory: 8783 loss: 1.3964 sim_loss_v2t: 0.6835 sim_loss_t2v: 0.7129 2023/07/30 11:29:38 - mmengine - INFO - Epoch(train) [2][1600/1879] base_lr: 1.8827e-06 lr: 1.8827e-06 eta: 10:31:58 time: 0.4613 data_time: 0.0264 memory: 8783 loss: 1.3665 sim_loss_v2t: 0.6783 sim_loss_t2v: 0.6882 2023/07/30 11:30:17 - mmengine - INFO - Epoch(train) [2][1700/1879] base_lr: 1.9354e-06 lr: 1.9354e-06 eta: 10:29:49 time: 0.3197 data_time: 0.0248 memory: 8783 loss: 1.3512 sim_loss_v2t: 0.6643 sim_loss_t2v: 0.6868 2023/07/30 11:31:00 - mmengine - INFO - Epoch(train) [2][1800/1879] base_lr: 1.9881e-06 lr: 1.9881e-06 eta: 10:29:41 time: 0.5496 data_time: 0.0248 memory: 8783 loss: 1.3026 sim_loss_v2t: 0.6484 sim_loss_t2v: 0.6543 2023/07/30 11:31:25 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:31:25 - mmengine - INFO - Epoch(train) [2][1879/1879] base_lr: 2.0297e-06 lr: 2.0297e-06 eta: 10:26:02 time: 0.2676 data_time: 0.0111 memory: 8783 loss: 1.3643 sim_loss_v2t: 0.6731 sim_loss_t2v: 0.6912 2023/07/30 11:31:25 - mmengine - INFO - Saving checkpoint at 2 epochs 2023/07/30 11:33:39 - mmengine - INFO - Epoch(val) [2][100/155] eta: 0:01:04 time: 1.1483 data_time: 0.0417 memory: 18758 2023/07/30 11:34:42 - mmengine - INFO - Epoch(val) [2][155/155] acc/top1: 0.6819 acc/top5: 0.9007 acc/mean1: 0.6818 data_time: 0.0510 time: 1.1537 2023/07/30 11:34:42 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_1.pth is removed 2023/07/30 11:34:50 - mmengine - INFO - The best checkpoint with 0.6819 acc/top1 at 2 epoch is saved to best_acc_top1_epoch_2.pth. 2023/07/30 11:35:43 - mmengine - INFO - Epoch(train) [3][ 100/1879] base_lr: 2.0824e-06 lr: 2.0824e-06 eta: 10:25:01 time: 0.4844 data_time: 0.2468 memory: 18758 loss: 1.3691 sim_loss_v2t: 0.6761 sim_loss_t2v: 0.6930 2023/07/30 11:36:23 - mmengine - INFO - Epoch(train) [3][ 200/1879] base_lr: 2.1351e-06 lr: 2.1351e-06 eta: 10:23:31 time: 0.3696 data_time: 0.1222 memory: 8783 loss: 1.4047 sim_loss_v2t: 0.6915 sim_loss_t2v: 0.7132 2023/07/30 11:36:39 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:37:03 - mmengine - INFO - Epoch(train) [3][ 300/1879] base_lr: 2.1878e-06 lr: 2.1878e-06 eta: 10:22:18 time: 0.3713 data_time: 0.1206 memory: 8783 loss: 1.3467 sim_loss_v2t: 0.6613 sim_loss_t2v: 0.6854 2023/07/30 11:37:42 - mmengine - INFO - Epoch(train) [3][ 400/1879] base_lr: 2.2405e-06 lr: 2.2405e-06 eta: 10:20:30 time: 0.4016 data_time: 0.0329 memory: 8783 loss: 1.3140 sim_loss_v2t: 0.6473 sim_loss_t2v: 0.6667 2023/07/30 11:38:23 - mmengine - INFO - Epoch(train) [3][ 500/1879] base_lr: 2.2931e-06 lr: 2.2931e-06 eta: 10:19:53 time: 0.4467 data_time: 0.1700 memory: 8783 loss: 1.3469 sim_loss_v2t: 0.6642 sim_loss_t2v: 0.6827 2023/07/30 11:39:03 - mmengine - INFO - Epoch(train) [3][ 600/1879] base_lr: 2.3458e-06 lr: 2.3458e-06 eta: 10:18:32 time: 0.3840 data_time: 0.0429 memory: 8783 loss: 1.3473 sim_loss_v2t: 0.6645 sim_loss_t2v: 0.6828 2023/07/30 11:39:43 - mmengine - INFO - Epoch(train) [3][ 700/1879] base_lr: 2.3985e-06 lr: 2.3985e-06 eta: 10:17:32 time: 0.3613 data_time: 0.0222 memory: 8783 loss: 1.3746 sim_loss_v2t: 0.6792 sim_loss_t2v: 0.6954 2023/07/30 11:40:24 - mmengine - INFO - Epoch(train) [3][ 800/1879] base_lr: 2.4512e-06 lr: 2.4512e-06 eta: 10:16:34 time: 0.4671 data_time: 0.0243 memory: 8783 loss: 1.2750 sim_loss_v2t: 0.6302 sim_loss_t2v: 0.6448 2023/07/30 11:41:03 - mmengine - INFO - Epoch(train) [3][ 900/1879] base_lr: 2.5039e-06 lr: 2.5039e-06 eta: 10:15:09 time: 0.3697 data_time: 0.0429 memory: 8783 loss: 1.3529 sim_loss_v2t: 0.6687 sim_loss_t2v: 0.6842 2023/07/30 11:41:43 - mmengine - INFO - Epoch(train) [3][1000/1879] base_lr: 2.5566e-06 lr: 2.5566e-06 eta: 10:13:57 time: 0.3551 data_time: 0.0223 memory: 8783 loss: 1.2717 sim_loss_v2t: 0.6220 sim_loss_t2v: 0.6496 2023/07/30 11:42:23 - mmengine - INFO - Epoch(train) [3][1100/1879] base_lr: 2.6093e-06 lr: 2.6093e-06 eta: 10:13:04 time: 0.4635 data_time: 0.0559 memory: 8783 loss: 1.3637 sim_loss_v2t: 0.6706 sim_loss_t2v: 0.6931 2023/07/30 11:43:01 - mmengine - INFO - Epoch(train) [3][1200/1879] base_lr: 2.6620e-06 lr: 2.6620e-06 eta: 10:11:25 time: 0.3396 data_time: 0.0249 memory: 8783 loss: 1.3152 sim_loss_v2t: 0.6422 sim_loss_t2v: 0.6731 2023/07/30 11:43:19 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:43:44 - mmengine - INFO - Epoch(train) [3][1300/1879] base_lr: 2.7147e-06 lr: 2.7147e-06 eta: 10:11:04 time: 0.2971 data_time: 0.0241 memory: 8783 loss: 1.3889 sim_loss_v2t: 0.6867 sim_loss_t2v: 0.7022 2023/07/30 11:44:24 - mmengine - INFO - Epoch(train) [3][1400/1879] base_lr: 2.7674e-06 lr: 2.7674e-06 eta: 10:10:02 time: 0.3552 data_time: 0.0239 memory: 8783 loss: 1.2995 sim_loss_v2t: 0.6403 sim_loss_t2v: 0.6592 2023/07/30 11:45:05 - mmengine - INFO - Epoch(train) [3][1500/1879] base_lr: 2.8201e-06 lr: 2.8201e-06 eta: 10:09:16 time: 0.4614 data_time: 0.0264 memory: 8783 loss: 1.3588 sim_loss_v2t: 0.6709 sim_loss_t2v: 0.6879 2023/07/30 11:45:44 - mmengine - INFO - Epoch(train) [3][1600/1879] base_lr: 2.8728e-06 lr: 2.8728e-06 eta: 10:08:03 time: 0.3381 data_time: 0.0262 memory: 8783 loss: 1.3686 sim_loss_v2t: 0.6770 sim_loss_t2v: 0.6916 2023/07/30 11:46:26 - mmengine - INFO - Epoch(train) [3][1700/1879] base_lr: 2.9255e-06 lr: 2.9255e-06 eta: 10:07:28 time: 0.3086 data_time: 0.0229 memory: 8783 loss: 1.4109 sim_loss_v2t: 0.6935 sim_loss_t2v: 0.7173 2023/07/30 11:47:06 - mmengine - INFO - Epoch(train) [3][1800/1879] base_lr: 2.9782e-06 lr: 2.9782e-06 eta: 10:06:29 time: 0.4162 data_time: 0.0246 memory: 8783 loss: 1.3679 sim_loss_v2t: 0.6756 sim_loss_t2v: 0.6923 2023/07/30 11:47:32 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:47:32 - mmengine - INFO - Epoch(train) [3][1879/1879] base_lr: 3.0198e-06 lr: 3.0198e-06 eta: 10:04:17 time: 0.2265 data_time: 0.0581 memory: 8783 loss: 1.3218 sim_loss_v2t: 0.6570 sim_loss_t2v: 0.6648 2023/07/30 11:47:32 - mmengine - INFO - Saving checkpoint at 3 epochs 2023/07/30 11:49:45 - mmengine - INFO - Epoch(val) [3][100/155] eta: 0:01:04 time: 1.1592 data_time: 0.0556 memory: 18758 2023/07/30 11:50:48 - mmengine - INFO - Epoch(val) [3][155/155] acc/top1: 0.6930 acc/top5: 0.9083 acc/mean1: 0.6929 data_time: 0.0503 time: 1.1535 2023/07/30 11:50:48 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_2.pth is removed 2023/07/30 11:50:56 - mmengine - INFO - The best checkpoint with 0.6930 acc/top1 at 3 epoch is saved to best_acc_top1_epoch_3.pth. 2023/07/30 11:51:49 - mmengine - INFO - Epoch(train) [4][ 100/1879] base_lr: 3.0725e-06 lr: 3.0725e-06 eta: 10:03:26 time: 0.3923 data_time: 0.0648 memory: 18758 loss: 1.3088 sim_loss_v2t: 0.6491 sim_loss_t2v: 0.6596 2023/07/30 11:52:29 - mmengine - INFO - Epoch(train) [4][ 200/1879] base_lr: 3.1252e-06 lr: 3.1252e-06 eta: 10:02:32 time: 0.3944 data_time: 0.0282 memory: 8783 loss: 1.2545 sim_loss_v2t: 0.6196 sim_loss_t2v: 0.6349 2023/07/30 11:53:10 - mmengine - INFO - Epoch(train) [4][ 300/1879] base_lr: 3.1779e-06 lr: 3.1779e-06 eta: 10:01:55 time: 0.4308 data_time: 0.0255 memory: 8783 loss: 1.3147 sim_loss_v2t: 0.6571 sim_loss_t2v: 0.6577 2023/07/30 11:53:36 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 11:53:49 - mmengine - INFO - Epoch(train) [4][ 400/1879] base_lr: 3.2306e-06 lr: 3.2306e-06 eta: 10:00:47 time: 0.3483 data_time: 0.0228 memory: 8783 loss: 1.2801 sim_loss_v2t: 0.6322 sim_loss_t2v: 0.6479 2023/07/30 11:54:31 - mmengine - INFO - Epoch(train) [4][ 500/1879] base_lr: 3.2833e-06 lr: 3.2833e-06 eta: 10:00:15 time: 0.3620 data_time: 0.0305 memory: 8783 loss: 1.3124 sim_loss_v2t: 0.6468 sim_loss_t2v: 0.6656 2023/07/30 11:55:10 - mmengine - INFO - Epoch(train) [4][ 600/1879] base_lr: 3.3359e-06 lr: 3.3359e-06 eta: 9:59:02 time: 0.3896 data_time: 0.0220 memory: 8783 loss: 1.3283 sim_loss_v2t: 0.6532 sim_loss_t2v: 0.6751 2023/07/30 11:55:49 - mmengine - INFO - Epoch(train) [4][ 700/1879] base_lr: 3.3886e-06 lr: 3.3886e-06 eta: 9:58:03 time: 0.3786 data_time: 0.0252 memory: 8783 loss: 1.3180 sim_loss_v2t: 0.6560 sim_loss_t2v: 0.6620 2023/07/30 11:56:30 - mmengine - INFO - Epoch(train) [4][ 800/1879] base_lr: 3.4413e-06 lr: 3.4413e-06 eta: 9:57:24 time: 0.3928 data_time: 0.0236 memory: 8783 loss: 1.3040 sim_loss_v2t: 0.6471 sim_loss_t2v: 0.6569 2023/07/30 11:57:10 - mmengine - INFO - Epoch(train) [4][ 900/1879] base_lr: 3.4940e-06 lr: 3.4940e-06 eta: 9:56:23 time: 0.3808 data_time: 0.0225 memory: 8783 loss: 1.2872 sim_loss_v2t: 0.6367 sim_loss_t2v: 0.6505 2023/07/30 11:57:49 - mmengine - INFO - Epoch(train) [4][1000/1879] base_lr: 3.5467e-06 lr: 3.5467e-06 eta: 9:55:16 time: 0.3685 data_time: 0.0222 memory: 8783 loss: 1.2841 sim_loss_v2t: 0.6330 sim_loss_t2v: 0.6511 2023/07/30 11:58:31 - mmengine - INFO - Epoch(train) [4][1100/1879] base_lr: 3.5994e-06 lr: 3.5994e-06 eta: 9:54:46 time: 0.4404 data_time: 0.0298 memory: 8783 loss: 1.2773 sim_loss_v2t: 0.6384 sim_loss_t2v: 0.6389 2023/07/30 11:59:09 - mmengine - INFO - Epoch(train) [4][1200/1879] base_lr: 3.6521e-06 lr: 3.6521e-06 eta: 9:53:35 time: 0.4038 data_time: 0.0306 memory: 8783 loss: 1.2894 sim_loss_v2t: 0.6377 sim_loss_t2v: 0.6518 2023/07/30 11:59:49 - mmengine - INFO - Epoch(train) [4][1300/1879] base_lr: 3.7048e-06 lr: 3.7048e-06 eta: 9:52:41 time: 0.4225 data_time: 0.0236 memory: 8783 loss: 1.2308 sim_loss_v2t: 0.6171 sim_loss_t2v: 0.6137 2023/07/30 12:00:14 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:00:29 - mmengine - INFO - Epoch(train) [4][1400/1879] base_lr: 3.7575e-06 lr: 3.7575e-06 eta: 9:51:55 time: 0.3539 data_time: 0.0219 memory: 8783 loss: 1.3226 sim_loss_v2t: 0.6550 sim_loss_t2v: 0.6676 2023/07/30 12:01:08 - mmengine - INFO - Epoch(train) [4][1500/1879] base_lr: 3.8102e-06 lr: 3.8102e-06 eta: 9:50:47 time: 0.3355 data_time: 0.0248 memory: 8783 loss: 1.2392 sim_loss_v2t: 0.6126 sim_loss_t2v: 0.6265 2023/07/30 12:01:49 - mmengine - INFO - Epoch(train) [4][1600/1879] base_lr: 3.8629e-06 lr: 3.8629e-06 eta: 9:50:06 time: 0.3596 data_time: 0.1173 memory: 8783 loss: 1.3197 sim_loss_v2t: 0.6621 sim_loss_t2v: 0.6576 2023/07/30 12:02:30 - mmengine - INFO - Epoch(train) [4][1700/1879] base_lr: 3.9156e-06 lr: 3.9156e-06 eta: 9:49:27 time: 0.4114 data_time: 0.1534 memory: 8783 loss: 1.3010 sim_loss_v2t: 0.6455 sim_loss_t2v: 0.6555 2023/07/30 12:03:09 - mmengine - INFO - Epoch(train) [4][1800/1879] base_lr: 3.9683e-06 lr: 3.9683e-06 eta: 9:48:28 time: 0.3796 data_time: 0.1276 memory: 8783 loss: 1.2536 sim_loss_v2t: 0.6275 sim_loss_t2v: 0.6261 2023/07/30 12:03:35 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:03:35 - mmengine - INFO - Epoch(train) [4][1879/1879] base_lr: 4.0099e-06 lr: 4.0099e-06 eta: 9:46:47 time: 0.1640 data_time: 0.0069 memory: 8783 loss: 1.2496 sim_loss_v2t: 0.6239 sim_loss_t2v: 0.6257 2023/07/30 12:03:35 - mmengine - INFO - Saving checkpoint at 4 epochs 2023/07/30 12:05:47 - mmengine - INFO - Epoch(val) [4][100/155] eta: 0:01:04 time: 1.1497 data_time: 0.0461 memory: 18758 2023/07/30 12:06:50 - mmengine - INFO - Epoch(val) [4][155/155] acc/top1: 0.6989 acc/top5: 0.9135 acc/mean1: 0.6987 data_time: 0.0514 time: 1.1554 2023/07/30 12:06:50 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_3.pth is removed 2023/07/30 12:06:58 - mmengine - INFO - The best checkpoint with 0.6989 acc/top1 at 4 epoch is saved to best_acc_top1_epoch_4.pth. 2023/07/30 12:07:52 - mmengine - INFO - Epoch(train) [5][ 100/1879] base_lr: 4.0626e-06 lr: 4.0626e-06 eta: 9:46:09 time: 0.3635 data_time: 0.1072 memory: 18758 loss: 1.2623 sim_loss_v2t: 0.6285 sim_loss_t2v: 0.6337 2023/07/30 12:08:35 - mmengine - INFO - Epoch(train) [5][ 200/1879] base_lr: 4.1153e-06 lr: 4.1153e-06 eta: 9:45:48 time: 0.5679 data_time: 0.3176 memory: 8783 loss: 1.2507 sim_loss_v2t: 0.6198 sim_loss_t2v: 0.6309 2023/07/30 12:09:13 - mmengine - INFO - Epoch(train) [5][ 300/1879] base_lr: 4.1680e-06 lr: 4.1680e-06 eta: 9:44:45 time: 0.3158 data_time: 0.0236 memory: 8783 loss: 1.2718 sim_loss_v2t: 0.6280 sim_loss_t2v: 0.6438 2023/07/30 12:09:56 - mmengine - INFO - Epoch(train) [5][ 400/1879] base_lr: 4.2207e-06 lr: 4.2207e-06 eta: 9:44:22 time: 0.4102 data_time: 0.0263 memory: 8783 loss: 1.2463 sim_loss_v2t: 0.6184 sim_loss_t2v: 0.6279 2023/07/30 12:10:29 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:10:35 - mmengine - INFO - Epoch(train) [5][ 500/1879] base_lr: 4.2734e-06 lr: 4.2734e-06 eta: 9:43:24 time: 0.3417 data_time: 0.0240 memory: 8783 loss: 1.2545 sim_loss_v2t: 0.6270 sim_loss_t2v: 0.6275 2023/07/30 12:11:16 - mmengine - INFO - Epoch(train) [5][ 600/1879] base_lr: 4.3261e-06 lr: 4.3261e-06 eta: 9:42:52 time: 0.4910 data_time: 0.0257 memory: 8783 loss: 1.2578 sim_loss_v2t: 0.6260 sim_loss_t2v: 0.6318 2023/07/30 12:11:55 - mmengine - INFO - Epoch(train) [5][ 700/1879] base_lr: 4.3787e-06 lr: 4.3787e-06 eta: 9:41:53 time: 0.3153 data_time: 0.0237 memory: 8783 loss: 1.2435 sim_loss_v2t: 0.6200 sim_loss_t2v: 0.6235 2023/07/30 12:12:37 - mmengine - INFO - Epoch(train) [5][ 800/1879] base_lr: 4.4314e-06 lr: 4.4314e-06 eta: 9:41:18 time: 0.4415 data_time: 0.0302 memory: 8783 loss: 1.2789 sim_loss_v2t: 0.6360 sim_loss_t2v: 0.6429 2023/07/30 12:13:16 - mmengine - INFO - Epoch(train) [5][ 900/1879] base_lr: 4.4841e-06 lr: 4.4841e-06 eta: 9:40:23 time: 0.3979 data_time: 0.0611 memory: 8783 loss: 1.2901 sim_loss_v2t: 0.6433 sim_loss_t2v: 0.6468 2023/07/30 12:13:54 - mmengine - INFO - Epoch(train) [5][1000/1879] base_lr: 4.5368e-06 lr: 4.5368e-06 eta: 9:39:14 time: 0.3301 data_time: 0.0253 memory: 8783 loss: 1.2782 sim_loss_v2t: 0.6318 sim_loss_t2v: 0.6464 2023/07/30 12:14:35 - mmengine - INFO - Epoch(train) [5][1100/1879] base_lr: 4.5895e-06 lr: 4.5895e-06 eta: 9:38:37 time: 0.3921 data_time: 0.0309 memory: 8783 loss: 1.2739 sim_loss_v2t: 0.6351 sim_loss_t2v: 0.6388 2023/07/30 12:15:14 - mmengine - INFO - Epoch(train) [5][1200/1879] base_lr: 4.6422e-06 lr: 4.6422e-06 eta: 9:37:44 time: 0.3282 data_time: 0.0269 memory: 8783 loss: 1.2697 sim_loss_v2t: 0.6327 sim_loss_t2v: 0.6369 2023/07/30 12:15:57 - mmengine - INFO - Epoch(train) [5][1300/1879] base_lr: 4.6949e-06 lr: 4.6949e-06 eta: 9:37:20 time: 0.4810 data_time: 0.0239 memory: 8783 loss: 1.2640 sim_loss_v2t: 0.6285 sim_loss_t2v: 0.6355 2023/07/30 12:16:36 - mmengine - INFO - Epoch(train) [5][1400/1879] base_lr: 4.7476e-06 lr: 4.7476e-06 eta: 9:36:20 time: 0.3701 data_time: 0.0245 memory: 8783 loss: 1.2600 sim_loss_v2t: 0.6258 sim_loss_t2v: 0.6342 2023/07/30 12:17:11 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:17:18 - mmengine - INFO - Epoch(train) [5][1500/1879] base_lr: 4.8003e-06 lr: 4.8003e-06 eta: 9:35:53 time: 0.5049 data_time: 0.0231 memory: 8783 loss: 1.2658 sim_loss_v2t: 0.6285 sim_loss_t2v: 0.6374 2023/07/30 12:17:57 - mmengine - INFO - Epoch(train) [5][1600/1879] base_lr: 4.8530e-06 lr: 4.8530e-06 eta: 9:34:56 time: 0.4083 data_time: 0.0305 memory: 8783 loss: 1.2366 sim_loss_v2t: 0.6154 sim_loss_t2v: 0.6212 2023/07/30 12:18:36 - mmengine - INFO - Epoch(train) [5][1700/1879] base_lr: 4.9057e-06 lr: 4.9057e-06 eta: 9:34:03 time: 0.3586 data_time: 0.0226 memory: 8783 loss: 1.2370 sim_loss_v2t: 0.6102 sim_loss_t2v: 0.6268 2023/07/30 12:19:15 - mmengine - INFO - Epoch(train) [5][1800/1879] base_lr: 4.9584e-06 lr: 4.9584e-06 eta: 9:33:13 time: 0.3730 data_time: 0.0254 memory: 8783 loss: 1.3180 sim_loss_v2t: 0.6561 sim_loss_t2v: 0.6619 2023/07/30 12:19:42 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:19:42 - mmengine - INFO - Epoch(train) [5][1879/1879] base_lr: 5.0000e-06 lr: 5.0000e-06 eta: 9:31:53 time: 0.2058 data_time: 0.0116 memory: 8783 loss: 1.2516 sim_loss_v2t: 0.6124 sim_loss_t2v: 0.6393 2023/07/30 12:19:42 - mmengine - INFO - Saving checkpoint at 5 epochs 2023/07/30 12:21:54 - mmengine - INFO - Epoch(val) [5][100/155] eta: 0:01:04 time: 1.1484 data_time: 0.0436 memory: 18758 2023/07/30 12:22:58 - mmengine - INFO - Epoch(val) [5][155/155] acc/top1: 0.7006 acc/top5: 0.9090 acc/mean1: 0.7006 data_time: 0.0540 time: 1.1584 2023/07/30 12:22:58 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_4.pth is removed 2023/07/30 12:23:05 - mmengine - INFO - The best checkpoint with 0.7006 acc/top1 at 5 epoch is saved to best_acc_top1_epoch_5.pth. 2023/07/30 12:24:02 - mmengine - INFO - Epoch(train) [6][ 100/1879] base_lr: 5.0000e-06 lr: 5.0000e-06 eta: 9:31:30 time: 0.4713 data_time: 0.2379 memory: 18758 loss: 1.2647 sim_loss_v2t: 0.6242 sim_loss_t2v: 0.6404 2023/07/30 12:24:39 - mmengine - INFO - Epoch(train) [6][ 200/1879] base_lr: 4.9999e-06 lr: 4.9999e-06 eta: 9:30:21 time: 0.3841 data_time: 0.0781 memory: 8783 loss: 1.2081 sim_loss_v2t: 0.6023 sim_loss_t2v: 0.6058 2023/07/30 12:25:20 - mmengine - INFO - Epoch(train) [6][ 300/1879] base_lr: 4.9998e-06 lr: 4.9998e-06 eta: 9:29:40 time: 0.3887 data_time: 0.0428 memory: 8783 loss: 1.2254 sim_loss_v2t: 0.6027 sim_loss_t2v: 0.6227 2023/07/30 12:26:01 - mmengine - INFO - Epoch(train) [6][ 400/1879] base_lr: 4.9997e-06 lr: 4.9997e-06 eta: 9:28:59 time: 0.3865 data_time: 0.0293 memory: 8783 loss: 1.2106 sim_loss_v2t: 0.6042 sim_loss_t2v: 0.6063 2023/07/30 12:26:42 - mmengine - INFO - Epoch(train) [6][ 500/1879] base_lr: 4.9996e-06 lr: 4.9996e-06 eta: 9:28:21 time: 0.3989 data_time: 0.0232 memory: 8783 loss: 1.1725 sim_loss_v2t: 0.5808 sim_loss_t2v: 0.5916 2023/07/30 12:27:22 - mmengine - INFO - Epoch(train) [6][ 600/1879] base_lr: 4.9994e-06 lr: 4.9994e-06 eta: 9:27:42 time: 0.4463 data_time: 0.0279 memory: 8783 loss: 1.2142 sim_loss_v2t: 0.6069 sim_loss_t2v: 0.6073 2023/07/30 12:27:24 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:28:02 - mmengine - INFO - Epoch(train) [6][ 700/1879] base_lr: 4.9992e-06 lr: 4.9992e-06 eta: 9:26:51 time: 0.3625 data_time: 0.0768 memory: 8783 loss: 1.2083 sim_loss_v2t: 0.5976 sim_loss_t2v: 0.6107 2023/07/30 12:28:42 - mmengine - INFO - Epoch(train) [6][ 800/1879] base_lr: 4.9989e-06 lr: 4.9989e-06 eta: 9:26:06 time: 0.4388 data_time: 0.0607 memory: 8783 loss: 1.2180 sim_loss_v2t: 0.6088 sim_loss_t2v: 0.6092 2023/07/30 12:29:22 - mmengine - INFO - Epoch(train) [6][ 900/1879] base_lr: 4.9986e-06 lr: 4.9986e-06 eta: 9:25:21 time: 0.3966 data_time: 0.0229 memory: 8783 loss: 1.1816 sim_loss_v2t: 0.5907 sim_loss_t2v: 0.5909 2023/07/30 12:30:04 - mmengine - INFO - Epoch(train) [6][1000/1879] base_lr: 4.9983e-06 lr: 4.9983e-06 eta: 9:24:58 time: 0.5761 data_time: 0.0217 memory: 8783 loss: 1.2360 sim_loss_v2t: 0.6166 sim_loss_t2v: 0.6194 2023/07/30 12:30:43 - mmengine - INFO - Epoch(train) [6][1100/1879] base_lr: 4.9979e-06 lr: 4.9979e-06 eta: 9:24:01 time: 0.3776 data_time: 0.0283 memory: 8783 loss: 1.2673 sim_loss_v2t: 0.6287 sim_loss_t2v: 0.6386 2023/07/30 12:31:23 - mmengine - INFO - Epoch(train) [6][1200/1879] base_lr: 4.9975e-06 lr: 4.9975e-06 eta: 9:23:18 time: 0.3756 data_time: 0.0247 memory: 8783 loss: 1.1973 sim_loss_v2t: 0.5917 sim_loss_t2v: 0.6056 2023/07/30 12:32:04 - mmengine - INFO - Epoch(train) [6][1300/1879] base_lr: 4.9971e-06 lr: 4.9971e-06 eta: 9:22:41 time: 0.5145 data_time: 0.0256 memory: 8783 loss: 1.2111 sim_loss_v2t: 0.6008 sim_loss_t2v: 0.6103 2023/07/30 12:32:43 - mmengine - INFO - Epoch(train) [6][1400/1879] base_lr: 4.9966e-06 lr: 4.9966e-06 eta: 9:21:48 time: 0.3430 data_time: 0.0239 memory: 8783 loss: 1.2604 sim_loss_v2t: 0.6237 sim_loss_t2v: 0.6367 2023/07/30 12:33:22 - mmengine - INFO - Epoch(train) [6][1500/1879] base_lr: 4.9961e-06 lr: 4.9961e-06 eta: 9:20:52 time: 0.3465 data_time: 0.0250 memory: 8783 loss: 1.2348 sim_loss_v2t: 0.6148 sim_loss_t2v: 0.6200 2023/07/30 12:34:04 - mmengine - INFO - Epoch(train) [6][1600/1879] base_lr: 4.9956e-06 lr: 4.9956e-06 eta: 9:20:27 time: 0.3999 data_time: 0.1251 memory: 8783 loss: 1.2559 sim_loss_v2t: 0.6284 sim_loss_t2v: 0.6275 2023/07/30 12:34:06 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:34:45 - mmengine - INFO - Epoch(train) [6][1700/1879] base_lr: 4.9950e-06 lr: 4.9950e-06 eta: 9:19:45 time: 0.4045 data_time: 0.0303 memory: 8783 loss: 1.2000 sim_loss_v2t: 0.5942 sim_loss_t2v: 0.6058 2023/07/30 12:35:24 - mmengine - INFO - Epoch(train) [6][1800/1879] base_lr: 4.9944e-06 lr: 4.9944e-06 eta: 9:18:58 time: 0.2900 data_time: 0.0250 memory: 8783 loss: 1.1894 sim_loss_v2t: 0.5908 sim_loss_t2v: 0.5986 2023/07/30 12:35:51 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:35:51 - mmengine - INFO - Epoch(train) [6][1879/1879] base_lr: 4.9939e-06 lr: 4.9939e-06 eta: 9:17:48 time: 0.1779 data_time: 0.0109 memory: 8783 loss: 1.1684 sim_loss_v2t: 0.5821 sim_loss_t2v: 0.5863 2023/07/30 12:35:51 - mmengine - INFO - Saving checkpoint at 6 epochs 2023/07/30 12:38:04 - mmengine - INFO - Epoch(val) [6][100/155] eta: 0:01:04 time: 1.1472 data_time: 0.0429 memory: 18758 2023/07/30 12:39:08 - mmengine - INFO - Epoch(val) [6][155/155] acc/top1: 0.7105 acc/top5: 0.9136 acc/mean1: 0.7106 data_time: 0.0508 time: 1.1555 2023/07/30 12:39:08 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_5.pth is removed 2023/07/30 12:39:15 - mmengine - INFO - The best checkpoint with 0.7105 acc/top1 at 6 epoch is saved to best_acc_top1_epoch_6.pth. 2023/07/30 12:40:10 - mmengine - INFO - Epoch(train) [7][ 100/1879] base_lr: 4.9933e-06 lr: 4.9933e-06 eta: 9:17:21 time: 0.3485 data_time: 0.0415 memory: 18758 loss: 1.1487 sim_loss_v2t: 0.5687 sim_loss_t2v: 0.5800 2023/07/30 12:40:49 - mmengine - INFO - Epoch(train) [7][ 200/1879] base_lr: 4.9926e-06 lr: 4.9926e-06 eta: 9:16:30 time: 0.3496 data_time: 0.0226 memory: 8783 loss: 1.1970 sim_loss_v2t: 0.5975 sim_loss_t2v: 0.5995 2023/07/30 12:41:30 - mmengine - INFO - Epoch(train) [7][ 300/1879] base_lr: 4.9918e-06 lr: 4.9918e-06 eta: 9:15:58 time: 0.4762 data_time: 0.0234 memory: 8783 loss: 1.1177 sim_loss_v2t: 0.5570 sim_loss_t2v: 0.5607 2023/07/30 12:42:10 - mmengine - INFO - Epoch(train) [7][ 400/1879] base_lr: 4.9911e-06 lr: 4.9911e-06 eta: 9:15:13 time: 0.4101 data_time: 0.0441 memory: 8783 loss: 1.1519 sim_loss_v2t: 0.5725 sim_loss_t2v: 0.5795 2023/07/30 12:42:48 - mmengine - INFO - Epoch(train) [7][ 500/1879] base_lr: 4.9902e-06 lr: 4.9902e-06 eta: 9:14:15 time: 0.3662 data_time: 0.0227 memory: 8783 loss: 1.1843 sim_loss_v2t: 0.5889 sim_loss_t2v: 0.5954 2023/07/30 12:43:30 - mmengine - INFO - Epoch(train) [7][ 600/1879] base_lr: 4.9894e-06 lr: 4.9894e-06 eta: 9:13:46 time: 0.3531 data_time: 0.0242 memory: 8783 loss: 1.1719 sim_loss_v2t: 0.5797 sim_loss_t2v: 0.5922 2023/07/30 12:44:13 - mmengine - INFO - Epoch(train) [7][ 700/1879] base_lr: 4.9885e-06 lr: 4.9885e-06 eta: 9:13:20 time: 0.4199 data_time: 0.0236 memory: 8783 loss: 1.1962 sim_loss_v2t: 0.5890 sim_loss_t2v: 0.6072 2023/07/30 12:44:23 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:44:51 - mmengine - INFO - Epoch(train) [7][ 800/1879] base_lr: 4.9876e-06 lr: 4.9876e-06 eta: 9:12:25 time: 0.3729 data_time: 0.0284 memory: 8783 loss: 1.1827 sim_loss_v2t: 0.5918 sim_loss_t2v: 0.5909 2023/07/30 12:45:32 - mmengine - INFO - Epoch(train) [7][ 900/1879] base_lr: 4.9867e-06 lr: 4.9867e-06 eta: 9:11:47 time: 0.3474 data_time: 0.0890 memory: 8783 loss: 1.1845 sim_loss_v2t: 0.5909 sim_loss_t2v: 0.5936 2023/07/30 12:46:13 - mmengine - INFO - Epoch(train) [7][1000/1879] base_lr: 4.9857e-06 lr: 4.9857e-06 eta: 9:11:06 time: 0.3132 data_time: 0.0212 memory: 8783 loss: 1.1971 sim_loss_v2t: 0.5994 sim_loss_t2v: 0.5977 2023/07/30 12:46:51 - mmengine - INFO - Epoch(train) [7][1100/1879] base_lr: 4.9847e-06 lr: 4.9847e-06 eta: 9:10:12 time: 0.3808 data_time: 0.0987 memory: 8783 loss: 1.1762 sim_loss_v2t: 0.5823 sim_loss_t2v: 0.5939 2023/07/30 12:47:31 - mmengine - INFO - Epoch(train) [7][1200/1879] base_lr: 4.9837e-06 lr: 4.9837e-06 eta: 9:09:26 time: 0.3741 data_time: 0.0254 memory: 8783 loss: 1.2443 sim_loss_v2t: 0.6192 sim_loss_t2v: 0.6251 2023/07/30 12:48:13 - mmengine - INFO - Epoch(train) [7][1300/1879] base_lr: 4.9826e-06 lr: 4.9826e-06 eta: 9:08:58 time: 0.3799 data_time: 0.0277 memory: 8783 loss: 1.2026 sim_loss_v2t: 0.5995 sim_loss_t2v: 0.6031 2023/07/30 12:48:52 - mmengine - INFO - Epoch(train) [7][1400/1879] base_lr: 4.9815e-06 lr: 4.9815e-06 eta: 9:08:05 time: 0.3830 data_time: 0.0263 memory: 8783 loss: 1.1974 sim_loss_v2t: 0.5993 sim_loss_t2v: 0.5981 2023/07/30 12:49:34 - mmengine - INFO - Epoch(train) [7][1500/1879] base_lr: 4.9803e-06 lr: 4.9803e-06 eta: 9:07:36 time: 0.4611 data_time: 0.0243 memory: 8783 loss: 1.1417 sim_loss_v2t: 0.5618 sim_loss_t2v: 0.5799 2023/07/30 12:50:12 - mmengine - INFO - Epoch(train) [7][1600/1879] base_lr: 4.9792e-06 lr: 4.9792e-06 eta: 9:06:40 time: 0.3225 data_time: 0.0247 memory: 8783 loss: 1.1264 sim_loss_v2t: 0.5607 sim_loss_t2v: 0.5656 2023/07/30 12:50:52 - mmengine - INFO - Epoch(train) [7][1700/1879] base_lr: 4.9779e-06 lr: 4.9779e-06 eta: 9:06:00 time: 0.3646 data_time: 0.0252 memory: 8783 loss: 1.1557 sim_loss_v2t: 0.5742 sim_loss_t2v: 0.5815 2023/07/30 12:51:03 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:51:33 - mmengine - INFO - Epoch(train) [7][1800/1879] base_lr: 4.9767e-06 lr: 4.9767e-06 eta: 9:05:18 time: 0.3856 data_time: 0.0268 memory: 8783 loss: 1.1650 sim_loss_v2t: 0.5800 sim_loss_t2v: 0.5850 2023/07/30 12:52:00 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 12:52:00 - mmengine - INFO - Epoch(train) [7][1879/1879] base_lr: 4.9757e-06 lr: 4.9757e-06 eta: 9:04:19 time: 0.2328 data_time: 0.0113 memory: 8783 loss: 1.1738 sim_loss_v2t: 0.5838 sim_loss_t2v: 0.5901 2023/07/30 12:52:00 - mmengine - INFO - Saving checkpoint at 7 epochs 2023/07/30 12:54:12 - mmengine - INFO - Epoch(val) [7][100/155] eta: 0:01:04 time: 1.1508 data_time: 0.0461 memory: 18758 2023/07/30 12:55:16 - mmengine - INFO - Epoch(val) [7][155/155] acc/top1: 0.7216 acc/top5: 0.9199 acc/mean1: 0.7215 data_time: 0.0489 time: 1.1547 2023/07/30 12:55:16 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_6.pth is removed 2023/07/30 12:55:24 - mmengine - INFO - The best checkpoint with 0.7216 acc/top1 at 7 epoch is saved to best_acc_top1_epoch_7.pth. 2023/07/30 12:56:18 - mmengine - INFO - Epoch(train) [8][ 100/1879] base_lr: 4.9744e-06 lr: 4.9744e-06 eta: 9:03:41 time: 0.3800 data_time: 0.0269 memory: 18758 loss: 1.1755 sim_loss_v2t: 0.5843 sim_loss_t2v: 0.5913 2023/07/30 12:57:01 - mmengine - INFO - Epoch(train) [8][ 200/1879] base_lr: 4.9730e-06 lr: 4.9730e-06 eta: 9:03:16 time: 0.6035 data_time: 0.0160 memory: 8783 loss: 1.1439 sim_loss_v2t: 0.5671 sim_loss_t2v: 0.5768 2023/07/30 12:57:38 - mmengine - INFO - Epoch(train) [8][ 300/1879] base_lr: 4.9717e-06 lr: 4.9717e-06 eta: 9:02:13 time: 0.4006 data_time: 0.0272 memory: 8783 loss: 1.1510 sim_loss_v2t: 0.5719 sim_loss_t2v: 0.5791 2023/07/30 12:58:21 - mmengine - INFO - Epoch(train) [8][ 400/1879] base_lr: 4.9702e-06 lr: 4.9702e-06 eta: 9:01:47 time: 0.4277 data_time: 0.0274 memory: 8783 loss: 1.1266 sim_loss_v2t: 0.5583 sim_loss_t2v: 0.5684 2023/07/30 12:59:01 - mmengine - INFO - Epoch(train) [8][ 500/1879] base_lr: 4.9688e-06 lr: 4.9688e-06 eta: 9:01:04 time: 0.3617 data_time: 0.0214 memory: 8783 loss: 1.1160 sim_loss_v2t: 0.5578 sim_loss_t2v: 0.5582 2023/07/30 12:59:40 - mmengine - INFO - Epoch(train) [8][ 600/1879] base_lr: 4.9673e-06 lr: 4.9673e-06 eta: 9:00:19 time: 0.4493 data_time: 0.0406 memory: 8783 loss: 1.1283 sim_loss_v2t: 0.5574 sim_loss_t2v: 0.5709 2023/07/30 13:00:20 - mmengine - INFO - Epoch(train) [8][ 700/1879] base_lr: 4.9658e-06 lr: 4.9658e-06 eta: 8:59:33 time: 0.3632 data_time: 0.0669 memory: 8783 loss: 1.1573 sim_loss_v2t: 0.5815 sim_loss_t2v: 0.5758 2023/07/30 13:01:00 - mmengine - INFO - Epoch(train) [8][ 800/1879] base_lr: 4.9643e-06 lr: 4.9643e-06 eta: 8:58:52 time: 0.4136 data_time: 0.0284 memory: 8783 loss: 1.1705 sim_loss_v2t: 0.5816 sim_loss_t2v: 0.5890 2023/07/30 13:01:19 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:01:43 - mmengine - INFO - Epoch(train) [8][ 900/1879] base_lr: 4.9627e-06 lr: 4.9627e-06 eta: 8:58:26 time: 0.4872 data_time: 0.0879 memory: 8783 loss: 1.1055 sim_loss_v2t: 0.5490 sim_loss_t2v: 0.5564 2023/07/30 13:02:21 - mmengine - INFO - Epoch(train) [8][1000/1879] base_lr: 4.9611e-06 lr: 4.9611e-06 eta: 8:57:33 time: 0.3934 data_time: 0.0307 memory: 8783 loss: 1.1419 sim_loss_v2t: 0.5680 sim_loss_t2v: 0.5739 2023/07/30 13:03:02 - mmengine - INFO - Epoch(train) [8][1100/1879] base_lr: 4.9594e-06 lr: 4.9594e-06 eta: 8:56:52 time: 0.4038 data_time: 0.1151 memory: 8783 loss: 1.1181 sim_loss_v2t: 0.5562 sim_loss_t2v: 0.5620 2023/07/30 13:03:41 - mmengine - INFO - Epoch(train) [8][1200/1879] base_lr: 4.9577e-06 lr: 4.9577e-06 eta: 8:56:05 time: 0.4160 data_time: 0.1345 memory: 8783 loss: 1.1735 sim_loss_v2t: 0.5775 sim_loss_t2v: 0.5960 2023/07/30 13:04:20 - mmengine - INFO - Epoch(train) [8][1300/1879] base_lr: 4.9560e-06 lr: 4.9560e-06 eta: 8:55:19 time: 0.4225 data_time: 0.0280 memory: 8783 loss: 1.2029 sim_loss_v2t: 0.5955 sim_loss_t2v: 0.6074 2023/07/30 13:05:00 - mmengine - INFO - Epoch(train) [8][1400/1879] base_lr: 4.9542e-06 lr: 4.9542e-06 eta: 8:54:36 time: 0.3577 data_time: 0.0299 memory: 8783 loss: 1.1334 sim_loss_v2t: 0.5654 sim_loss_t2v: 0.5680 2023/07/30 13:05:41 - mmengine - INFO - Epoch(train) [8][1500/1879] base_lr: 4.9525e-06 lr: 4.9525e-06 eta: 8:53:56 time: 0.3833 data_time: 0.0446 memory: 8783 loss: 1.1038 sim_loss_v2t: 0.5491 sim_loss_t2v: 0.5547 2023/07/30 13:06:22 - mmengine - INFO - Epoch(train) [8][1600/1879] base_lr: 4.9506e-06 lr: 4.9506e-06 eta: 8:53:22 time: 0.3837 data_time: 0.0358 memory: 8783 loss: 1.1449 sim_loss_v2t: 0.5706 sim_loss_t2v: 0.5743 2023/07/30 13:07:01 - mmengine - INFO - Epoch(train) [8][1700/1879] base_lr: 4.9488e-06 lr: 4.9488e-06 eta: 8:52:30 time: 0.3034 data_time: 0.0203 memory: 8783 loss: 1.1411 sim_loss_v2t: 0.5693 sim_loss_t2v: 0.5719 2023/07/30 13:07:42 - mmengine - INFO - Epoch(train) [8][1800/1879] base_lr: 4.9469e-06 lr: 4.9469e-06 eta: 8:51:52 time: 0.4058 data_time: 0.0289 memory: 8783 loss: 1.1400 sim_loss_v2t: 0.5631 sim_loss_t2v: 0.5769 2023/07/30 13:08:00 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:08:08 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:08:08 - mmengine - INFO - Epoch(train) [8][1879/1879] base_lr: 4.9454e-06 lr: 4.9454e-06 eta: 8:50:50 time: 0.1858 data_time: 0.0117 memory: 8783 loss: 1.1149 sim_loss_v2t: 0.5571 sim_loss_t2v: 0.5579 2023/07/30 13:08:08 - mmengine - INFO - Saving checkpoint at 8 epochs 2023/07/30 13:10:20 - mmengine - INFO - Epoch(val) [8][100/155] eta: 0:01:04 time: 1.1480 data_time: 0.0424 memory: 18758 2023/07/30 13:11:23 - mmengine - INFO - Epoch(val) [8][155/155] acc/top1: 0.7327 acc/top5: 0.9226 acc/mean1: 0.7327 data_time: 0.0508 time: 1.1569 2023/07/30 13:11:24 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_7.pth is removed 2023/07/30 13:11:31 - mmengine - INFO - The best checkpoint with 0.7327 acc/top1 at 8 epoch is saved to best_acc_top1_epoch_8.pth. 2023/07/30 13:12:29 - mmengine - INFO - Epoch(train) [9][ 100/1879] base_lr: 4.9434e-06 lr: 4.9434e-06 eta: 8:50:36 time: 0.5111 data_time: 0.2659 memory: 18758 loss: 1.1789 sim_loss_v2t: 0.5821 sim_loss_t2v: 0.5968 2023/07/30 13:13:09 - mmengine - INFO - Epoch(train) [9][ 200/1879] base_lr: 4.9415e-06 lr: 4.9415e-06 eta: 8:49:54 time: 0.4143 data_time: 0.1705 memory: 8783 loss: 1.1132 sim_loss_v2t: 0.5511 sim_loss_t2v: 0.5620 2023/07/30 13:13:47 - mmengine - INFO - Epoch(train) [9][ 300/1879] base_lr: 4.9394e-06 lr: 4.9394e-06 eta: 8:49:02 time: 0.3561 data_time: 0.0929 memory: 8783 loss: 1.1131 sim_loss_v2t: 0.5502 sim_loss_t2v: 0.5629 2023/07/30 13:14:27 - mmengine - INFO - Epoch(train) [9][ 400/1879] base_lr: 4.9374e-06 lr: 4.9374e-06 eta: 8:48:20 time: 0.4018 data_time: 0.1099 memory: 8783 loss: 1.1533 sim_loss_v2t: 0.5728 sim_loss_t2v: 0.5805 2023/07/30 13:15:09 - mmengine - INFO - Epoch(train) [9][ 500/1879] base_lr: 4.9353e-06 lr: 4.9353e-06 eta: 8:47:47 time: 0.4916 data_time: 0.2156 memory: 8783 loss: 1.1404 sim_loss_v2t: 0.5637 sim_loss_t2v: 0.5767 2023/07/30 13:15:47 - mmengine - INFO - Epoch(train) [9][ 600/1879] base_lr: 4.9332e-06 lr: 4.9332e-06 eta: 8:46:53 time: 0.3276 data_time: 0.0224 memory: 8783 loss: 1.1300 sim_loss_v2t: 0.5624 sim_loss_t2v: 0.5676 2023/07/30 13:16:29 - mmengine - INFO - Epoch(train) [9][ 700/1879] base_lr: 4.9310e-06 lr: 4.9310e-06 eta: 8:46:23 time: 0.4698 data_time: 0.0314 memory: 8783 loss: 1.1014 sim_loss_v2t: 0.5498 sim_loss_t2v: 0.5515 2023/07/30 13:17:08 - mmengine - INFO - Epoch(train) [9][ 800/1879] base_lr: 4.9289e-06 lr: 4.9289e-06 eta: 8:45:35 time: 0.3911 data_time: 0.0856 memory: 8783 loss: 1.1323 sim_loss_v2t: 0.5596 sim_loss_t2v: 0.5727 2023/07/30 13:17:48 - mmengine - INFO - Epoch(train) [9][ 900/1879] base_lr: 4.9266e-06 lr: 4.9266e-06 eta: 8:44:53 time: 0.4321 data_time: 0.0242 memory: 8783 loss: 1.0678 sim_loss_v2t: 0.5317 sim_loss_t2v: 0.5361 2023/07/30 13:18:13 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:18:26 - mmengine - INFO - Epoch(train) [9][1000/1879] base_lr: 4.9244e-06 lr: 4.9244e-06 eta: 8:44:01 time: 0.3790 data_time: 0.0274 memory: 8783 loss: 1.0846 sim_loss_v2t: 0.5396 sim_loss_t2v: 0.5450 2023/07/30 13:19:05 - mmengine - INFO - Epoch(train) [9][1100/1879] base_lr: 4.9221e-06 lr: 4.9221e-06 eta: 8:43:16 time: 0.3683 data_time: 0.0253 memory: 8783 loss: 1.1340 sim_loss_v2t: 0.5671 sim_loss_t2v: 0.5668 2023/07/30 13:19:46 - mmengine - INFO - Epoch(train) [9][1200/1879] base_lr: 4.9198e-06 lr: 4.9198e-06 eta: 8:42:37 time: 0.3405 data_time: 0.0689 memory: 8783 loss: 1.0981 sim_loss_v2t: 0.5452 sim_loss_t2v: 0.5529 2023/07/30 13:20:27 - mmengine - INFO - Epoch(train) [9][1300/1879] base_lr: 4.9174e-06 lr: 4.9174e-06 eta: 8:42:01 time: 0.4149 data_time: 0.1168 memory: 8783 loss: 1.1268 sim_loss_v2t: 0.5613 sim_loss_t2v: 0.5656 2023/07/30 13:21:07 - mmengine - INFO - Epoch(train) [9][1400/1879] base_lr: 4.9151e-06 lr: 4.9151e-06 eta: 8:41:18 time: 0.4225 data_time: 0.0334 memory: 8783 loss: 1.1457 sim_loss_v2t: 0.5705 sim_loss_t2v: 0.5752 2023/07/30 13:21:47 - mmengine - INFO - Epoch(train) [9][1500/1879] base_lr: 4.9126e-06 lr: 4.9126e-06 eta: 8:40:36 time: 0.4500 data_time: 0.0241 memory: 8783 loss: 1.0690 sim_loss_v2t: 0.5357 sim_loss_t2v: 0.5332 2023/07/30 13:22:28 - mmengine - INFO - Epoch(train) [9][1600/1879] base_lr: 4.9102e-06 lr: 4.9102e-06 eta: 8:39:58 time: 0.3791 data_time: 0.0272 memory: 8783 loss: 1.0704 sim_loss_v2t: 0.5336 sim_loss_t2v: 0.5368 2023/07/30 13:23:08 - mmengine - INFO - Epoch(train) [9][1700/1879] base_lr: 4.9077e-06 lr: 4.9077e-06 eta: 8:39:15 time: 0.3762 data_time: 0.0246 memory: 8783 loss: 1.1112 sim_loss_v2t: 0.5496 sim_loss_t2v: 0.5616 2023/07/30 13:23:49 - mmengine - INFO - Epoch(train) [9][1800/1879] base_lr: 4.9052e-06 lr: 4.9052e-06 eta: 8:38:38 time: 0.3771 data_time: 0.0246 memory: 8783 loss: 1.1158 sim_loss_v2t: 0.5560 sim_loss_t2v: 0.5598 2023/07/30 13:24:15 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:24:15 - mmengine - INFO - Epoch(train) [9][1879/1879] base_lr: 4.9032e-06 lr: 4.9032e-06 eta: 8:37:42 time: 0.2549 data_time: 0.0110 memory: 8783 loss: 1.1185 sim_loss_v2t: 0.5595 sim_loss_t2v: 0.5590 2023/07/30 13:24:15 - mmengine - INFO - Saving checkpoint at 9 epochs 2023/07/30 13:26:27 - mmengine - INFO - Epoch(val) [9][100/155] eta: 0:01:04 time: 1.1469 data_time: 0.0427 memory: 18758 2023/07/30 13:27:31 - mmengine - INFO - Epoch(val) [9][155/155] acc/top1: 0.7311 acc/top5: 0.9248 acc/mean1: 0.7310 data_time: 0.0524 time: 1.1569 2023/07/30 13:28:16 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:28:19 - mmengine - INFO - Epoch(train) [10][ 100/1879] base_lr: 4.9006e-06 lr: 4.9006e-06 eta: 8:37:35 time: 0.3715 data_time: 0.0276 memory: 18758 loss: 1.0994 sim_loss_v2t: 0.5485 sim_loss_t2v: 0.5509 2023/07/30 13:29:01 - mmengine - INFO - Epoch(train) [10][ 200/1879] base_lr: 4.8980e-06 lr: 4.8980e-06 eta: 8:37:03 time: 0.5352 data_time: 0.0329 memory: 8783 loss: 1.1667 sim_loss_v2t: 0.5835 sim_loss_t2v: 0.5833 2023/07/30 13:29:40 - mmengine - INFO - Epoch(train) [10][ 300/1879] base_lr: 4.8954e-06 lr: 4.8954e-06 eta: 8:36:15 time: 0.4000 data_time: 0.0276 memory: 8783 loss: 1.1258 sim_loss_v2t: 0.5616 sim_loss_t2v: 0.5643 2023/07/30 13:30:20 - mmengine - INFO - Epoch(train) [10][ 400/1879] base_lr: 4.8927e-06 lr: 4.8927e-06 eta: 8:35:35 time: 0.3362 data_time: 0.0315 memory: 8783 loss: 1.0989 sim_loss_v2t: 0.5494 sim_loss_t2v: 0.5494 2023/07/30 13:30:59 - mmengine - INFO - Epoch(train) [10][ 500/1879] base_lr: 4.8900e-06 lr: 4.8900e-06 eta: 8:34:46 time: 0.3326 data_time: 0.0256 memory: 8783 loss: 1.0815 sim_loss_v2t: 0.5392 sim_loss_t2v: 0.5424 2023/07/30 13:31:40 - mmengine - INFO - Epoch(train) [10][ 600/1879] base_lr: 4.8872e-06 lr: 4.8872e-06 eta: 8:34:09 time: 0.3660 data_time: 0.0235 memory: 8783 loss: 1.1272 sim_loss_v2t: 0.5609 sim_loss_t2v: 0.5664 2023/07/30 13:32:21 - mmengine - INFO - Epoch(train) [10][ 700/1879] base_lr: 4.8844e-06 lr: 4.8844e-06 eta: 8:33:31 time: 0.5076 data_time: 0.1438 memory: 8783 loss: 1.1008 sim_loss_v2t: 0.5493 sim_loss_t2v: 0.5515 2023/07/30 13:33:00 - mmengine - INFO - Epoch(train) [10][ 800/1879] base_lr: 4.8816e-06 lr: 4.8816e-06 eta: 8:32:45 time: 0.3316 data_time: 0.0607 memory: 8783 loss: 1.0619 sim_loss_v2t: 0.5340 sim_loss_t2v: 0.5280 2023/07/30 13:33:38 - mmengine - INFO - Epoch(train) [10][ 900/1879] base_lr: 4.8788e-06 lr: 4.8788e-06 eta: 8:31:56 time: 0.3374 data_time: 0.0478 memory: 8783 loss: 1.1143 sim_loss_v2t: 0.5592 sim_loss_t2v: 0.5551 2023/07/30 13:34:19 - mmengine - INFO - Epoch(train) [10][1000/1879] base_lr: 4.8759e-06 lr: 4.8759e-06 eta: 8:31:18 time: 0.4148 data_time: 0.1252 memory: 8783 loss: 1.0766 sim_loss_v2t: 0.5374 sim_loss_t2v: 0.5391 2023/07/30 13:34:54 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:34:59 - mmengine - INFO - Epoch(train) [10][1100/1879] base_lr: 4.8730e-06 lr: 4.8730e-06 eta: 8:30:35 time: 0.4133 data_time: 0.1155 memory: 8783 loss: 1.0937 sim_loss_v2t: 0.5452 sim_loss_t2v: 0.5485 2023/07/30 13:35:39 - mmengine - INFO - Epoch(train) [10][1200/1879] base_lr: 4.8701e-06 lr: 4.8701e-06 eta: 8:29:54 time: 0.3817 data_time: 0.1051 memory: 8783 loss: 1.1112 sim_loss_v2t: 0.5540 sim_loss_t2v: 0.5573 2023/07/30 13:36:24 - mmengine - INFO - Epoch(train) [10][1300/1879] base_lr: 4.8671e-06 lr: 4.8671e-06 eta: 8:29:31 time: 0.3415 data_time: 0.0249 memory: 8783 loss: 1.0935 sim_loss_v2t: 0.5436 sim_loss_t2v: 0.5499 2023/07/30 13:37:04 - mmengine - INFO - Epoch(train) [10][1400/1879] base_lr: 4.8641e-06 lr: 4.8641e-06 eta: 8:28:50 time: 0.4077 data_time: 0.0278 memory: 8783 loss: 1.0499 sim_loss_v2t: 0.5222 sim_loss_t2v: 0.5277 2023/07/30 13:37:48 - mmengine - INFO - Epoch(train) [10][1500/1879] base_lr: 4.8611e-06 lr: 4.8611e-06 eta: 8:28:27 time: 0.6377 data_time: 0.3405 memory: 8783 loss: 1.0947 sim_loss_v2t: 0.5453 sim_loss_t2v: 0.5494 2023/07/30 13:38:30 - mmengine - INFO - Epoch(train) [10][1600/1879] base_lr: 4.8580e-06 lr: 4.8580e-06 eta: 8:27:51 time: 0.5334 data_time: 0.2787 memory: 8783 loss: 1.0895 sim_loss_v2t: 0.5427 sim_loss_t2v: 0.5468 2023/07/30 13:39:08 - mmengine - INFO - Epoch(train) [10][1700/1879] base_lr: 4.8549e-06 lr: 4.8549e-06 eta: 8:27:00 time: 0.3767 data_time: 0.0834 memory: 8783 loss: 1.0789 sim_loss_v2t: 0.5363 sim_loss_t2v: 0.5426 2023/07/30 13:39:48 - mmengine - INFO - Epoch(train) [10][1800/1879] base_lr: 4.8518e-06 lr: 4.8518e-06 eta: 8:26:18 time: 0.4182 data_time: 0.0606 memory: 8783 loss: 1.0742 sim_loss_v2t: 0.5347 sim_loss_t2v: 0.5395 2023/07/30 13:40:15 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:40:15 - mmengine - INFO - Epoch(train) [10][1879/1879] base_lr: 4.8493e-06 lr: 4.8493e-06 eta: 8:25:26 time: 0.1885 data_time: 0.0283 memory: 8783 loss: 1.0588 sim_loss_v2t: 0.5268 sim_loss_t2v: 0.5320 2023/07/30 13:40:15 - mmengine - INFO - Saving checkpoint at 10 epochs 2023/07/30 13:42:27 - mmengine - INFO - Epoch(val) [10][100/155] eta: 0:01:04 time: 1.1519 data_time: 0.0475 memory: 18758 2023/07/30 13:43:30 - mmengine - INFO - Epoch(val) [10][155/155] acc/top1: 0.7353 acc/top5: 0.9249 acc/mean1: 0.7352 data_time: 0.0500 time: 1.1545 2023/07/30 13:43:30 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_8.pth is removed 2023/07/30 13:43:38 - mmengine - INFO - The best checkpoint with 0.7353 acc/top1 at 10 epoch is saved to best_acc_top1_epoch_10.pth. 2023/07/30 13:44:31 - mmengine - INFO - Epoch(train) [11][ 100/1879] base_lr: 4.8461e-06 lr: 4.8461e-06 eta: 8:24:49 time: 0.4589 data_time: 0.1268 memory: 18758 loss: 1.0365 sim_loss_v2t: 0.5168 sim_loss_t2v: 0.5197 2023/07/30 13:45:14 - mmengine - INFO - Epoch(train) [11][ 200/1879] base_lr: 4.8428e-06 lr: 4.8428e-06 eta: 8:24:19 time: 0.5442 data_time: 0.0151 memory: 8783 loss: 0.9947 sim_loss_v2t: 0.4929 sim_loss_t2v: 0.5018 2023/07/30 13:45:16 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:45:52 - mmengine - INFO - Epoch(train) [11][ 300/1879] base_lr: 4.8396e-06 lr: 4.8396e-06 eta: 8:23:31 time: 0.4028 data_time: 0.0270 memory: 8783 loss: 1.0652 sim_loss_v2t: 0.5299 sim_loss_t2v: 0.5353 2023/07/30 13:46:30 - mmengine - INFO - Epoch(train) [11][ 400/1879] base_lr: 4.8363e-06 lr: 4.8363e-06 eta: 8:22:40 time: 0.3198 data_time: 0.0250 memory: 8783 loss: 1.0502 sim_loss_v2t: 0.5226 sim_loss_t2v: 0.5276 2023/07/30 13:47:13 - mmengine - INFO - Epoch(train) [11][ 500/1879] base_lr: 4.8330e-06 lr: 4.8330e-06 eta: 8:22:09 time: 0.3841 data_time: 0.0297 memory: 8783 loss: 1.0970 sim_loss_v2t: 0.5523 sim_loss_t2v: 0.5447 2023/07/30 13:47:53 - mmengine - INFO - Epoch(train) [11][ 600/1879] base_lr: 4.8296e-06 lr: 4.8296e-06 eta: 8:21:27 time: 0.3571 data_time: 0.0304 memory: 8783 loss: 1.0562 sim_loss_v2t: 0.5212 sim_loss_t2v: 0.5350 2023/07/30 13:48:35 - mmengine - INFO - Epoch(train) [11][ 700/1879] base_lr: 4.8262e-06 lr: 4.8262e-06 eta: 8:20:54 time: 0.5141 data_time: 0.0194 memory: 8783 loss: 1.0681 sim_loss_v2t: 0.5335 sim_loss_t2v: 0.5347 2023/07/30 13:49:16 - mmengine - INFO - Epoch(train) [11][ 800/1879] base_lr: 4.8228e-06 lr: 4.8228e-06 eta: 8:20:15 time: 0.4795 data_time: 0.0244 memory: 8783 loss: 1.0471 sim_loss_v2t: 0.5250 sim_loss_t2v: 0.5221 2023/07/30 13:49:53 - mmengine - INFO - Epoch(train) [11][ 900/1879] base_lr: 4.8194e-06 lr: 4.8194e-06 eta: 8:19:25 time: 0.3512 data_time: 0.0286 memory: 8783 loss: 1.1125 sim_loss_v2t: 0.5504 sim_loss_t2v: 0.5621 2023/07/30 13:50:34 - mmengine - INFO - Epoch(train) [11][1000/1879] base_lr: 4.8159e-06 lr: 4.8159e-06 eta: 8:18:46 time: 0.3654 data_time: 0.0240 memory: 8783 loss: 1.0376 sim_loss_v2t: 0.5231 sim_loss_t2v: 0.5145 2023/07/30 13:51:15 - mmengine - INFO - Epoch(train) [11][1100/1879] base_lr: 4.8124e-06 lr: 4.8124e-06 eta: 8:18:09 time: 0.3322 data_time: 0.0165 memory: 8783 loss: 1.0260 sim_loss_v2t: 0.5132 sim_loss_t2v: 0.5128 2023/07/30 13:51:54 - mmengine - INFO - Epoch(train) [11][1200/1879] base_lr: 4.8088e-06 lr: 4.8088e-06 eta: 8:17:23 time: 0.4000 data_time: 0.0417 memory: 8783 loss: 1.0888 sim_loss_v2t: 0.5348 sim_loss_t2v: 0.5540 2023/07/30 13:51:59 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:52:35 - mmengine - INFO - Epoch(train) [11][1300/1879] base_lr: 4.8052e-06 lr: 4.8052e-06 eta: 8:16:44 time: 0.4286 data_time: 0.0239 memory: 8783 loss: 1.0532 sim_loss_v2t: 0.5259 sim_loss_t2v: 0.5274 2023/07/30 13:53:15 - mmengine - INFO - Epoch(train) [11][1400/1879] base_lr: 4.8016e-06 lr: 4.8016e-06 eta: 8:16:01 time: 0.2658 data_time: 0.0207 memory: 8783 loss: 1.0730 sim_loss_v2t: 0.5355 sim_loss_t2v: 0.5376 2023/07/30 13:53:55 - mmengine - INFO - Epoch(train) [11][1500/1879] base_lr: 4.7980e-06 lr: 4.7980e-06 eta: 8:15:20 time: 0.4831 data_time: 0.0246 memory: 8783 loss: 1.0877 sim_loss_v2t: 0.5460 sim_loss_t2v: 0.5417 2023/07/30 13:54:33 - mmengine - INFO - Epoch(train) [11][1600/1879] base_lr: 4.7943e-06 lr: 4.7943e-06 eta: 8:14:32 time: 0.3202 data_time: 0.0280 memory: 8783 loss: 1.0726 sim_loss_v2t: 0.5407 sim_loss_t2v: 0.5319 2023/07/30 13:55:14 - mmengine - INFO - Epoch(train) [11][1700/1879] base_lr: 4.7906e-06 lr: 4.7906e-06 eta: 8:13:53 time: 0.4043 data_time: 0.0610 memory: 8783 loss: 1.0913 sim_loss_v2t: 0.5456 sim_loss_t2v: 0.5457 2023/07/30 13:55:55 - mmengine - INFO - Epoch(train) [11][1800/1879] base_lr: 4.7869e-06 lr: 4.7869e-06 eta: 8:13:14 time: 0.3713 data_time: 0.1108 memory: 8783 loss: 1.1009 sim_loss_v2t: 0.5489 sim_loss_t2v: 0.5521 2023/07/30 13:56:23 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 13:56:23 - mmengine - INFO - Epoch(train) [11][1879/1879] base_lr: 4.7839e-06 lr: 4.7839e-06 eta: 8:12:30 time: 0.1880 data_time: 0.0366 memory: 8783 loss: 1.0694 sim_loss_v2t: 0.5373 sim_loss_t2v: 0.5321 2023/07/30 13:56:23 - mmengine - INFO - Saving checkpoint at 11 epochs 2023/07/30 13:58:36 - mmengine - INFO - Epoch(val) [11][100/155] eta: 0:01:04 time: 1.1571 data_time: 0.0469 memory: 18758 2023/07/30 13:59:39 - mmengine - INFO - Epoch(val) [11][155/155] acc/top1: 0.7439 acc/top5: 0.9251 acc/mean1: 0.7439 data_time: 0.0505 time: 1.1558 2023/07/30 13:59:39 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_10.pth is removed 2023/07/30 13:59:47 - mmengine - INFO - The best checkpoint with 0.7439 acc/top1 at 11 epoch is saved to best_acc_top1_epoch_11.pth. 2023/07/30 14:00:44 - mmengine - INFO - Epoch(train) [12][ 100/1879] base_lr: 4.7801e-06 lr: 4.7801e-06 eta: 8:11:59 time: 0.5117 data_time: 0.2581 memory: 18758 loss: 1.0259 sim_loss_v2t: 0.5108 sim_loss_t2v: 0.5151 2023/07/30 14:01:27 - mmengine - INFO - Epoch(train) [12][ 200/1879] base_lr: 4.7763e-06 lr: 4.7763e-06 eta: 8:11:28 time: 0.6713 data_time: 0.0158 memory: 8783 loss: 1.0446 sim_loss_v2t: 0.5241 sim_loss_t2v: 0.5204 2023/07/30 14:02:06 - mmengine - INFO - Epoch(train) [12][ 300/1879] base_lr: 4.7724e-06 lr: 4.7724e-06 eta: 8:10:41 time: 0.3744 data_time: 0.0786 memory: 8783 loss: 0.9847 sim_loss_v2t: 0.4881 sim_loss_t2v: 0.4967 2023/07/30 14:02:18 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:02:45 - mmengine - INFO - Epoch(train) [12][ 400/1879] base_lr: 4.7685e-06 lr: 4.7685e-06 eta: 8:09:57 time: 0.4028 data_time: 0.0240 memory: 8783 loss: 1.0296 sim_loss_v2t: 0.5128 sim_loss_t2v: 0.5168 2023/07/30 14:03:25 - mmengine - INFO - Epoch(train) [12][ 500/1879] base_lr: 4.7646e-06 lr: 4.7646e-06 eta: 8:09:17 time: 0.3914 data_time: 0.1414 memory: 8783 loss: 1.0310 sim_loss_v2t: 0.5136 sim_loss_t2v: 0.5174 2023/07/30 14:04:05 - mmengine - INFO - Epoch(train) [12][ 600/1879] base_lr: 4.7607e-06 lr: 4.7607e-06 eta: 8:08:34 time: 0.2574 data_time: 0.0232 memory: 8783 loss: 1.0325 sim_loss_v2t: 0.5220 sim_loss_t2v: 0.5106 2023/07/30 14:04:47 - mmengine - INFO - Epoch(train) [12][ 700/1879] base_lr: 4.7567e-06 lr: 4.7567e-06 eta: 8:08:00 time: 0.5009 data_time: 0.0233 memory: 8783 loss: 1.0369 sim_loss_v2t: 0.5159 sim_loss_t2v: 0.5210 2023/07/30 14:05:30 - mmengine - INFO - Epoch(train) [12][ 800/1879] base_lr: 4.7527e-06 lr: 4.7527e-06 eta: 8:07:28 time: 0.5586 data_time: 0.0306 memory: 8783 loss: 1.0167 sim_loss_v2t: 0.5072 sim_loss_t2v: 0.5096 2023/07/30 14:06:08 - mmengine - INFO - Epoch(train) [12][ 900/1879] base_lr: 4.7486e-06 lr: 4.7486e-06 eta: 8:06:38 time: 0.3636 data_time: 0.0237 memory: 8783 loss: 1.0490 sim_loss_v2t: 0.5226 sim_loss_t2v: 0.5264 2023/07/30 14:06:47 - mmengine - INFO - Epoch(train) [12][1000/1879] base_lr: 4.7446e-06 lr: 4.7446e-06 eta: 8:05:56 time: 0.4315 data_time: 0.0242 memory: 8783 loss: 0.9915 sim_loss_v2t: 0.4940 sim_loss_t2v: 0.4975 2023/07/30 14:07:28 - mmengine - INFO - Epoch(train) [12][1100/1879] base_lr: 4.7405e-06 lr: 4.7405e-06 eta: 8:05:15 time: 0.3650 data_time: 0.0254 memory: 8783 loss: 1.0536 sim_loss_v2t: 0.5220 sim_loss_t2v: 0.5316 2023/07/30 14:08:07 - mmengine - INFO - Epoch(train) [12][1200/1879] base_lr: 4.7363e-06 lr: 4.7363e-06 eta: 8:04:33 time: 0.3675 data_time: 0.0215 memory: 8783 loss: 1.1395 sim_loss_v2t: 0.5646 sim_loss_t2v: 0.5749 2023/07/30 14:08:47 - mmengine - INFO - Epoch(train) [12][1300/1879] base_lr: 4.7321e-06 lr: 4.7321e-06 eta: 8:03:51 time: 0.4238 data_time: 0.0260 memory: 8783 loss: 1.0195 sim_loss_v2t: 0.5098 sim_loss_t2v: 0.5098 2023/07/30 14:09:00 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:09:27 - mmengine - INFO - Epoch(train) [12][1400/1879] base_lr: 4.7279e-06 lr: 4.7279e-06 eta: 8:03:10 time: 0.4059 data_time: 0.0265 memory: 8783 loss: 1.0440 sim_loss_v2t: 0.5252 sim_loss_t2v: 0.5189 2023/07/30 14:10:12 - mmengine - INFO - Epoch(train) [12][1500/1879] base_lr: 4.7237e-06 lr: 4.7237e-06 eta: 8:02:43 time: 0.6233 data_time: 0.4061 memory: 8783 loss: 1.0913 sim_loss_v2t: 0.5481 sim_loss_t2v: 0.5432 2023/07/30 14:10:50 - mmengine - INFO - Epoch(train) [12][1600/1879] base_lr: 4.7195e-06 lr: 4.7195e-06 eta: 8:01:57 time: 0.3471 data_time: 0.0963 memory: 8783 loss: 1.0708 sim_loss_v2t: 0.5366 sim_loss_t2v: 0.5342 2023/07/30 14:11:30 - mmengine - INFO - Epoch(train) [12][1700/1879] base_lr: 4.7152e-06 lr: 4.7152e-06 eta: 8:01:14 time: 0.3765 data_time: 0.0227 memory: 8783 loss: 1.0622 sim_loss_v2t: 0.5311 sim_loss_t2v: 0.5311 2023/07/30 14:12:12 - mmengine - INFO - Epoch(train) [12][1800/1879] base_lr: 4.7108e-06 lr: 4.7108e-06 eta: 8:00:39 time: 0.4896 data_time: 0.0240 memory: 8783 loss: 1.0645 sim_loss_v2t: 0.5300 sim_loss_t2v: 0.5344 2023/07/30 14:12:37 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:12:37 - mmengine - INFO - Epoch(train) [12][1879/1879] base_lr: 4.7074e-06 lr: 4.7074e-06 eta: 7:59:46 time: 0.1927 data_time: 0.0102 memory: 8783 loss: 1.0207 sim_loss_v2t: 0.5107 sim_loss_t2v: 0.5100 2023/07/30 14:12:37 - mmengine - INFO - Saving checkpoint at 12 epochs 2023/07/30 14:14:50 - mmengine - INFO - Epoch(val) [12][100/155] eta: 0:01:04 time: 1.1488 data_time: 0.0448 memory: 18758 2023/07/30 14:15:54 - mmengine - INFO - Epoch(val) [12][155/155] acc/top1: 0.7424 acc/top5: 0.9282 acc/mean1: 0.7423 data_time: 0.0497 time: 1.1560 2023/07/30 14:16:41 - mmengine - INFO - Epoch(train) [13][ 100/1879] base_lr: 4.7030e-06 lr: 4.7030e-06 eta: 7:59:28 time: 0.4239 data_time: 0.0356 memory: 18758 loss: 1.0269 sim_loss_v2t: 0.5097 sim_loss_t2v: 0.5172 2023/07/30 14:17:22 - mmengine - INFO - Epoch(train) [13][ 200/1879] base_lr: 4.6986e-06 lr: 4.6986e-06 eta: 7:58:51 time: 0.4364 data_time: 0.0263 memory: 8783 loss: 1.0292 sim_loss_v2t: 0.5155 sim_loss_t2v: 0.5137 2023/07/30 14:18:03 - mmengine - INFO - Epoch(train) [13][ 300/1879] base_lr: 4.6942e-06 lr: 4.6942e-06 eta: 7:58:11 time: 0.4230 data_time: 0.0805 memory: 8783 loss: 1.0281 sim_loss_v2t: 0.5105 sim_loss_t2v: 0.5175 2023/07/30 14:18:43 - mmengine - INFO - Epoch(train) [13][ 400/1879] base_lr: 4.6897e-06 lr: 4.6897e-06 eta: 7:57:31 time: 0.3657 data_time: 0.0508 memory: 8783 loss: 1.0220 sim_loss_v2t: 0.5077 sim_loss_t2v: 0.5143 2023/07/30 14:19:01 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:19:22 - mmengine - INFO - Epoch(train) [13][ 500/1879] base_lr: 4.6852e-06 lr: 4.6852e-06 eta: 7:56:45 time: 0.4345 data_time: 0.0490 memory: 8783 loss: 1.0507 sim_loss_v2t: 0.5309 sim_loss_t2v: 0.5197 2023/07/30 14:20:01 - mmengine - INFO - Epoch(train) [13][ 600/1879] base_lr: 4.6807e-06 lr: 4.6807e-06 eta: 7:56:01 time: 0.4136 data_time: 0.0238 memory: 8783 loss: 0.9776 sim_loss_v2t: 0.4920 sim_loss_t2v: 0.4856 2023/07/30 14:20:41 - mmengine - INFO - Epoch(train) [13][ 700/1879] base_lr: 4.6761e-06 lr: 4.6761e-06 eta: 7:55:19 time: 0.4127 data_time: 0.0293 memory: 8783 loss: 1.0178 sim_loss_v2t: 0.5083 sim_loss_t2v: 0.5095 2023/07/30 14:21:21 - mmengine - INFO - Epoch(train) [13][ 800/1879] base_lr: 4.6716e-06 lr: 4.6716e-06 eta: 7:54:38 time: 0.3721 data_time: 0.0252 memory: 8783 loss: 1.0097 sim_loss_v2t: 0.5004 sim_loss_t2v: 0.5092 2023/07/30 14:22:03 - mmengine - INFO - Epoch(train) [13][ 900/1879] base_lr: 4.6669e-06 lr: 4.6669e-06 eta: 7:54:04 time: 0.4992 data_time: 0.0301 memory: 8783 loss: 1.0414 sim_loss_v2t: 0.5223 sim_loss_t2v: 0.5191 2023/07/30 14:22:44 - mmengine - INFO - Epoch(train) [13][1000/1879] base_lr: 4.6623e-06 lr: 4.6623e-06 eta: 7:53:24 time: 0.4701 data_time: 0.0246 memory: 8783 loss: 0.9909 sim_loss_v2t: 0.4906 sim_loss_t2v: 0.5003 2023/07/30 14:23:23 - mmengine - INFO - Epoch(train) [13][1100/1879] base_lr: 4.6576e-06 lr: 4.6576e-06 eta: 7:52:41 time: 0.4322 data_time: 0.1067 memory: 8783 loss: 1.0276 sim_loss_v2t: 0.5138 sim_loss_t2v: 0.5138 2023/07/30 14:24:04 - mmengine - INFO - Epoch(train) [13][1200/1879] base_lr: 4.6529e-06 lr: 4.6529e-06 eta: 7:52:03 time: 0.3901 data_time: 0.0207 memory: 8783 loss: 0.9949 sim_loss_v2t: 0.4969 sim_loss_t2v: 0.4979 2023/07/30 14:24:43 - mmengine - INFO - Epoch(train) [13][1300/1879] base_lr: 4.6482e-06 lr: 4.6482e-06 eta: 7:51:18 time: 0.3396 data_time: 0.0294 memory: 8783 loss: 0.9933 sim_loss_v2t: 0.4988 sim_loss_t2v: 0.4945 2023/07/30 14:25:24 - mmengine - INFO - Epoch(train) [13][1400/1879] base_lr: 4.6434e-06 lr: 4.6434e-06 eta: 7:50:38 time: 0.3623 data_time: 0.0253 memory: 8783 loss: 1.0306 sim_loss_v2t: 0.5164 sim_loss_t2v: 0.5142 2023/07/30 14:25:44 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:26:03 - mmengine - INFO - Epoch(train) [13][1500/1879] base_lr: 4.6386e-06 lr: 4.6386e-06 eta: 7:49:54 time: 0.3777 data_time: 0.0261 memory: 8783 loss: 1.0256 sim_loss_v2t: 0.5150 sim_loss_t2v: 0.5106 2023/07/30 14:26:45 - mmengine - INFO - Epoch(train) [13][1600/1879] base_lr: 4.6338e-06 lr: 4.6338e-06 eta: 7:49:17 time: 0.4255 data_time: 0.0279 memory: 8783 loss: 1.0010 sim_loss_v2t: 0.4983 sim_loss_t2v: 0.5026 2023/07/30 14:27:23 - mmengine - INFO - Epoch(train) [13][1700/1879] base_lr: 4.6289e-06 lr: 4.6289e-06 eta: 7:48:33 time: 0.3594 data_time: 0.0348 memory: 8783 loss: 1.0350 sim_loss_v2t: 0.5184 sim_loss_t2v: 0.5166 2023/07/30 14:28:03 - mmengine - INFO - Epoch(train) [13][1800/1879] base_lr: 4.6240e-06 lr: 4.6240e-06 eta: 7:47:50 time: 0.3785 data_time: 0.0282 memory: 8783 loss: 0.9650 sim_loss_v2t: 0.4825 sim_loss_t2v: 0.4826 2023/07/30 14:28:31 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:28:31 - mmengine - INFO - Epoch(train) [13][1879/1879] base_lr: 4.6202e-06 lr: 4.6202e-06 eta: 7:47:06 time: 0.2624 data_time: 0.0106 memory: 8783 loss: 0.9513 sim_loss_v2t: 0.4731 sim_loss_t2v: 0.4782 2023/07/30 14:28:31 - mmengine - INFO - Saving checkpoint at 13 epochs 2023/07/30 14:30:42 - mmengine - INFO - Epoch(val) [13][100/155] eta: 0:01:04 time: 1.1432 data_time: 0.0394 memory: 18758 2023/07/30 14:31:46 - mmengine - INFO - Epoch(val) [13][155/155] acc/top1: 0.7422 acc/top5: 0.9266 acc/mean1: 0.7422 data_time: 0.0506 time: 1.1558 2023/07/30 14:32:35 - mmengine - INFO - Epoch(train) [14][ 100/1879] base_lr: 4.6152e-06 lr: 4.6152e-06 eta: 7:46:51 time: 0.4278 data_time: 0.0283 memory: 18758 loss: 1.0114 sim_loss_v2t: 0.5032 sim_loss_t2v: 0.5082 2023/07/30 14:33:14 - mmengine - INFO - Epoch(train) [14][ 200/1879] base_lr: 4.6103e-06 lr: 4.6103e-06 eta: 7:46:05 time: 0.3680 data_time: 0.0303 memory: 8783 loss: 1.0016 sim_loss_v2t: 0.5050 sim_loss_t2v: 0.4966 2023/07/30 14:33:55 - mmengine - INFO - Epoch(train) [14][ 300/1879] base_lr: 4.6053e-06 lr: 4.6053e-06 eta: 7:45:28 time: 0.4773 data_time: 0.0226 memory: 8783 loss: 1.0064 sim_loss_v2t: 0.5066 sim_loss_t2v: 0.4998 2023/07/30 14:34:35 - mmengine - INFO - Epoch(train) [14][ 400/1879] base_lr: 4.6002e-06 lr: 4.6002e-06 eta: 7:44:46 time: 0.4031 data_time: 0.0290 memory: 8783 loss: 1.0447 sim_loss_v2t: 0.5184 sim_loss_t2v: 0.5263 2023/07/30 14:35:14 - mmengine - INFO - Epoch(train) [14][ 500/1879] base_lr: 4.5952e-06 lr: 4.5952e-06 eta: 7:44:03 time: 0.3921 data_time: 0.0269 memory: 8783 loss: 0.9579 sim_loss_v2t: 0.4806 sim_loss_t2v: 0.4773 2023/07/30 14:35:42 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:35:54 - mmengine - INFO - Epoch(train) [14][ 600/1879] base_lr: 4.5901e-06 lr: 4.5901e-06 eta: 7:43:22 time: 0.3694 data_time: 0.0281 memory: 8783 loss: 1.0083 sim_loss_v2t: 0.5062 sim_loss_t2v: 0.5021 2023/07/30 14:36:34 - mmengine - INFO - Epoch(train) [14][ 700/1879] base_lr: 4.5850e-06 lr: 4.5850e-06 eta: 7:42:39 time: 0.4230 data_time: 0.0286 memory: 8783 loss: 0.9962 sim_loss_v2t: 0.4947 sim_loss_t2v: 0.5016 2023/07/30 14:37:14 - mmengine - INFO - Epoch(train) [14][ 800/1879] base_lr: 4.5799e-06 lr: 4.5799e-06 eta: 7:41:59 time: 0.4433 data_time: 0.0213 memory: 8783 loss: 0.9862 sim_loss_v2t: 0.4901 sim_loss_t2v: 0.4961 2023/07/30 14:37:53 - mmengine - INFO - Epoch(train) [14][ 900/1879] base_lr: 4.5747e-06 lr: 4.5747e-06 eta: 7:41:15 time: 0.3673 data_time: 0.0250 memory: 8783 loss: 0.9907 sim_loss_v2t: 0.4960 sim_loss_t2v: 0.4947 2023/07/30 14:38:34 - mmengine - INFO - Epoch(train) [14][1000/1879] base_lr: 4.5695e-06 lr: 4.5695e-06 eta: 7:40:36 time: 0.4588 data_time: 0.0291 memory: 8783 loss: 0.9528 sim_loss_v2t: 0.4779 sim_loss_t2v: 0.4749 2023/07/30 14:39:16 - mmengine - INFO - Epoch(train) [14][1100/1879] base_lr: 4.5643e-06 lr: 4.5643e-06 eta: 7:40:01 time: 0.3475 data_time: 0.0280 memory: 8783 loss: 0.9964 sim_loss_v2t: 0.5017 sim_loss_t2v: 0.4947 2023/07/30 14:39:54 - mmengine - INFO - Epoch(train) [14][1200/1879] base_lr: 4.5590e-06 lr: 4.5590e-06 eta: 7:39:13 time: 0.3206 data_time: 0.0234 memory: 8783 loss: 1.0121 sim_loss_v2t: 0.5063 sim_loss_t2v: 0.5059 2023/07/30 14:40:34 - mmengine - INFO - Epoch(train) [14][1300/1879] base_lr: 4.5537e-06 lr: 4.5537e-06 eta: 7:38:32 time: 0.3748 data_time: 0.0241 memory: 8783 loss: 0.9940 sim_loss_v2t: 0.4918 sim_loss_t2v: 0.5022 2023/07/30 14:41:18 - mmengine - INFO - Epoch(train) [14][1400/1879] base_lr: 4.5484e-06 lr: 4.5484e-06 eta: 7:38:02 time: 0.5518 data_time: 0.0405 memory: 8783 loss: 1.0042 sim_loss_v2t: 0.4952 sim_loss_t2v: 0.5091 2023/07/30 14:41:56 - mmengine - INFO - Epoch(train) [14][1500/1879] base_lr: 4.5431e-06 lr: 4.5431e-06 eta: 7:37:15 time: 0.3728 data_time: 0.0262 memory: 8783 loss: 1.0179 sim_loss_v2t: 0.5082 sim_loss_t2v: 0.5097 2023/07/30 14:42:25 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:42:37 - mmengine - INFO - Epoch(train) [14][1600/1879] base_lr: 4.5377e-06 lr: 4.5377e-06 eta: 7:36:37 time: 0.4857 data_time: 0.0246 memory: 8783 loss: 1.0028 sim_loss_v2t: 0.4962 sim_loss_t2v: 0.5067 2023/07/30 14:43:15 - mmengine - INFO - Epoch(train) [14][1700/1879] base_lr: 4.5323e-06 lr: 4.5323e-06 eta: 7:35:50 time: 0.3372 data_time: 0.0990 memory: 8783 loss: 1.0041 sim_loss_v2t: 0.5027 sim_loss_t2v: 0.5015 2023/07/30 14:43:56 - mmengine - INFO - Epoch(train) [14][1800/1879] base_lr: 4.5269e-06 lr: 4.5269e-06 eta: 7:35:11 time: 0.4661 data_time: 0.2074 memory: 8783 loss: 1.0106 sim_loss_v2t: 0.5032 sim_loss_t2v: 0.5075 2023/07/30 14:44:24 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:44:24 - mmengine - INFO - Epoch(train) [14][1879/1879] base_lr: 4.5226e-06 lr: 4.5226e-06 eta: 7:34:29 time: 0.1770 data_time: 0.0110 memory: 8783 loss: 1.0141 sim_loss_v2t: 0.5049 sim_loss_t2v: 0.5092 2023/07/30 14:44:24 - mmengine - INFO - Saving checkpoint at 14 epochs 2023/07/30 14:46:35 - mmengine - INFO - Epoch(val) [14][100/155] eta: 0:01:04 time: 1.1468 data_time: 0.0412 memory: 18758 2023/07/30 14:47:39 - mmengine - INFO - Epoch(val) [14][155/155] acc/top1: 0.7498 acc/top5: 0.9283 acc/mean1: 0.7497 data_time: 0.0503 time: 1.1552 2023/07/30 14:47:39 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_11.pth is removed 2023/07/30 14:47:46 - mmengine - INFO - The best checkpoint with 0.7498 acc/top1 at 14 epoch is saved to best_acc_top1_epoch_14.pth. 2023/07/30 14:48:40 - mmengine - INFO - Epoch(train) [15][ 100/1879] base_lr: 4.5171e-06 lr: 4.5171e-06 eta: 7:33:52 time: 0.4742 data_time: 0.0313 memory: 18758 loss: 0.9400 sim_loss_v2t: 0.4714 sim_loss_t2v: 0.4686 2023/07/30 14:49:21 - mmengine - INFO - Epoch(train) [15][ 200/1879] base_lr: 4.5116e-06 lr: 4.5116e-06 eta: 7:33:13 time: 0.4545 data_time: 0.0259 memory: 8783 loss: 0.9361 sim_loss_v2t: 0.4654 sim_loss_t2v: 0.4707 2023/07/30 14:49:59 - mmengine - INFO - Epoch(train) [15][ 300/1879] base_lr: 4.5061e-06 lr: 4.5061e-06 eta: 7:32:25 time: 0.3833 data_time: 0.0236 memory: 8783 loss: 0.9449 sim_loss_v2t: 0.4755 sim_loss_t2v: 0.4694 2023/07/30 14:50:40 - mmengine - INFO - Epoch(train) [15][ 400/1879] base_lr: 4.5005e-06 lr: 4.5005e-06 eta: 7:31:48 time: 0.3929 data_time: 0.0302 memory: 8783 loss: 0.9821 sim_loss_v2t: 0.4882 sim_loss_t2v: 0.4939 2023/07/30 14:51:20 - mmengine - INFO - Epoch(train) [15][ 500/1879] base_lr: 4.4950e-06 lr: 4.4950e-06 eta: 7:31:06 time: 0.3970 data_time: 0.0228 memory: 8783 loss: 1.0145 sim_loss_v2t: 0.5089 sim_loss_t2v: 0.5056 2023/07/30 14:52:01 - mmengine - INFO - Epoch(train) [15][ 600/1879] base_lr: 4.4893e-06 lr: 4.4893e-06 eta: 7:30:29 time: 0.4164 data_time: 0.0235 memory: 8783 loss: 1.0169 sim_loss_v2t: 0.5118 sim_loss_t2v: 0.5052 2023/07/30 14:52:37 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:52:41 - mmengine - INFO - Epoch(train) [15][ 700/1879] base_lr: 4.4837e-06 lr: 4.4837e-06 eta: 7:29:48 time: 0.3903 data_time: 0.0255 memory: 8783 loss: 0.9757 sim_loss_v2t: 0.4814 sim_loss_t2v: 0.4943 2023/07/30 14:53:20 - mmengine - INFO - Epoch(train) [15][ 800/1879] base_lr: 4.4780e-06 lr: 4.4780e-06 eta: 7:29:04 time: 0.3935 data_time: 0.0706 memory: 8783 loss: 0.9800 sim_loss_v2t: 0.4868 sim_loss_t2v: 0.4932 2023/07/30 14:53:59 - mmengine - INFO - Epoch(train) [15][ 900/1879] base_lr: 4.4723e-06 lr: 4.4723e-06 eta: 7:28:19 time: 0.3146 data_time: 0.0239 memory: 8783 loss: 0.9567 sim_loss_v2t: 0.4840 sim_loss_t2v: 0.4727 2023/07/30 14:54:40 - mmengine - INFO - Epoch(train) [15][1000/1879] base_lr: 4.4666e-06 lr: 4.4666e-06 eta: 7:27:41 time: 0.3625 data_time: 0.0517 memory: 8783 loss: 0.9834 sim_loss_v2t: 0.4909 sim_loss_t2v: 0.4925 2023/07/30 14:55:21 - mmengine - INFO - Epoch(train) [15][1100/1879] base_lr: 4.4609e-06 lr: 4.4609e-06 eta: 7:27:01 time: 0.3960 data_time: 0.0282 memory: 8783 loss: 0.9892 sim_loss_v2t: 0.4905 sim_loss_t2v: 0.4987 2023/07/30 14:55:59 - mmengine - INFO - Epoch(train) [15][1200/1879] base_lr: 4.4551e-06 lr: 4.4551e-06 eta: 7:26:17 time: 0.3650 data_time: 0.0270 memory: 8783 loss: 0.9754 sim_loss_v2t: 0.4856 sim_loss_t2v: 0.4898 2023/07/30 14:56:39 - mmengine - INFO - Epoch(train) [15][1300/1879] base_lr: 4.4493e-06 lr: 4.4493e-06 eta: 7:25:36 time: 0.3738 data_time: 0.0290 memory: 8783 loss: 1.0000 sim_loss_v2t: 0.5008 sim_loss_t2v: 0.4992 2023/07/30 14:57:19 - mmengine - INFO - Epoch(train) [15][1400/1879] base_lr: 4.4435e-06 lr: 4.4435e-06 eta: 7:24:55 time: 0.3789 data_time: 0.0250 memory: 8783 loss: 0.9759 sim_loss_v2t: 0.4861 sim_loss_t2v: 0.4898 2023/07/30 14:58:00 - mmengine - INFO - Epoch(train) [15][1500/1879] base_lr: 4.4376e-06 lr: 4.4376e-06 eta: 7:24:15 time: 0.3957 data_time: 0.0528 memory: 8783 loss: 1.0346 sim_loss_v2t: 0.5155 sim_loss_t2v: 0.5190 2023/07/30 14:58:38 - mmengine - INFO - Epoch(train) [15][1600/1879] base_lr: 4.4317e-06 lr: 4.4317e-06 eta: 7:23:31 time: 0.2953 data_time: 0.0230 memory: 8783 loss: 0.9603 sim_loss_v2t: 0.4791 sim_loss_t2v: 0.4812 2023/07/30 14:59:19 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 14:59:20 - mmengine - INFO - Epoch(train) [15][1700/1879] base_lr: 4.4258e-06 lr: 4.4258e-06 eta: 7:22:54 time: 0.4052 data_time: 0.0214 memory: 8783 loss: 0.9375 sim_loss_v2t: 0.4647 sim_loss_t2v: 0.4728 2023/07/30 14:59:59 - mmengine - INFO - Epoch(train) [15][1800/1879] base_lr: 4.4199e-06 lr: 4.4199e-06 eta: 7:22:11 time: 0.4830 data_time: 0.0449 memory: 8783 loss: 0.9403 sim_loss_v2t: 0.4667 sim_loss_t2v: 0.4736 2023/07/30 15:00:27 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:00:27 - mmengine - INFO - Epoch(train) [15][1879/1879] base_lr: 4.4152e-06 lr: 4.4152e-06 eta: 7:21:30 time: 0.2411 data_time: 0.0101 memory: 8783 loss: 1.0090 sim_loss_v2t: 0.5006 sim_loss_t2v: 0.5084 2023/07/30 15:00:27 - mmengine - INFO - Saving checkpoint at 15 epochs 2023/07/30 15:02:39 - mmengine - INFO - Epoch(val) [15][100/155] eta: 0:01:04 time: 1.1464 data_time: 0.0424 memory: 18758 2023/07/30 15:03:42 - mmengine - INFO - Epoch(val) [15][155/155] acc/top1: 0.7469 acc/top5: 0.9279 acc/mean1: 0.7468 data_time: 0.0519 time: 1.1565 2023/07/30 15:04:32 - mmengine - INFO - Epoch(train) [16][ 100/1879] base_lr: 4.4092e-06 lr: 4.4092e-06 eta: 7:21:10 time: 0.4013 data_time: 0.0260 memory: 18758 loss: 0.9831 sim_loss_v2t: 0.4862 sim_loss_t2v: 0.4969 2023/07/30 15:05:10 - mmengine - INFO - Epoch(train) [16][ 200/1879] base_lr: 4.4032e-06 lr: 4.4032e-06 eta: 7:20:26 time: 0.3355 data_time: 0.0241 memory: 8783 loss: 0.9320 sim_loss_v2t: 0.4646 sim_loss_t2v: 0.4673 2023/07/30 15:05:52 - mmengine - INFO - Epoch(train) [16][ 300/1879] base_lr: 4.3971e-06 lr: 4.3971e-06 eta: 7:19:49 time: 0.5132 data_time: 0.0266 memory: 8783 loss: 0.9615 sim_loss_v2t: 0.4787 sim_loss_t2v: 0.4827 2023/07/30 15:06:30 - mmengine - INFO - Epoch(train) [16][ 400/1879] base_lr: 4.3911e-06 lr: 4.3911e-06 eta: 7:19:03 time: 0.3186 data_time: 0.0531 memory: 8783 loss: 0.9825 sim_loss_v2t: 0.4935 sim_loss_t2v: 0.4889 2023/07/30 15:07:10 - mmengine - INFO - Epoch(train) [16][ 500/1879] base_lr: 4.3850e-06 lr: 4.3850e-06 eta: 7:18:22 time: 0.4479 data_time: 0.1799 memory: 8783 loss: 0.9712 sim_loss_v2t: 0.4813 sim_loss_t2v: 0.4899 2023/07/30 15:07:50 - mmengine - INFO - Epoch(train) [16][ 600/1879] base_lr: 4.3789e-06 lr: 4.3789e-06 eta: 7:17:41 time: 0.3512 data_time: 0.0288 memory: 8783 loss: 0.9115 sim_loss_v2t: 0.4572 sim_loss_t2v: 0.4543 2023/07/30 15:08:32 - mmengine - INFO - Epoch(train) [16][ 700/1879] base_lr: 4.3727e-06 lr: 4.3727e-06 eta: 7:17:05 time: 0.4256 data_time: 0.0284 memory: 8783 loss: 1.0295 sim_loss_v2t: 0.5088 sim_loss_t2v: 0.5207 2023/07/30 15:09:12 - mmengine - INFO - Epoch(train) [16][ 800/1879] base_lr: 4.3666e-06 lr: 4.3666e-06 eta: 7:16:22 time: 0.3508 data_time: 0.0299 memory: 8783 loss: 0.9342 sim_loss_v2t: 0.4611 sim_loss_t2v: 0.4731 2023/07/30 15:09:18 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:09:52 - mmengine - INFO - Epoch(train) [16][ 900/1879] base_lr: 4.3604e-06 lr: 4.3604e-06 eta: 7:15:42 time: 0.4383 data_time: 0.1466 memory: 8783 loss: 0.9462 sim_loss_v2t: 0.4782 sim_loss_t2v: 0.4679 2023/07/30 15:10:32 - mmengine - INFO - Epoch(train) [16][1000/1879] base_lr: 4.3542e-06 lr: 4.3542e-06 eta: 7:15:02 time: 0.3401 data_time: 0.0208 memory: 8783 loss: 0.9946 sim_loss_v2t: 0.5003 sim_loss_t2v: 0.4943 2023/07/30 15:11:13 - mmengine - INFO - Epoch(train) [16][1100/1879] base_lr: 4.3479e-06 lr: 4.3479e-06 eta: 7:14:22 time: 0.4125 data_time: 0.0219 memory: 8783 loss: 0.9285 sim_loss_v2t: 0.4646 sim_loss_t2v: 0.4640 2023/07/30 15:11:53 - mmengine - INFO - Epoch(train) [16][1200/1879] base_lr: 4.3416e-06 lr: 4.3416e-06 eta: 7:13:41 time: 0.3404 data_time: 0.0298 memory: 8783 loss: 0.9533 sim_loss_v2t: 0.4705 sim_loss_t2v: 0.4829 2023/07/30 15:12:34 - mmengine - INFO - Epoch(train) [16][1300/1879] base_lr: 4.3354e-06 lr: 4.3354e-06 eta: 7:13:03 time: 0.3579 data_time: 0.0258 memory: 8783 loss: 0.9353 sim_loss_v2t: 0.4736 sim_loss_t2v: 0.4617 2023/07/30 15:13:15 - mmengine - INFO - Epoch(train) [16][1400/1879] base_lr: 4.3290e-06 lr: 4.3290e-06 eta: 7:12:25 time: 0.4401 data_time: 0.0530 memory: 8783 loss: 0.9729 sim_loss_v2t: 0.4868 sim_loss_t2v: 0.4862 2023/07/30 15:13:54 - mmengine - INFO - Epoch(train) [16][1500/1879] base_lr: 4.3227e-06 lr: 4.3227e-06 eta: 7:11:41 time: 0.4386 data_time: 0.0623 memory: 8783 loss: 0.9768 sim_loss_v2t: 0.4872 sim_loss_t2v: 0.4895 2023/07/30 15:14:33 - mmengine - INFO - Epoch(train) [16][1600/1879] base_lr: 4.3163e-06 lr: 4.3163e-06 eta: 7:10:58 time: 0.3453 data_time: 0.0236 memory: 8783 loss: 0.9826 sim_loss_v2t: 0.4904 sim_loss_t2v: 0.4923 2023/07/30 15:15:14 - mmengine - INFO - Epoch(train) [16][1700/1879] base_lr: 4.3099e-06 lr: 4.3099e-06 eta: 7:10:18 time: 0.3742 data_time: 0.0252 memory: 8783 loss: 0.9529 sim_loss_v2t: 0.4756 sim_loss_t2v: 0.4773 2023/07/30 15:15:55 - mmengine - INFO - Epoch(train) [16][1800/1879] base_lr: 4.3035e-06 lr: 4.3035e-06 eta: 7:09:39 time: 0.4324 data_time: 0.0240 memory: 8783 loss: 0.9076 sim_loss_v2t: 0.4475 sim_loss_t2v: 0.4601 2023/07/30 15:16:01 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:16:21 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:16:21 - mmengine - INFO - Epoch(train) [16][1879/1879] base_lr: 4.2984e-06 lr: 4.2984e-06 eta: 7:08:56 time: 0.1773 data_time: 0.0120 memory: 8783 loss: 0.9534 sim_loss_v2t: 0.4714 sim_loss_t2v: 0.4820 2023/07/30 15:16:21 - mmengine - INFO - Saving checkpoint at 16 epochs 2023/07/30 15:18:34 - mmengine - INFO - Epoch(val) [16][100/155] eta: 0:01:04 time: 1.1496 data_time: 0.0402 memory: 18758 2023/07/30 15:19:37 - mmengine - INFO - Epoch(val) [16][155/155] acc/top1: 0.7532 acc/top5: 0.9313 acc/mean1: 0.7532 data_time: 0.0501 time: 1.1555 2023/07/30 15:19:37 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_14.pth is removed 2023/07/30 15:19:44 - mmengine - INFO - The best checkpoint with 0.7532 acc/top1 at 16 epoch is saved to best_acc_top1_epoch_16.pth. 2023/07/30 15:20:40 - mmengine - INFO - Epoch(train) [17][ 100/1879] base_lr: 4.2919e-06 lr: 4.2919e-06 eta: 7:08:22 time: 0.5618 data_time: 0.1131 memory: 18758 loss: 0.9686 sim_loss_v2t: 0.4858 sim_loss_t2v: 0.4829 2023/07/30 15:21:19 - mmengine - INFO - Epoch(train) [17][ 200/1879] base_lr: 4.2855e-06 lr: 4.2855e-06 eta: 7:07:38 time: 0.3969 data_time: 0.0250 memory: 8783 loss: 0.9137 sim_loss_v2t: 0.4574 sim_loss_t2v: 0.4564 2023/07/30 15:21:57 - mmengine - INFO - Epoch(train) [17][ 300/1879] base_lr: 4.2789e-06 lr: 4.2789e-06 eta: 7:06:53 time: 0.3576 data_time: 0.0276 memory: 8783 loss: 0.9465 sim_loss_v2t: 0.4712 sim_loss_t2v: 0.4753 2023/07/30 15:22:41 - mmengine - INFO - Epoch(train) [17][ 400/1879] base_lr: 4.2724e-06 lr: 4.2724e-06 eta: 7:06:20 time: 0.3636 data_time: 0.0330 memory: 8783 loss: 0.9692 sim_loss_v2t: 0.4789 sim_loss_t2v: 0.4903 2023/07/30 15:23:20 - mmengine - INFO - Epoch(train) [17][ 500/1879] base_lr: 4.2658e-06 lr: 4.2658e-06 eta: 7:05:39 time: 0.3005 data_time: 0.0216 memory: 8783 loss: 0.9710 sim_loss_v2t: 0.4910 sim_loss_t2v: 0.4800 2023/07/30 15:24:00 - mmengine - INFO - Epoch(train) [17][ 600/1879] base_lr: 4.2593e-06 lr: 4.2593e-06 eta: 7:04:57 time: 0.3320 data_time: 0.0257 memory: 8783 loss: 0.9244 sim_loss_v2t: 0.4629 sim_loss_t2v: 0.4614 2023/07/30 15:24:40 - mmengine - INFO - Epoch(train) [17][ 700/1879] base_lr: 4.2526e-06 lr: 4.2526e-06 eta: 7:04:16 time: 0.4536 data_time: 0.0234 memory: 8783 loss: 0.9327 sim_loss_v2t: 0.4613 sim_loss_t2v: 0.4714 2023/07/30 15:25:21 - mmengine - INFO - Epoch(train) [17][ 800/1879] base_lr: 4.2460e-06 lr: 4.2460e-06 eta: 7:03:37 time: 0.3765 data_time: 0.0293 memory: 8783 loss: 0.9534 sim_loss_v2t: 0.4715 sim_loss_t2v: 0.4819 2023/07/30 15:26:01 - mmengine - INFO - Epoch(train) [17][ 900/1879] base_lr: 4.2394e-06 lr: 4.2394e-06 eta: 7:02:56 time: 0.3434 data_time: 0.0209 memory: 8783 loss: 0.9670 sim_loss_v2t: 0.4792 sim_loss_t2v: 0.4877 2023/07/30 15:26:15 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:26:40 - mmengine - INFO - Epoch(train) [17][1000/1879] base_lr: 4.2327e-06 lr: 4.2327e-06 eta: 7:02:13 time: 0.3566 data_time: 0.0287 memory: 8783 loss: 0.9160 sim_loss_v2t: 0.4628 sim_loss_t2v: 0.4532 2023/07/30 15:27:20 - mmengine - INFO - Epoch(train) [17][1100/1879] base_lr: 4.2260e-06 lr: 4.2260e-06 eta: 7:01:33 time: 0.4109 data_time: 0.0257 memory: 8783 loss: 0.9330 sim_loss_v2t: 0.4619 sim_loss_t2v: 0.4711 2023/07/30 15:28:00 - mmengine - INFO - Epoch(train) [17][1200/1879] base_lr: 4.2192e-06 lr: 4.2192e-06 eta: 7:00:52 time: 0.4466 data_time: 0.0303 memory: 8783 loss: 0.9370 sim_loss_v2t: 0.4686 sim_loss_t2v: 0.4684 2023/07/30 15:28:40 - mmengine - INFO - Epoch(train) [17][1300/1879] base_lr: 4.2125e-06 lr: 4.2125e-06 eta: 7:00:11 time: 0.4094 data_time: 0.0245 memory: 8783 loss: 0.9792 sim_loss_v2t: 0.4892 sim_loss_t2v: 0.4900 2023/07/30 15:29:19 - mmengine - INFO - Epoch(train) [17][1400/1879] base_lr: 4.2057e-06 lr: 4.2057e-06 eta: 6:59:29 time: 0.3640 data_time: 0.0234 memory: 8783 loss: 0.9641 sim_loss_v2t: 0.4819 sim_loss_t2v: 0.4822 2023/07/30 15:30:00 - mmengine - INFO - Epoch(train) [17][1500/1879] base_lr: 4.1989e-06 lr: 4.1989e-06 eta: 6:58:49 time: 0.4069 data_time: 0.0248 memory: 8783 loss: 0.9599 sim_loss_v2t: 0.4811 sim_loss_t2v: 0.4788 2023/07/30 15:30:41 - mmengine - INFO - Epoch(train) [17][1600/1879] base_lr: 4.1921e-06 lr: 4.1921e-06 eta: 6:58:11 time: 0.4144 data_time: 0.0257 memory: 8783 loss: 0.9477 sim_loss_v2t: 0.4759 sim_loss_t2v: 0.4718 2023/07/30 15:31:21 - mmengine - INFO - Epoch(train) [17][1700/1879] base_lr: 4.1852e-06 lr: 4.1852e-06 eta: 6:57:29 time: 0.3851 data_time: 0.0290 memory: 8783 loss: 0.8995 sim_loss_v2t: 0.4528 sim_loss_t2v: 0.4467 2023/07/30 15:32:01 - mmengine - INFO - Epoch(train) [17][1800/1879] base_lr: 4.1783e-06 lr: 4.1783e-06 eta: 6:56:49 time: 0.3913 data_time: 0.0266 memory: 8783 loss: 0.9433 sim_loss_v2t: 0.4700 sim_loss_t2v: 0.4733 2023/07/30 15:32:27 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:32:27 - mmengine - INFO - Epoch(train) [17][1879/1879] base_lr: 4.1729e-06 lr: 4.1729e-06 eta: 6:56:06 time: 0.1660 data_time: 0.0115 memory: 8783 loss: 0.9203 sim_loss_v2t: 0.4583 sim_loss_t2v: 0.4620 2023/07/30 15:32:27 - mmengine - INFO - Saving checkpoint at 17 epochs 2023/07/30 15:34:39 - mmengine - INFO - Epoch(val) [17][100/155] eta: 0:01:04 time: 1.1492 data_time: 0.0443 memory: 18758 2023/07/30 15:35:43 - mmengine - INFO - Epoch(val) [17][155/155] acc/top1: 0.7537 acc/top5: 0.9313 acc/mean1: 0.7537 data_time: 0.0515 time: 1.1568 2023/07/30 15:35:43 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_16.pth is removed 2023/07/30 15:35:51 - mmengine - INFO - The best checkpoint with 0.7537 acc/top1 at 17 epoch is saved to best_acc_top1_epoch_17.pth. 2023/07/30 15:36:28 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:36:44 - mmengine - INFO - Epoch(train) [18][ 100/1879] base_lr: 4.1660e-06 lr: 4.1660e-06 eta: 6:55:27 time: 0.3147 data_time: 0.0696 memory: 18758 loss: 0.9106 sim_loss_v2t: 0.4549 sim_loss_t2v: 0.4558 2023/07/30 15:37:25 - mmengine - INFO - Epoch(train) [18][ 200/1879] base_lr: 4.1590e-06 lr: 4.1590e-06 eta: 6:54:47 time: 0.3454 data_time: 0.0667 memory: 8783 loss: 0.9355 sim_loss_v2t: 0.4676 sim_loss_t2v: 0.4679 2023/07/30 15:38:06 - mmengine - INFO - Epoch(train) [18][ 300/1879] base_lr: 4.1521e-06 lr: 4.1521e-06 eta: 6:54:10 time: 0.3498 data_time: 0.0224 memory: 8783 loss: 0.9027 sim_loss_v2t: 0.4481 sim_loss_t2v: 0.4546 2023/07/30 15:38:47 - mmengine - INFO - Epoch(train) [18][ 400/1879] base_lr: 4.1451e-06 lr: 4.1451e-06 eta: 6:53:29 time: 0.4209 data_time: 0.0244 memory: 8783 loss: 0.8719 sim_loss_v2t: 0.4405 sim_loss_t2v: 0.4314 2023/07/30 15:39:25 - mmengine - INFO - Epoch(train) [18][ 500/1879] base_lr: 4.1381e-06 lr: 4.1381e-06 eta: 6:52:45 time: 0.3584 data_time: 0.0258 memory: 8783 loss: 0.8874 sim_loss_v2t: 0.4439 sim_loss_t2v: 0.4435 2023/07/30 15:40:06 - mmengine - INFO - Epoch(train) [18][ 600/1879] base_lr: 4.1311e-06 lr: 4.1311e-06 eta: 6:52:06 time: 0.4164 data_time: 0.0257 memory: 8783 loss: 0.9287 sim_loss_v2t: 0.4645 sim_loss_t2v: 0.4642 2023/07/30 15:40:51 - mmengine - INFO - Epoch(train) [18][ 700/1879] base_lr: 4.1240e-06 lr: 4.1240e-06 eta: 6:51:35 time: 0.3859 data_time: 0.0257 memory: 8783 loss: 0.9172 sim_loss_v2t: 0.4624 sim_loss_t2v: 0.4549 2023/07/30 15:41:34 - mmengine - INFO - Epoch(train) [18][ 800/1879] base_lr: 4.1169e-06 lr: 4.1169e-06 eta: 6:50:59 time: 0.4825 data_time: 0.0467 memory: 8783 loss: 0.9147 sim_loss_v2t: 0.4548 sim_loss_t2v: 0.4599 2023/07/30 15:42:11 - mmengine - INFO - Epoch(train) [18][ 900/1879] base_lr: 4.1098e-06 lr: 4.1098e-06 eta: 6:50:14 time: 0.3504 data_time: 0.0253 memory: 8783 loss: 0.9366 sim_loss_v2t: 0.4640 sim_loss_t2v: 0.4726 2023/07/30 15:42:52 - mmengine - INFO - Epoch(train) [18][1000/1879] base_lr: 4.1027e-06 lr: 4.1027e-06 eta: 6:49:35 time: 0.3988 data_time: 0.0313 memory: 8783 loss: 0.9187 sim_loss_v2t: 0.4559 sim_loss_t2v: 0.4628 2023/07/30 15:43:16 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:43:33 - mmengine - INFO - Epoch(train) [18][1100/1879] base_lr: 4.0956e-06 lr: 4.0956e-06 eta: 6:48:55 time: 0.3703 data_time: 0.0243 memory: 8783 loss: 0.8968 sim_loss_v2t: 0.4488 sim_loss_t2v: 0.4481 2023/07/30 15:44:12 - mmengine - INFO - Epoch(train) [18][1200/1879] base_lr: 4.0884e-06 lr: 4.0884e-06 eta: 6:48:13 time: 0.3444 data_time: 0.0250 memory: 8783 loss: 0.9533 sim_loss_v2t: 0.4771 sim_loss_t2v: 0.4763 2023/07/30 15:44:51 - mmengine - INFO - Epoch(train) [18][1300/1879] base_lr: 4.0812e-06 lr: 4.0812e-06 eta: 6:47:31 time: 0.4132 data_time: 0.0294 memory: 8783 loss: 0.9201 sim_loss_v2t: 0.4605 sim_loss_t2v: 0.4596 2023/07/30 15:45:33 - mmengine - INFO - Epoch(train) [18][1400/1879] base_lr: 4.0740e-06 lr: 4.0740e-06 eta: 6:46:52 time: 0.3802 data_time: 0.0281 memory: 8783 loss: 0.8895 sim_loss_v2t: 0.4456 sim_loss_t2v: 0.4439 2023/07/30 15:46:12 - mmengine - INFO - Epoch(train) [18][1500/1879] base_lr: 4.0668e-06 lr: 4.0668e-06 eta: 6:46:10 time: 0.3422 data_time: 0.0258 memory: 8783 loss: 0.9105 sim_loss_v2t: 0.4567 sim_loss_t2v: 0.4537 2023/07/30 15:46:55 - mmengine - INFO - Epoch(train) [18][1600/1879] base_lr: 4.0596e-06 lr: 4.0596e-06 eta: 6:45:34 time: 0.4698 data_time: 0.0200 memory: 8783 loss: 0.9370 sim_loss_v2t: 0.4646 sim_loss_t2v: 0.4725 2023/07/30 15:47:33 - mmengine - INFO - Epoch(train) [18][1700/1879] base_lr: 4.0523e-06 lr: 4.0523e-06 eta: 6:44:51 time: 0.3618 data_time: 0.0306 memory: 8783 loss: 0.9517 sim_loss_v2t: 0.4771 sim_loss_t2v: 0.4745 2023/07/30 15:48:13 - mmengine - INFO - Epoch(train) [18][1800/1879] base_lr: 4.0450e-06 lr: 4.0450e-06 eta: 6:44:09 time: 0.3894 data_time: 0.0260 memory: 8783 loss: 0.9317 sim_loss_v2t: 0.4668 sim_loss_t2v: 0.4649 2023/07/30 15:48:41 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:48:41 - mmengine - INFO - Epoch(train) [18][1879/1879] base_lr: 4.0392e-06 lr: 4.0392e-06 eta: 6:43:30 time: 0.1702 data_time: 0.0101 memory: 8783 loss: 0.9511 sim_loss_v2t: 0.4708 sim_loss_t2v: 0.4803 2023/07/30 15:48:41 - mmengine - INFO - Saving checkpoint at 18 epochs 2023/07/30 15:50:53 - mmengine - INFO - Epoch(val) [18][100/155] eta: 0:01:04 time: 1.1471 data_time: 0.0423 memory: 18758 2023/07/30 15:51:57 - mmengine - INFO - Epoch(val) [18][155/155] acc/top1: 0.7570 acc/top5: 0.9313 acc/mean1: 0.7570 data_time: 0.0516 time: 1.1560 2023/07/30 15:51:57 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_17.pth is removed 2023/07/30 15:52:04 - mmengine - INFO - The best checkpoint with 0.7570 acc/top1 at 18 epoch is saved to best_acc_top1_epoch_18.pth. 2023/07/30 15:52:57 - mmengine - INFO - Epoch(train) [19][ 100/1879] base_lr: 4.0319e-06 lr: 4.0319e-06 eta: 6:42:51 time: 0.4422 data_time: 0.0339 memory: 18758 loss: 0.9051 sim_loss_v2t: 0.4525 sim_loss_t2v: 0.4526 2023/07/30 15:53:28 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 15:53:37 - mmengine - INFO - Epoch(train) [19][ 200/1879] base_lr: 4.0245e-06 lr: 4.0245e-06 eta: 6:42:09 time: 0.4245 data_time: 0.0357 memory: 8783 loss: 0.9314 sim_loss_v2t: 0.4644 sim_loss_t2v: 0.4671 2023/07/30 15:54:15 - mmengine - INFO - Epoch(train) [19][ 300/1879] base_lr: 4.0172e-06 lr: 4.0172e-06 eta: 6:41:25 time: 0.3634 data_time: 0.0336 memory: 8783 loss: 0.9080 sim_loss_v2t: 0.4515 sim_loss_t2v: 0.4565 2023/07/30 15:54:56 - mmengine - INFO - Epoch(train) [19][ 400/1879] base_lr: 4.0098e-06 lr: 4.0098e-06 eta: 6:40:46 time: 0.4165 data_time: 0.1091 memory: 8783 loss: 0.9028 sim_loss_v2t: 0.4510 sim_loss_t2v: 0.4518 2023/07/30 15:55:37 - mmengine - INFO - Epoch(train) [19][ 500/1879] base_lr: 4.0024e-06 lr: 4.0024e-06 eta: 6:40:07 time: 0.4532 data_time: 0.0303 memory: 8783 loss: 0.9407 sim_loss_v2t: 0.4693 sim_loss_t2v: 0.4715 2023/07/30 15:56:16 - mmengine - INFO - Epoch(train) [19][ 600/1879] base_lr: 3.9949e-06 lr: 3.9949e-06 eta: 6:39:25 time: 0.3968 data_time: 0.0220 memory: 8783 loss: 0.9081 sim_loss_v2t: 0.4509 sim_loss_t2v: 0.4572 2023/07/30 15:56:55 - mmengine - INFO - Epoch(train) [19][ 700/1879] base_lr: 3.9875e-06 lr: 3.9875e-06 eta: 6:38:42 time: 0.3565 data_time: 0.0707 memory: 8783 loss: 0.9362 sim_loss_v2t: 0.4673 sim_loss_t2v: 0.4689 2023/07/30 15:57:41 - mmengine - INFO - Epoch(train) [19][ 800/1879] base_lr: 3.9800e-06 lr: 3.9800e-06 eta: 6:38:12 time: 0.5961 data_time: 0.1275 memory: 8783 loss: 0.8965 sim_loss_v2t: 0.4510 sim_loss_t2v: 0.4456 2023/07/30 15:58:19 - mmengine - INFO - Epoch(train) [19][ 900/1879] base_lr: 3.9725e-06 lr: 3.9725e-06 eta: 6:37:27 time: 0.3985 data_time: 0.0512 memory: 8783 loss: 0.9054 sim_loss_v2t: 0.4530 sim_loss_t2v: 0.4524 2023/07/30 15:58:58 - mmengine - INFO - Epoch(train) [19][1000/1879] base_lr: 3.9650e-06 lr: 3.9650e-06 eta: 6:36:46 time: 0.3639 data_time: 0.0416 memory: 8783 loss: 0.8949 sim_loss_v2t: 0.4414 sim_loss_t2v: 0.4535 2023/07/30 15:59:39 - mmengine - INFO - Epoch(train) [19][1100/1879] base_lr: 3.9575e-06 lr: 3.9575e-06 eta: 6:36:06 time: 0.4219 data_time: 0.0273 memory: 8783 loss: 0.9254 sim_loss_v2t: 0.4673 sim_loss_t2v: 0.4580 2023/07/30 16:00:09 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:00:22 - mmengine - INFO - Epoch(train) [19][1200/1879] base_lr: 3.9499e-06 lr: 3.9499e-06 eta: 6:35:30 time: 0.5688 data_time: 0.3141 memory: 8783 loss: 0.9295 sim_loss_v2t: 0.4683 sim_loss_t2v: 0.4612 2023/07/30 16:00:59 - mmengine - INFO - Epoch(train) [19][1300/1879] base_lr: 3.9423e-06 lr: 3.9423e-06 eta: 6:34:44 time: 0.3982 data_time: 0.0239 memory: 8783 loss: 0.9242 sim_loss_v2t: 0.4584 sim_loss_t2v: 0.4659 2023/07/30 16:01:40 - mmengine - INFO - Epoch(train) [19][1400/1879] base_lr: 3.9347e-06 lr: 3.9347e-06 eta: 6:34:05 time: 0.4273 data_time: 0.0266 memory: 8783 loss: 0.9258 sim_loss_v2t: 0.4652 sim_loss_t2v: 0.4606 2023/07/30 16:02:20 - mmengine - INFO - Epoch(train) [19][1500/1879] base_lr: 3.9271e-06 lr: 3.9271e-06 eta: 6:33:24 time: 0.3749 data_time: 0.1313 memory: 8783 loss: 0.8692 sim_loss_v2t: 0.4365 sim_loss_t2v: 0.4327 2023/07/30 16:03:01 - mmengine - INFO - Epoch(train) [19][1600/1879] base_lr: 3.9195e-06 lr: 3.9195e-06 eta: 6:32:46 time: 0.3933 data_time: 0.1258 memory: 8783 loss: 0.8790 sim_loss_v2t: 0.4363 sim_loss_t2v: 0.4427 2023/07/30 16:03:42 - mmengine - INFO - Epoch(train) [19][1700/1879] base_lr: 3.9118e-06 lr: 3.9118e-06 eta: 6:32:06 time: 0.3723 data_time: 0.0289 memory: 8783 loss: 0.8784 sim_loss_v2t: 0.4412 sim_loss_t2v: 0.4372 2023/07/30 16:04:22 - mmengine - INFO - Epoch(train) [19][1800/1879] base_lr: 3.9041e-06 lr: 3.9041e-06 eta: 6:31:25 time: 0.4096 data_time: 0.0333 memory: 8783 loss: 0.9061 sim_loss_v2t: 0.4519 sim_loss_t2v: 0.4542 2023/07/30 16:04:47 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:04:47 - mmengine - INFO - Epoch(train) [19][1879/1879] base_lr: 3.8981e-06 lr: 3.8981e-06 eta: 6:30:43 time: 0.1796 data_time: 0.0112 memory: 8783 loss: 0.9054 sim_loss_v2t: 0.4525 sim_loss_t2v: 0.4529 2023/07/30 16:04:47 - mmengine - INFO - Saving checkpoint at 19 epochs 2023/07/30 16:06:59 - mmengine - INFO - Epoch(val) [19][100/155] eta: 0:01:04 time: 1.1507 data_time: 0.0459 memory: 18758 2023/07/30 16:08:03 - mmengine - INFO - Epoch(val) [19][155/155] acc/top1: 0.7548 acc/top5: 0.9312 acc/mean1: 0.7548 data_time: 0.0497 time: 1.1547 2023/07/30 16:08:50 - mmengine - INFO - Epoch(train) [20][ 100/1879] base_lr: 3.8903e-06 lr: 3.8903e-06 eta: 6:30:14 time: 0.3809 data_time: 0.0299 memory: 18758 loss: 0.9199 sim_loss_v2t: 0.4598 sim_loss_t2v: 0.4601 2023/07/30 16:09:33 - mmengine - INFO - Epoch(train) [20][ 200/1879] base_lr: 3.8826e-06 lr: 3.8826e-06 eta: 6:29:38 time: 0.5454 data_time: 0.0149 memory: 8783 loss: 0.8943 sim_loss_v2t: 0.4431 sim_loss_t2v: 0.4512 2023/07/30 16:10:12 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:10:12 - mmengine - INFO - Epoch(train) [20][ 300/1879] base_lr: 3.8749e-06 lr: 3.8749e-06 eta: 6:28:57 time: 0.4263 data_time: 0.0262 memory: 8783 loss: 0.9037 sim_loss_v2t: 0.4498 sim_loss_t2v: 0.4539 2023/07/30 16:10:52 - mmengine - INFO - Epoch(train) [20][ 400/1879] base_lr: 3.8671e-06 lr: 3.8671e-06 eta: 6:28:15 time: 0.3736 data_time: 0.0268 memory: 8783 loss: 0.9193 sim_loss_v2t: 0.4543 sim_loss_t2v: 0.4651 2023/07/30 16:11:32 - mmengine - INFO - Epoch(train) [20][ 500/1879] base_lr: 3.8593e-06 lr: 3.8593e-06 eta: 6:27:34 time: 0.4213 data_time: 0.0450 memory: 8783 loss: 0.8778 sim_loss_v2t: 0.4382 sim_loss_t2v: 0.4396 2023/07/30 16:12:10 - mmengine - INFO - Epoch(train) [20][ 600/1879] base_lr: 3.8515e-06 lr: 3.8515e-06 eta: 6:26:51 time: 0.3480 data_time: 0.0290 memory: 8783 loss: 0.8838 sim_loss_v2t: 0.4424 sim_loss_t2v: 0.4413 2023/07/30 16:12:51 - mmengine - INFO - Epoch(train) [20][ 700/1879] base_lr: 3.8437e-06 lr: 3.8437e-06 eta: 6:26:12 time: 0.3795 data_time: 0.0230 memory: 8783 loss: 0.9303 sim_loss_v2t: 0.4659 sim_loss_t2v: 0.4644 2023/07/30 16:13:30 - mmengine - INFO - Epoch(train) [20][ 800/1879] base_lr: 3.8358e-06 lr: 3.8358e-06 eta: 6:25:29 time: 0.3314 data_time: 0.0268 memory: 8783 loss: 0.9068 sim_loss_v2t: 0.4532 sim_loss_t2v: 0.4536 2023/07/30 16:14:14 - mmengine - INFO - Epoch(train) [20][ 900/1879] base_lr: 3.8280e-06 lr: 3.8280e-06 eta: 6:24:55 time: 0.4842 data_time: 0.0257 memory: 8783 loss: 0.8788 sim_loss_v2t: 0.4310 sim_loss_t2v: 0.4477 2023/07/30 16:14:54 - mmengine - INFO - Epoch(train) [20][1000/1879] base_lr: 3.8201e-06 lr: 3.8201e-06 eta: 6:24:14 time: 0.3758 data_time: 0.0385 memory: 8783 loss: 0.9041 sim_loss_v2t: 0.4542 sim_loss_t2v: 0.4499 2023/07/30 16:15:34 - mmengine - INFO - Epoch(train) [20][1100/1879] base_lr: 3.8122e-06 lr: 3.8122e-06 eta: 6:23:33 time: 0.4952 data_time: 0.2466 memory: 8783 loss: 0.9160 sim_loss_v2t: 0.4532 sim_loss_t2v: 0.4629 2023/07/30 16:16:13 - mmengine - INFO - Epoch(train) [20][1200/1879] base_lr: 3.8043e-06 lr: 3.8043e-06 eta: 6:22:50 time: 0.3610 data_time: 0.0237 memory: 8783 loss: 0.9176 sim_loss_v2t: 0.4623 sim_loss_t2v: 0.4553 2023/07/30 16:16:52 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:16:52 - mmengine - INFO - Epoch(train) [20][1300/1879] base_lr: 3.7964e-06 lr: 3.7964e-06 eta: 6:22:09 time: 0.4028 data_time: 0.0757 memory: 8783 loss: 0.8981 sim_loss_v2t: 0.4459 sim_loss_t2v: 0.4523 2023/07/30 16:17:32 - mmengine - INFO - Epoch(train) [20][1400/1879] base_lr: 3.7884e-06 lr: 3.7884e-06 eta: 6:21:28 time: 0.3584 data_time: 0.0222 memory: 8783 loss: 0.9157 sim_loss_v2t: 0.4596 sim_loss_t2v: 0.4561 2023/07/30 16:18:13 - mmengine - INFO - Epoch(train) [20][1500/1879] base_lr: 3.7804e-06 lr: 3.7804e-06 eta: 6:20:49 time: 0.3958 data_time: 0.0844 memory: 8783 loss: 0.9212 sim_loss_v2t: 0.4601 sim_loss_t2v: 0.4611 2023/07/30 16:18:53 - mmengine - INFO - Epoch(train) [20][1600/1879] base_lr: 3.7725e-06 lr: 3.7725e-06 eta: 6:20:09 time: 0.3971 data_time: 0.0239 memory: 8783 loss: 0.9271 sim_loss_v2t: 0.4694 sim_loss_t2v: 0.4577 2023/07/30 16:19:33 - mmengine - INFO - Epoch(train) [20][1700/1879] base_lr: 3.7645e-06 lr: 3.7645e-06 eta: 6:19:27 time: 0.3656 data_time: 0.0291 memory: 8783 loss: 0.9216 sim_loss_v2t: 0.4608 sim_loss_t2v: 0.4608 2023/07/30 16:20:13 - mmengine - INFO - Epoch(train) [20][1800/1879] base_lr: 3.7564e-06 lr: 3.7564e-06 eta: 6:18:48 time: 0.3552 data_time: 0.0252 memory: 8783 loss: 0.8919 sim_loss_v2t: 0.4476 sim_loss_t2v: 0.4443 2023/07/30 16:20:39 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:20:39 - mmengine - INFO - Epoch(train) [20][1879/1879] base_lr: 3.7501e-06 lr: 3.7501e-06 eta: 6:18:07 time: 0.1737 data_time: 0.0121 memory: 8783 loss: 0.8740 sim_loss_v2t: 0.4366 sim_loss_t2v: 0.4374 2023/07/30 16:20:39 - mmengine - INFO - Saving checkpoint at 20 epochs 2023/07/30 16:22:51 - mmengine - INFO - Epoch(val) [20][100/155] eta: 0:01:04 time: 1.1489 data_time: 0.0440 memory: 18758 2023/07/30 16:23:55 - mmengine - INFO - Epoch(val) [20][155/155] acc/top1: 0.7620 acc/top5: 0.9321 acc/mean1: 0.7620 data_time: 0.0509 time: 1.1559 2023/07/30 16:23:55 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_18.pth is removed 2023/07/30 16:24:02 - mmengine - INFO - The best checkpoint with 0.7620 acc/top1 at 20 epoch is saved to best_acc_top1_epoch_20.pth. 2023/07/30 16:24:57 - mmengine - INFO - Epoch(train) [21][ 100/1879] base_lr: 3.7420e-06 lr: 3.7420e-06 eta: 6:17:28 time: 0.3496 data_time: 0.0298 memory: 18758 loss: 0.9115 sim_loss_v2t: 0.4542 sim_loss_t2v: 0.4573 2023/07/30 16:25:39 - mmengine - INFO - Epoch(train) [21][ 200/1879] base_lr: 3.7340e-06 lr: 3.7340e-06 eta: 6:16:51 time: 0.5798 data_time: 0.2734 memory: 8783 loss: 0.8983 sim_loss_v2t: 0.4415 sim_loss_t2v: 0.4568 2023/07/30 16:26:22 - mmengine - INFO - Epoch(train) [21][ 300/1879] base_lr: 3.7259e-06 lr: 3.7259e-06 eta: 6:16:14 time: 0.3910 data_time: 0.1417 memory: 8783 loss: 0.8717 sim_loss_v2t: 0.4393 sim_loss_t2v: 0.4325 2023/07/30 16:27:00 - mmengine - INFO - Epoch(train) [21][ 400/1879] base_lr: 3.7178e-06 lr: 3.7178e-06 eta: 6:15:30 time: 0.3942 data_time: 0.0251 memory: 8783 loss: 0.8822 sim_loss_v2t: 0.4395 sim_loss_t2v: 0.4427 2023/07/30 16:27:07 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:27:40 - mmengine - INFO - Epoch(train) [21][ 500/1879] base_lr: 3.7096e-06 lr: 3.7096e-06 eta: 6:14:50 time: 0.3408 data_time: 0.0363 memory: 8783 loss: 0.8677 sim_loss_v2t: 0.4349 sim_loss_t2v: 0.4328 2023/07/30 16:28:22 - mmengine - INFO - Epoch(train) [21][ 600/1879] base_lr: 3.7015e-06 lr: 3.7015e-06 eta: 6:14:12 time: 0.4346 data_time: 0.0248 memory: 8783 loss: 0.8776 sim_loss_v2t: 0.4345 sim_loss_t2v: 0.4431 2023/07/30 16:29:02 - mmengine - INFO - Epoch(train) [21][ 700/1879] base_lr: 3.6934e-06 lr: 3.6934e-06 eta: 6:13:32 time: 0.3679 data_time: 0.0268 memory: 8783 loss: 0.8762 sim_loss_v2t: 0.4379 sim_loss_t2v: 0.4383 2023/07/30 16:29:43 - mmengine - INFO - Epoch(train) [21][ 800/1879] base_lr: 3.6852e-06 lr: 3.6852e-06 eta: 6:12:52 time: 0.3886 data_time: 0.0262 memory: 8783 loss: 0.8422 sim_loss_v2t: 0.4192 sim_loss_t2v: 0.4229 2023/07/30 16:30:21 - mmengine - INFO - Epoch(train) [21][ 900/1879] base_lr: 3.6770e-06 lr: 3.6770e-06 eta: 6:12:08 time: 0.3227 data_time: 0.0278 memory: 8783 loss: 0.7882 sim_loss_v2t: 0.3903 sim_loss_t2v: 0.3979 2023/07/30 16:31:01 - mmengine - INFO - Epoch(train) [21][1000/1879] base_lr: 3.6688e-06 lr: 3.6688e-06 eta: 6:11:28 time: 0.3458 data_time: 0.0308 memory: 8783 loss: 0.8643 sim_loss_v2t: 0.4278 sim_loss_t2v: 0.4365 2023/07/30 16:31:41 - mmengine - INFO - Epoch(train) [21][1100/1879] base_lr: 3.6606e-06 lr: 3.6606e-06 eta: 6:10:48 time: 0.3523 data_time: 0.0267 memory: 8783 loss: 0.8853 sim_loss_v2t: 0.4451 sim_loss_t2v: 0.4402 2023/07/30 16:32:23 - mmengine - INFO - Epoch(train) [21][1200/1879] base_lr: 3.6523e-06 lr: 3.6523e-06 eta: 6:10:09 time: 0.4454 data_time: 0.0245 memory: 8783 loss: 0.8584 sim_loss_v2t: 0.4296 sim_loss_t2v: 0.4287 2023/07/30 16:33:03 - mmengine - INFO - Epoch(train) [21][1300/1879] base_lr: 3.6441e-06 lr: 3.6441e-06 eta: 6:09:29 time: 0.3546 data_time: 0.0256 memory: 8783 loss: 0.8515 sim_loss_v2t: 0.4262 sim_loss_t2v: 0.4252 2023/07/30 16:33:43 - mmengine - INFO - Epoch(train) [21][1400/1879] base_lr: 3.6358e-06 lr: 3.6358e-06 eta: 6:08:49 time: 0.3221 data_time: 0.0462 memory: 8783 loss: 0.8384 sim_loss_v2t: 0.4174 sim_loss_t2v: 0.4210 2023/07/30 16:33:52 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:34:23 - mmengine - INFO - Epoch(train) [21][1500/1879] base_lr: 3.6275e-06 lr: 3.6275e-06 eta: 6:08:08 time: 0.3905 data_time: 0.0892 memory: 8783 loss: 0.8986 sim_loss_v2t: 0.4487 sim_loss_t2v: 0.4499 2023/07/30 16:35:02 - mmengine - INFO - Epoch(train) [21][1600/1879] base_lr: 3.6192e-06 lr: 3.6192e-06 eta: 6:07:26 time: 0.3806 data_time: 0.0393 memory: 8783 loss: 0.8901 sim_loss_v2t: 0.4434 sim_loss_t2v: 0.4468 2023/07/30 16:35:49 - mmengine - INFO - Epoch(train) [21][1700/1879] base_lr: 3.6109e-06 lr: 3.6109e-06 eta: 6:06:54 time: 0.4109 data_time: 0.0355 memory: 8783 loss: 0.8835 sim_loss_v2t: 0.4402 sim_loss_t2v: 0.4433 2023/07/30 16:36:28 - mmengine - INFO - Epoch(train) [21][1800/1879] base_lr: 3.6026e-06 lr: 3.6026e-06 eta: 6:06:12 time: 0.3844 data_time: 0.0261 memory: 8783 loss: 0.8805 sim_loss_v2t: 0.4370 sim_loss_t2v: 0.4435 2023/07/30 16:36:55 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:36:55 - mmengine - INFO - Epoch(train) [21][1879/1879] base_lr: 3.5960e-06 lr: 3.5960e-06 eta: 6:05:35 time: 0.2793 data_time: 0.0095 memory: 8783 loss: 0.9098 sim_loss_v2t: 0.4540 sim_loss_t2v: 0.4558 2023/07/30 16:36:55 - mmengine - INFO - Saving checkpoint at 21 epochs 2023/07/30 16:39:07 - mmengine - INFO - Epoch(val) [21][100/155] eta: 0:01:04 time: 1.1492 data_time: 0.0450 memory: 18758 2023/07/30 16:40:11 - mmengine - INFO - Epoch(val) [21][155/155] acc/top1: 0.7586 acc/top5: 0.9309 acc/mean1: 0.7584 data_time: 0.0521 time: 1.1573 2023/07/30 16:40:58 - mmengine - INFO - Epoch(train) [22][ 100/1879] base_lr: 3.5877e-06 lr: 3.5877e-06 eta: 6:05:05 time: 0.5573 data_time: 0.1739 memory: 18758 loss: 0.8609 sim_loss_v2t: 0.4285 sim_loss_t2v: 0.4325 2023/07/30 16:41:39 - mmengine - INFO - Epoch(train) [22][ 200/1879] base_lr: 3.5793e-06 lr: 3.5793e-06 eta: 6:04:25 time: 0.4583 data_time: 0.0263 memory: 8783 loss: 0.8912 sim_loss_v2t: 0.4436 sim_loss_t2v: 0.4476 2023/07/30 16:42:19 - mmengine - INFO - Epoch(train) [22][ 300/1879] base_lr: 3.5709e-06 lr: 3.5709e-06 eta: 6:03:44 time: 0.4561 data_time: 0.0260 memory: 8783 loss: 0.8085 sim_loss_v2t: 0.3986 sim_loss_t2v: 0.4098 2023/07/30 16:43:01 - mmengine - INFO - Epoch(train) [22][ 400/1879] base_lr: 3.5625e-06 lr: 3.5625e-06 eta: 6:03:06 time: 0.5348 data_time: 0.1194 memory: 8783 loss: 0.8862 sim_loss_v2t: 0.4414 sim_loss_t2v: 0.4448 2023/07/30 16:43:40 - mmengine - INFO - Epoch(train) [22][ 500/1879] base_lr: 3.5541e-06 lr: 3.5541e-06 eta: 6:02:24 time: 0.4051 data_time: 0.0280 memory: 8783 loss: 0.8508 sim_loss_v2t: 0.4230 sim_loss_t2v: 0.4279 2023/07/30 16:43:56 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:44:20 - mmengine - INFO - Epoch(train) [22][ 600/1879] base_lr: 3.5457e-06 lr: 3.5457e-06 eta: 6:01:43 time: 0.4783 data_time: 0.0413 memory: 8783 loss: 0.8530 sim_loss_v2t: 0.4255 sim_loss_t2v: 0.4275 2023/07/30 16:45:00 - mmengine - INFO - Epoch(train) [22][ 700/1879] base_lr: 3.5372e-06 lr: 3.5372e-06 eta: 6:01:02 time: 0.3691 data_time: 0.0239 memory: 8783 loss: 0.8664 sim_loss_v2t: 0.4307 sim_loss_t2v: 0.4357 2023/07/30 16:45:39 - mmengine - INFO - Epoch(train) [22][ 800/1879] base_lr: 3.5287e-06 lr: 3.5287e-06 eta: 6:00:21 time: 0.3666 data_time: 0.0251 memory: 8783 loss: 0.8530 sim_loss_v2t: 0.4233 sim_loss_t2v: 0.4297 2023/07/30 16:46:19 - mmengine - INFO - Epoch(train) [22][ 900/1879] base_lr: 3.5203e-06 lr: 3.5203e-06 eta: 5:59:40 time: 0.4153 data_time: 0.0248 memory: 8783 loss: 0.8694 sim_loss_v2t: 0.4331 sim_loss_t2v: 0.4363 2023/07/30 16:47:00 - mmengine - INFO - Epoch(train) [22][1000/1879] base_lr: 3.5118e-06 lr: 3.5118e-06 eta: 5:59:01 time: 0.4756 data_time: 0.0253 memory: 8783 loss: 0.8204 sim_loss_v2t: 0.4100 sim_loss_t2v: 0.4103 2023/07/30 16:47:39 - mmengine - INFO - Epoch(train) [22][1100/1879] base_lr: 3.5033e-06 lr: 3.5033e-06 eta: 5:58:19 time: 0.3948 data_time: 0.0275 memory: 8783 loss: 0.8496 sim_loss_v2t: 0.4224 sim_loss_t2v: 0.4271 2023/07/30 16:48:20 - mmengine - INFO - Epoch(train) [22][1200/1879] base_lr: 3.4948e-06 lr: 3.4948e-06 eta: 5:57:39 time: 0.4097 data_time: 0.0240 memory: 8783 loss: 0.8650 sim_loss_v2t: 0.4305 sim_loss_t2v: 0.4345 2023/07/30 16:48:58 - mmengine - INFO - Epoch(train) [22][1300/1879] base_lr: 3.4862e-06 lr: 3.4862e-06 eta: 5:56:57 time: 0.3803 data_time: 0.0278 memory: 8783 loss: 0.8865 sim_loss_v2t: 0.4425 sim_loss_t2v: 0.4440 2023/07/30 16:49:39 - mmengine - INFO - Epoch(train) [22][1400/1879] base_lr: 3.4777e-06 lr: 3.4777e-06 eta: 5:56:17 time: 0.3767 data_time: 0.0249 memory: 8783 loss: 0.8769 sim_loss_v2t: 0.4391 sim_loss_t2v: 0.4378 2023/07/30 16:50:21 - mmengine - INFO - Epoch(train) [22][1500/1879] base_lr: 3.4691e-06 lr: 3.4691e-06 eta: 5:55:38 time: 0.4467 data_time: 0.0961 memory: 8783 loss: 0.8629 sim_loss_v2t: 0.4276 sim_loss_t2v: 0.4352 2023/07/30 16:50:36 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:51:02 - mmengine - INFO - Epoch(train) [22][1600/1879] base_lr: 3.4606e-06 lr: 3.4606e-06 eta: 5:55:00 time: 0.3259 data_time: 0.0230 memory: 8783 loss: 0.8518 sim_loss_v2t: 0.4295 sim_loss_t2v: 0.4223 2023/07/30 16:51:41 - mmengine - INFO - Epoch(train) [22][1700/1879] base_lr: 3.4520e-06 lr: 3.4520e-06 eta: 5:54:17 time: 0.3432 data_time: 0.0247 memory: 8783 loss: 0.8653 sim_loss_v2t: 0.4310 sim_loss_t2v: 0.4343 2023/07/30 16:52:21 - mmengine - INFO - Epoch(train) [22][1800/1879] base_lr: 3.4434e-06 lr: 3.4434e-06 eta: 5:53:36 time: 0.3552 data_time: 0.0277 memory: 8783 loss: 0.8334 sim_loss_v2t: 0.4151 sim_loss_t2v: 0.4183 2023/07/30 16:52:48 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 16:52:48 - mmengine - INFO - Epoch(train) [22][1879/1879] base_lr: 3.4366e-06 lr: 3.4366e-06 eta: 5:52:58 time: 0.1838 data_time: 0.0110 memory: 8783 loss: 0.8619 sim_loss_v2t: 0.4303 sim_loss_t2v: 0.4317 2023/07/30 16:52:48 - mmengine - INFO - Saving checkpoint at 22 epochs 2023/07/30 16:55:00 - mmengine - INFO - Epoch(val) [22][100/155] eta: 0:01:04 time: 1.1451 data_time: 0.0409 memory: 18758 2023/07/30 16:56:03 - mmengine - INFO - Epoch(val) [22][155/155] acc/top1: 0.7603 acc/top5: 0.9315 acc/mean1: 0.7602 data_time: 0.0520 time: 1.1565 2023/07/30 16:56:50 - mmengine - INFO - Epoch(train) [23][ 100/1879] base_lr: 3.4280e-06 lr: 3.4280e-06 eta: 5:52:27 time: 0.3870 data_time: 0.0285 memory: 18758 loss: 0.8178 sim_loss_v2t: 0.4076 sim_loss_t2v: 0.4101 2023/07/30 16:57:31 - mmengine - INFO - Epoch(train) [23][ 200/1879] base_lr: 3.4194e-06 lr: 3.4194e-06 eta: 5:51:48 time: 0.3723 data_time: 0.0316 memory: 8783 loss: 0.8742 sim_loss_v2t: 0.4398 sim_loss_t2v: 0.4344 2023/07/30 16:58:11 - mmengine - INFO - Epoch(train) [23][ 300/1879] base_lr: 3.4107e-06 lr: 3.4107e-06 eta: 5:51:06 time: 0.3598 data_time: 0.0238 memory: 8783 loss: 0.8663 sim_loss_v2t: 0.4359 sim_loss_t2v: 0.4304 2023/07/30 16:58:50 - mmengine - INFO - Epoch(train) [23][ 400/1879] base_lr: 3.4021e-06 lr: 3.4021e-06 eta: 5:50:24 time: 0.3504 data_time: 0.0961 memory: 8783 loss: 0.8759 sim_loss_v2t: 0.4359 sim_loss_t2v: 0.4400 2023/07/30 16:59:31 - mmengine - INFO - Epoch(train) [23][ 500/1879] base_lr: 3.3934e-06 lr: 3.3934e-06 eta: 5:49:45 time: 0.4684 data_time: 0.1657 memory: 8783 loss: 0.8733 sim_loss_v2t: 0.4336 sim_loss_t2v: 0.4397 2023/07/30 17:00:11 - mmengine - INFO - Epoch(train) [23][ 600/1879] base_lr: 3.3847e-06 lr: 3.3847e-06 eta: 5:49:05 time: 0.4013 data_time: 0.1278 memory: 8783 loss: 0.8629 sim_loss_v2t: 0.4271 sim_loss_t2v: 0.4358 2023/07/30 17:00:36 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:00:51 - mmengine - INFO - Epoch(train) [23][ 700/1879] base_lr: 3.3760e-06 lr: 3.3760e-06 eta: 5:48:24 time: 0.3984 data_time: 0.1482 memory: 8783 loss: 0.8334 sim_loss_v2t: 0.4143 sim_loss_t2v: 0.4191 2023/07/30 17:01:30 - mmengine - INFO - Epoch(train) [23][ 800/1879] base_lr: 3.3673e-06 lr: 3.3673e-06 eta: 5:47:42 time: 0.3551 data_time: 0.1176 memory: 8783 loss: 0.8133 sim_loss_v2t: 0.4034 sim_loss_t2v: 0.4099 2023/07/30 17:02:10 - mmengine - INFO - Epoch(train) [23][ 900/1879] base_lr: 3.3586e-06 lr: 3.3586e-06 eta: 5:47:02 time: 0.4936 data_time: 0.0946 memory: 8783 loss: 0.8384 sim_loss_v2t: 0.4157 sim_loss_t2v: 0.4228 2023/07/30 17:02:51 - mmengine - INFO - Epoch(train) [23][1000/1879] base_lr: 3.3499e-06 lr: 3.3499e-06 eta: 5:46:22 time: 0.3652 data_time: 0.0507 memory: 8783 loss: 0.8431 sim_loss_v2t: 0.4178 sim_loss_t2v: 0.4253 2023/07/30 17:03:32 - mmengine - INFO - Epoch(train) [23][1100/1879] base_lr: 3.3411e-06 lr: 3.3411e-06 eta: 5:45:42 time: 0.3898 data_time: 0.0470 memory: 8783 loss: 0.8357 sim_loss_v2t: 0.4174 sim_loss_t2v: 0.4183 2023/07/30 17:04:10 - mmengine - INFO - Epoch(train) [23][1200/1879] base_lr: 3.3324e-06 lr: 3.3324e-06 eta: 5:45:00 time: 0.3374 data_time: 0.0864 memory: 8783 loss: 0.8029 sim_loss_v2t: 0.4057 sim_loss_t2v: 0.3972 2023/07/30 17:04:50 - mmengine - INFO - Epoch(train) [23][1300/1879] base_lr: 3.3236e-06 lr: 3.3236e-06 eta: 5:44:19 time: 0.3363 data_time: 0.0270 memory: 8783 loss: 0.7930 sim_loss_v2t: 0.3987 sim_loss_t2v: 0.3943 2023/07/30 17:05:31 - mmengine - INFO - Epoch(train) [23][1400/1879] base_lr: 3.3148e-06 lr: 3.3148e-06 eta: 5:43:39 time: 0.3988 data_time: 0.0302 memory: 8783 loss: 0.8123 sim_loss_v2t: 0.4072 sim_loss_t2v: 0.4050 2023/07/30 17:06:10 - mmengine - INFO - Epoch(train) [23][1500/1879] base_lr: 3.3060e-06 lr: 3.3060e-06 eta: 5:42:58 time: 0.3611 data_time: 0.0309 memory: 8783 loss: 0.8066 sim_loss_v2t: 0.4059 sim_loss_t2v: 0.4007 2023/07/30 17:06:50 - mmengine - INFO - Epoch(train) [23][1600/1879] base_lr: 3.2972e-06 lr: 3.2972e-06 eta: 5:42:17 time: 0.3880 data_time: 0.0231 memory: 8783 loss: 0.8462 sim_loss_v2t: 0.4238 sim_loss_t2v: 0.4225 2023/07/30 17:07:21 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:07:38 - mmengine - INFO - Epoch(train) [23][1700/1879] base_lr: 3.2884e-06 lr: 3.2884e-06 eta: 5:41:46 time: 0.3834 data_time: 0.0283 memory: 8783 loss: 0.8591 sim_loss_v2t: 0.4263 sim_loss_t2v: 0.4328 2023/07/30 17:08:20 - mmengine - INFO - Epoch(train) [23][1800/1879] base_lr: 3.2796e-06 lr: 3.2796e-06 eta: 5:41:07 time: 0.4919 data_time: 0.0207 memory: 8783 loss: 0.8288 sim_loss_v2t: 0.4149 sim_loss_t2v: 0.4139 2023/07/30 17:08:44 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:08:44 - mmengine - INFO - Epoch(train) [23][1879/1879] base_lr: 3.2726e-06 lr: 3.2726e-06 eta: 5:40:27 time: 0.2414 data_time: 0.0122 memory: 8783 loss: 0.8569 sim_loss_v2t: 0.4251 sim_loss_t2v: 0.4318 2023/07/30 17:08:45 - mmengine - INFO - Saving checkpoint at 23 epochs 2023/07/30 17:10:56 - mmengine - INFO - Epoch(val) [23][100/155] eta: 0:01:04 time: 1.1431 data_time: 0.0395 memory: 18758 2023/07/30 17:12:00 - mmengine - INFO - Epoch(val) [23][155/155] acc/top1: 0.7623 acc/top5: 0.9297 acc/mean1: 0.7622 data_time: 0.0511 time: 1.1556 2023/07/30 17:12:00 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_20.pth is removed 2023/07/30 17:12:06 - mmengine - INFO - The best checkpoint with 0.7623 acc/top1 at 23 epoch is saved to best_acc_top1_epoch_23.pth. 2023/07/30 17:13:00 - mmengine - INFO - Epoch(train) [24][ 100/1879] base_lr: 3.2638e-06 lr: 3.2638e-06 eta: 5:39:46 time: 0.3400 data_time: 0.1101 memory: 18758 loss: 0.8375 sim_loss_v2t: 0.4189 sim_loss_t2v: 0.4186 2023/07/30 17:13:43 - mmengine - INFO - Epoch(train) [24][ 200/1879] base_lr: 3.2549e-06 lr: 3.2549e-06 eta: 5:39:09 time: 0.2634 data_time: 0.0506 memory: 8783 loss: 0.8445 sim_loss_v2t: 0.4251 sim_loss_t2v: 0.4193 2023/07/30 17:14:22 - mmengine - INFO - Epoch(train) [24][ 300/1879] base_lr: 3.2461e-06 lr: 3.2461e-06 eta: 5:38:28 time: 0.3714 data_time: 0.0778 memory: 8783 loss: 0.8245 sim_loss_v2t: 0.4099 sim_loss_t2v: 0.4145 2023/07/30 17:15:02 - mmengine - INFO - Epoch(train) [24][ 400/1879] base_lr: 3.2372e-06 lr: 3.2372e-06 eta: 5:37:47 time: 0.3797 data_time: 0.0286 memory: 8783 loss: 0.8104 sim_loss_v2t: 0.4116 sim_loss_t2v: 0.3988 2023/07/30 17:15:42 - mmengine - INFO - Epoch(train) [24][ 500/1879] base_lr: 3.2283e-06 lr: 3.2283e-06 eta: 5:37:06 time: 0.3645 data_time: 0.0280 memory: 8783 loss: 0.8454 sim_loss_v2t: 0.4195 sim_loss_t2v: 0.4258 2023/07/30 17:16:22 - mmengine - INFO - Epoch(train) [24][ 600/1879] base_lr: 3.2194e-06 lr: 3.2194e-06 eta: 5:36:26 time: 0.4464 data_time: 0.0263 memory: 8783 loss: 0.8449 sim_loss_v2t: 0.4167 sim_loss_t2v: 0.4282 2023/07/30 17:17:03 - mmengine - INFO - Epoch(train) [24][ 700/1879] base_lr: 3.2105e-06 lr: 3.2105e-06 eta: 5:35:46 time: 0.3678 data_time: 0.0263 memory: 8783 loss: 0.8470 sim_loss_v2t: 0.4272 sim_loss_t2v: 0.4198 2023/07/30 17:17:36 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:17:42 - mmengine - INFO - Epoch(train) [24][ 800/1879] base_lr: 3.2016e-06 lr: 3.2016e-06 eta: 5:35:05 time: 0.4058 data_time: 0.0448 memory: 8783 loss: 0.7949 sim_loss_v2t: 0.4027 sim_loss_t2v: 0.3922 2023/07/30 17:18:24 - mmengine - INFO - Epoch(train) [24][ 900/1879] base_lr: 3.1927e-06 lr: 3.1927e-06 eta: 5:34:26 time: 0.4732 data_time: 0.0228 memory: 8783 loss: 0.8205 sim_loss_v2t: 0.4092 sim_loss_t2v: 0.4113 2023/07/30 17:19:04 - mmengine - INFO - Epoch(train) [24][1000/1879] base_lr: 3.1838e-06 lr: 3.1838e-06 eta: 5:33:46 time: 0.3958 data_time: 0.0348 memory: 8783 loss: 0.8175 sim_loss_v2t: 0.4040 sim_loss_t2v: 0.4135 2023/07/30 17:19:43 - mmengine - INFO - Epoch(train) [24][1100/1879] base_lr: 3.1748e-06 lr: 3.1748e-06 eta: 5:33:04 time: 0.3537 data_time: 0.0249 memory: 8783 loss: 0.8510 sim_loss_v2t: 0.4280 sim_loss_t2v: 0.4230 2023/07/30 17:20:23 - mmengine - INFO - Epoch(train) [24][1200/1879] base_lr: 3.1659e-06 lr: 3.1659e-06 eta: 5:32:23 time: 0.4048 data_time: 0.0301 memory: 8783 loss: 0.8969 sim_loss_v2t: 0.4467 sim_loss_t2v: 0.4503 2023/07/30 17:21:02 - mmengine - INFO - Epoch(train) [24][1300/1879] base_lr: 3.1569e-06 lr: 3.1569e-06 eta: 5:31:41 time: 0.3684 data_time: 0.0252 memory: 8783 loss: 0.8837 sim_loss_v2t: 0.4406 sim_loss_t2v: 0.4431 2023/07/30 17:21:47 - mmengine - INFO - Epoch(train) [24][1400/1879] base_lr: 3.1480e-06 lr: 3.1480e-06 eta: 5:31:07 time: 0.6635 data_time: 0.0235 memory: 8783 loss: 0.8065 sim_loss_v2t: 0.4054 sim_loss_t2v: 0.4011 2023/07/30 17:22:26 - mmengine - INFO - Epoch(train) [24][1500/1879] base_lr: 3.1390e-06 lr: 3.1390e-06 eta: 5:30:25 time: 0.3887 data_time: 0.0282 memory: 8783 loss: 0.8466 sim_loss_v2t: 0.4181 sim_loss_t2v: 0.4285 2023/07/30 17:23:07 - mmengine - INFO - Epoch(train) [24][1600/1879] base_lr: 3.1300e-06 lr: 3.1300e-06 eta: 5:29:45 time: 0.3278 data_time: 0.0228 memory: 8783 loss: 0.8425 sim_loss_v2t: 0.4196 sim_loss_t2v: 0.4229 2023/07/30 17:23:45 - mmengine - INFO - Epoch(train) [24][1700/1879] base_lr: 3.1210e-06 lr: 3.1210e-06 eta: 5:29:03 time: 0.3661 data_time: 0.0244 memory: 8783 loss: 0.8634 sim_loss_v2t: 0.4294 sim_loss_t2v: 0.4340 2023/07/30 17:24:21 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:24:27 - mmengine - INFO - Epoch(train) [24][1800/1879] base_lr: 3.1120e-06 lr: 3.1120e-06 eta: 5:28:24 time: 0.3344 data_time: 0.0232 memory: 8783 loss: 0.8428 sim_loss_v2t: 0.4178 sim_loss_t2v: 0.4251 2023/07/30 17:24:53 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:24:53 - mmengine - INFO - Epoch(train) [24][1879/1879] base_lr: 3.1049e-06 lr: 3.1049e-06 eta: 5:27:47 time: 0.2266 data_time: 0.0660 memory: 8783 loss: 0.8100 sim_loss_v2t: 0.4032 sim_loss_t2v: 0.4068 2023/07/30 17:24:53 - mmengine - INFO - Saving checkpoint at 24 epochs 2023/07/30 17:27:06 - mmengine - INFO - Epoch(val) [24][100/155] eta: 0:01:04 time: 1.1500 data_time: 0.0450 memory: 18758 2023/07/30 17:28:09 - mmengine - INFO - Epoch(val) [24][155/155] acc/top1: 0.7609 acc/top5: 0.9336 acc/mean1: 0.7608 data_time: 0.0508 time: 1.1556 2023/07/30 17:28:57 - mmengine - INFO - Epoch(train) [25][ 100/1879] base_lr: 3.0959e-06 lr: 3.0959e-06 eta: 5:27:15 time: 0.4769 data_time: 0.0322 memory: 18758 loss: 0.7943 sim_loss_v2t: 0.3952 sim_loss_t2v: 0.3991 2023/07/30 17:29:38 - mmengine - INFO - Epoch(train) [25][ 200/1879] base_lr: 3.0869e-06 lr: 3.0869e-06 eta: 5:26:34 time: 0.4437 data_time: 0.0219 memory: 8783 loss: 0.8728 sim_loss_v2t: 0.4347 sim_loss_t2v: 0.4380 2023/07/30 17:30:16 - mmengine - INFO - Epoch(train) [25][ 300/1879] base_lr: 3.0778e-06 lr: 3.0778e-06 eta: 5:25:52 time: 0.3626 data_time: 0.0295 memory: 8783 loss: 0.8049 sim_loss_v2t: 0.4012 sim_loss_t2v: 0.4037 2023/07/30 17:30:56 - mmengine - INFO - Epoch(train) [25][ 400/1879] base_lr: 3.0688e-06 lr: 3.0688e-06 eta: 5:25:12 time: 0.3684 data_time: 0.0304 memory: 8783 loss: 0.7863 sim_loss_v2t: 0.3927 sim_loss_t2v: 0.3935 2023/07/30 17:31:39 - mmengine - INFO - Epoch(train) [25][ 500/1879] base_lr: 3.0597e-06 lr: 3.0597e-06 eta: 5:24:33 time: 0.4958 data_time: 0.0192 memory: 8783 loss: 0.8598 sim_loss_v2t: 0.4277 sim_loss_t2v: 0.4321 2023/07/30 17:32:18 - mmengine - INFO - Epoch(train) [25][ 600/1879] base_lr: 3.0507e-06 lr: 3.0507e-06 eta: 5:23:53 time: 0.4291 data_time: 0.1904 memory: 8783 loss: 0.8387 sim_loss_v2t: 0.4170 sim_loss_t2v: 0.4218 2023/07/30 17:32:57 - mmengine - INFO - Epoch(train) [25][ 700/1879] base_lr: 3.0416e-06 lr: 3.0416e-06 eta: 5:23:11 time: 0.4000 data_time: 0.0242 memory: 8783 loss: 0.8142 sim_loss_v2t: 0.4083 sim_loss_t2v: 0.4059 2023/07/30 17:33:39 - mmengine - INFO - Epoch(train) [25][ 800/1879] base_lr: 3.0325e-06 lr: 3.0325e-06 eta: 5:22:32 time: 0.4091 data_time: 0.0298 memory: 8783 loss: 0.8271 sim_loss_v2t: 0.4147 sim_loss_t2v: 0.4124 2023/07/30 17:34:20 - mmengine - INFO - Epoch(train) [25][ 900/1879] base_lr: 3.0235e-06 lr: 3.0235e-06 eta: 5:21:53 time: 0.2640 data_time: 0.0187 memory: 8783 loss: 0.7978 sim_loss_v2t: 0.3986 sim_loss_t2v: 0.3992 2023/07/30 17:34:21 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:35:01 - mmengine - INFO - Epoch(train) [25][1000/1879] base_lr: 3.0144e-06 lr: 3.0144e-06 eta: 5:21:13 time: 0.4253 data_time: 0.0254 memory: 8783 loss: 0.8179 sim_loss_v2t: 0.4111 sim_loss_t2v: 0.4068 2023/07/30 17:35:41 - mmengine - INFO - Epoch(train) [25][1100/1879] base_lr: 3.0053e-06 lr: 3.0053e-06 eta: 5:20:32 time: 0.4565 data_time: 0.0338 memory: 8783 loss: 0.8533 sim_loss_v2t: 0.4277 sim_loss_t2v: 0.4256 2023/07/30 17:36:19 - mmengine - INFO - Epoch(train) [25][1200/1879] base_lr: 2.9962e-06 lr: 2.9962e-06 eta: 5:19:50 time: 0.3670 data_time: 0.0293 memory: 8783 loss: 0.8589 sim_loss_v2t: 0.4267 sim_loss_t2v: 0.4322 2023/07/30 17:36:59 - mmengine - INFO - Epoch(train) [25][1300/1879] base_lr: 2.9871e-06 lr: 2.9871e-06 eta: 5:19:09 time: 0.3875 data_time: 0.0247 memory: 8783 loss: 0.7944 sim_loss_v2t: 0.3979 sim_loss_t2v: 0.3965 2023/07/30 17:37:41 - mmengine - INFO - Epoch(train) [25][1400/1879] base_lr: 2.9780e-06 lr: 2.9780e-06 eta: 5:18:31 time: 0.4241 data_time: 0.0254 memory: 8783 loss: 0.8054 sim_loss_v2t: 0.4027 sim_loss_t2v: 0.4026 2023/07/30 17:38:22 - mmengine - INFO - Epoch(train) [25][1500/1879] base_lr: 2.9688e-06 lr: 2.9688e-06 eta: 5:17:51 time: 0.4391 data_time: 0.0286 memory: 8783 loss: 0.8543 sim_loss_v2t: 0.4282 sim_loss_t2v: 0.4261 2023/07/30 17:39:01 - mmengine - INFO - Epoch(train) [25][1600/1879] base_lr: 2.9597e-06 lr: 2.9597e-06 eta: 5:17:09 time: 0.4321 data_time: 0.0283 memory: 8783 loss: 0.8560 sim_loss_v2t: 0.4282 sim_loss_t2v: 0.4278 2023/07/30 17:39:39 - mmengine - INFO - Epoch(train) [25][1700/1879] base_lr: 2.9506e-06 lr: 2.9506e-06 eta: 5:16:27 time: 0.3291 data_time: 0.0912 memory: 8783 loss: 0.8500 sim_loss_v2t: 0.4268 sim_loss_t2v: 0.4233 2023/07/30 17:40:20 - mmengine - INFO - Epoch(train) [25][1800/1879] base_lr: 2.9414e-06 lr: 2.9414e-06 eta: 5:15:48 time: 0.4333 data_time: 0.1022 memory: 8783 loss: 0.8443 sim_loss_v2t: 0.4215 sim_loss_t2v: 0.4228 2023/07/30 17:40:51 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:40:51 - mmengine - INFO - Epoch(train) [25][1879/1879] base_lr: 2.9342e-06 lr: 2.9342e-06 eta: 5:15:14 time: 0.2012 data_time: 0.0418 memory: 8783 loss: 0.7957 sim_loss_v2t: 0.3961 sim_loss_t2v: 0.3996 2023/07/30 17:40:51 - mmengine - INFO - Saving checkpoint at 25 epochs 2023/07/30 17:43:02 - mmengine - INFO - Epoch(val) [25][100/155] eta: 0:01:04 time: 1.1485 data_time: 0.0446 memory: 18758 2023/07/30 17:44:06 - mmengine - INFO - Epoch(val) [25][155/155] acc/top1: 0.7628 acc/top5: 0.9328 acc/mean1: 0.7627 data_time: 0.0524 time: 1.1575 2023/07/30 17:44:06 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_23.pth is removed 2023/07/30 17:44:13 - mmengine - INFO - The best checkpoint with 0.7628 acc/top1 at 25 epoch is saved to best_acc_top1_epoch_25.pth. 2023/07/30 17:44:36 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:45:05 - mmengine - INFO - Epoch(train) [26][ 100/1879] base_lr: 2.9251e-06 lr: 2.9251e-06 eta: 5:14:34 time: 0.4111 data_time: 0.1625 memory: 18758 loss: 0.8159 sim_loss_v2t: 0.4046 sim_loss_t2v: 0.4113 2023/07/30 17:45:48 - mmengine - INFO - Epoch(train) [26][ 200/1879] base_lr: 2.9159e-06 lr: 2.9159e-06 eta: 5:13:55 time: 0.4574 data_time: 0.1413 memory: 8783 loss: 0.7748 sim_loss_v2t: 0.3849 sim_loss_t2v: 0.3899 2023/07/30 17:46:26 - mmengine - INFO - Epoch(train) [26][ 300/1879] base_lr: 2.9067e-06 lr: 2.9067e-06 eta: 5:13:13 time: 0.4086 data_time: 0.1581 memory: 8783 loss: 0.8796 sim_loss_v2t: 0.4432 sim_loss_t2v: 0.4364 2023/07/30 17:47:07 - mmengine - INFO - Epoch(train) [26][ 400/1879] base_lr: 2.8976e-06 lr: 2.8976e-06 eta: 5:12:33 time: 0.3376 data_time: 0.0250 memory: 8783 loss: 0.8057 sim_loss_v2t: 0.4023 sim_loss_t2v: 0.4033 2023/07/30 17:47:46 - mmengine - INFO - Epoch(train) [26][ 500/1879] base_lr: 2.8884e-06 lr: 2.8884e-06 eta: 5:11:52 time: 0.3730 data_time: 0.0270 memory: 8783 loss: 0.8335 sim_loss_v2t: 0.4089 sim_loss_t2v: 0.4246 2023/07/30 17:48:27 - mmengine - INFO - Epoch(train) [26][ 600/1879] base_lr: 2.8792e-06 lr: 2.8792e-06 eta: 5:11:13 time: 0.4697 data_time: 0.0309 memory: 8783 loss: 0.8246 sim_loss_v2t: 0.4110 sim_loss_t2v: 0.4136 2023/07/30 17:49:07 - mmengine - INFO - Epoch(train) [26][ 700/1879] base_lr: 2.8700e-06 lr: 2.8700e-06 eta: 5:10:32 time: 0.3591 data_time: 0.0308 memory: 8783 loss: 0.8707 sim_loss_v2t: 0.4325 sim_loss_t2v: 0.4382 2023/07/30 17:49:47 - mmengine - INFO - Epoch(train) [26][ 800/1879] base_lr: 2.8609e-06 lr: 2.8609e-06 eta: 5:09:51 time: 0.3705 data_time: 0.0247 memory: 8783 loss: 0.7951 sim_loss_v2t: 0.4003 sim_loss_t2v: 0.3948 2023/07/30 17:50:26 - mmengine - INFO - Epoch(train) [26][ 900/1879] base_lr: 2.8517e-06 lr: 2.8517e-06 eta: 5:09:09 time: 0.4081 data_time: 0.0318 memory: 8783 loss: 0.8226 sim_loss_v2t: 0.4100 sim_loss_t2v: 0.4126 2023/07/30 17:51:07 - mmengine - INFO - Epoch(train) [26][1000/1879] base_lr: 2.8425e-06 lr: 2.8425e-06 eta: 5:08:30 time: 0.4576 data_time: 0.0267 memory: 8783 loss: 0.8109 sim_loss_v2t: 0.4033 sim_loss_t2v: 0.4076 2023/07/30 17:51:16 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:51:47 - mmengine - INFO - Epoch(train) [26][1100/1879] base_lr: 2.8333e-06 lr: 2.8333e-06 eta: 5:07:50 time: 0.3619 data_time: 0.0261 memory: 8783 loss: 0.7782 sim_loss_v2t: 0.3845 sim_loss_t2v: 0.3937 2023/07/30 17:52:26 - mmengine - INFO - Epoch(train) [26][1200/1879] base_lr: 2.8240e-06 lr: 2.8240e-06 eta: 5:07:08 time: 0.3593 data_time: 0.0406 memory: 8783 loss: 0.8075 sim_loss_v2t: 0.4016 sim_loss_t2v: 0.4060 2023/07/30 17:53:07 - mmengine - INFO - Epoch(train) [26][1300/1879] base_lr: 2.8148e-06 lr: 2.8148e-06 eta: 5:06:28 time: 0.4202 data_time: 0.0428 memory: 8783 loss: 0.8132 sim_loss_v2t: 0.4024 sim_loss_t2v: 0.4109 2023/07/30 17:53:46 - mmengine - INFO - Epoch(train) [26][1400/1879] base_lr: 2.8056e-06 lr: 2.8056e-06 eta: 5:05:47 time: 0.3528 data_time: 0.0232 memory: 8783 loss: 0.8172 sim_loss_v2t: 0.4090 sim_loss_t2v: 0.4082 2023/07/30 17:54:26 - mmengine - INFO - Epoch(train) [26][1500/1879] base_lr: 2.7964e-06 lr: 2.7964e-06 eta: 5:05:06 time: 0.3484 data_time: 0.0306 memory: 8783 loss: 0.8767 sim_loss_v2t: 0.4398 sim_loss_t2v: 0.4369 2023/07/30 17:55:06 - mmengine - INFO - Epoch(train) [26][1600/1879] base_lr: 2.7872e-06 lr: 2.7872e-06 eta: 5:04:26 time: 0.3285 data_time: 0.0280 memory: 8783 loss: 0.7945 sim_loss_v2t: 0.4005 sim_loss_t2v: 0.3940 2023/07/30 17:55:48 - mmengine - INFO - Epoch(train) [26][1700/1879] base_lr: 2.7779e-06 lr: 2.7779e-06 eta: 5:03:47 time: 0.4461 data_time: 0.0257 memory: 8783 loss: 0.8365 sim_loss_v2t: 0.4222 sim_loss_t2v: 0.4144 2023/07/30 17:56:29 - mmengine - INFO - Epoch(train) [26][1800/1879] base_lr: 2.7687e-06 lr: 2.7687e-06 eta: 5:03:08 time: 0.3668 data_time: 0.0266 memory: 8783 loss: 0.8210 sim_loss_v2t: 0.4107 sim_loss_t2v: 0.4103 2023/07/30 17:56:56 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 17:56:56 - mmengine - INFO - Epoch(train) [26][1879/1879] base_lr: 2.7614e-06 lr: 2.7614e-06 eta: 5:02:32 time: 0.2393 data_time: 0.0116 memory: 8783 loss: 0.7664 sim_loss_v2t: 0.3809 sim_loss_t2v: 0.3855 2023/07/30 17:56:56 - mmengine - INFO - Saving checkpoint at 26 epochs 2023/07/30 17:59:08 - mmengine - INFO - Epoch(val) [26][100/155] eta: 0:01:04 time: 1.1430 data_time: 0.0434 memory: 18758 2023/07/30 18:00:11 - mmengine - INFO - Epoch(val) [26][155/155] acc/top1: 0.7635 acc/top5: 0.9301 acc/mean1: 0.7635 data_time: 0.0513 time: 1.1529 2023/07/30 18:00:11 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_25.pth is removed 2023/07/30 18:00:18 - mmengine - INFO - The best checkpoint with 0.7635 acc/top1 at 26 epoch is saved to best_acc_top1_epoch_26.pth. 2023/07/30 18:01:16 - mmengine - INFO - Epoch(train) [27][ 100/1879] base_lr: 2.7522e-06 lr: 2.7522e-06 eta: 5:01:55 time: 0.3462 data_time: 0.0998 memory: 18758 loss: 0.8117 sim_loss_v2t: 0.4058 sim_loss_t2v: 0.4059 2023/07/30 18:01:34 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:01:56 - mmengine - INFO - Epoch(train) [27][ 200/1879] base_lr: 2.7429e-06 lr: 2.7429e-06 eta: 5:01:15 time: 0.4212 data_time: 0.0220 memory: 8783 loss: 0.7817 sim_loss_v2t: 0.3856 sim_loss_t2v: 0.3961 2023/07/30 18:02:35 - mmengine - INFO - Epoch(train) [27][ 300/1879] base_lr: 2.7337e-06 lr: 2.7337e-06 eta: 5:00:34 time: 0.3774 data_time: 0.0262 memory: 8783 loss: 0.8312 sim_loss_v2t: 0.4182 sim_loss_t2v: 0.4129 2023/07/30 18:03:16 - mmengine - INFO - Epoch(train) [27][ 400/1879] base_lr: 2.7244e-06 lr: 2.7244e-06 eta: 4:59:54 time: 0.4246 data_time: 0.0299 memory: 8783 loss: 0.8172 sim_loss_v2t: 0.4050 sim_loss_t2v: 0.4122 2023/07/30 18:03:57 - mmengine - INFO - Epoch(train) [27][ 500/1879] base_lr: 2.7152e-06 lr: 2.7152e-06 eta: 4:59:14 time: 0.4870 data_time: 0.0243 memory: 8783 loss: 0.7972 sim_loss_v2t: 0.3946 sim_loss_t2v: 0.4026 2023/07/30 18:04:35 - mmengine - INFO - Epoch(train) [27][ 600/1879] base_lr: 2.7059e-06 lr: 2.7059e-06 eta: 4:58:32 time: 0.3617 data_time: 0.0243 memory: 8783 loss: 0.8213 sim_loss_v2t: 0.4082 sim_loss_t2v: 0.4131 2023/07/30 18:06:05 - mmengine - INFO - Epoch(train) [27][ 700/1879] base_lr: 2.6967e-06 lr: 2.6967e-06 eta: 4:58:36 time: 0.4362 data_time: 0.0253 memory: 8783 loss: 0.7616 sim_loss_v2t: 0.3814 sim_loss_t2v: 0.3802 2023/07/30 18:06:45 - mmengine - INFO - Epoch(train) [27][ 800/1879] base_lr: 2.6874e-06 lr: 2.6874e-06 eta: 4:57:55 time: 0.2649 data_time: 0.0259 memory: 8783 loss: 0.8092 sim_loss_v2t: 0.4024 sim_loss_t2v: 0.4068 2023/07/30 18:07:24 - mmengine - INFO - Epoch(train) [27][ 900/1879] base_lr: 2.6781e-06 lr: 2.6781e-06 eta: 4:57:14 time: 0.3448 data_time: 0.0308 memory: 8783 loss: 0.8149 sim_loss_v2t: 0.4075 sim_loss_t2v: 0.4074 2023/07/30 18:08:04 - mmengine - INFO - Epoch(train) [27][1000/1879] base_lr: 2.6689e-06 lr: 2.6689e-06 eta: 4:56:33 time: 0.4059 data_time: 0.0251 memory: 8783 loss: 0.7748 sim_loss_v2t: 0.3854 sim_loss_t2v: 0.3894 2023/07/30 18:08:44 - mmengine - INFO - Epoch(train) [27][1100/1879] base_lr: 2.6596e-06 lr: 2.6596e-06 eta: 4:55:53 time: 0.4508 data_time: 0.0264 memory: 8783 loss: 0.7849 sim_loss_v2t: 0.3853 sim_loss_t2v: 0.3996 2023/07/30 18:09:06 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:09:26 - mmengine - INFO - Epoch(train) [27][1200/1879] base_lr: 2.6503e-06 lr: 2.6503e-06 eta: 4:55:14 time: 0.3439 data_time: 0.0264 memory: 8783 loss: 0.8098 sim_loss_v2t: 0.4060 sim_loss_t2v: 0.4038 2023/07/30 18:10:06 - mmengine - INFO - Epoch(train) [27][1300/1879] base_lr: 2.6411e-06 lr: 2.6411e-06 eta: 4:54:33 time: 0.3951 data_time: 0.1287 memory: 8783 loss: 0.8073 sim_loss_v2t: 0.4023 sim_loss_t2v: 0.4049 2023/07/30 18:10:46 - mmengine - INFO - Epoch(train) [27][1400/1879] base_lr: 2.6318e-06 lr: 2.6318e-06 eta: 4:53:52 time: 0.3587 data_time: 0.0641 memory: 8783 loss: 0.7566 sim_loss_v2t: 0.3763 sim_loss_t2v: 0.3803 2023/07/30 18:11:27 - mmengine - INFO - Epoch(train) [27][1500/1879] base_lr: 2.6225e-06 lr: 2.6225e-06 eta: 4:53:12 time: 0.4775 data_time: 0.1581 memory: 8783 loss: 0.7761 sim_loss_v2t: 0.3827 sim_loss_t2v: 0.3935 2023/07/30 18:12:07 - mmengine - INFO - Epoch(train) [27][1600/1879] base_lr: 2.6132e-06 lr: 2.6132e-06 eta: 4:52:32 time: 0.4572 data_time: 0.1578 memory: 8783 loss: 0.7866 sim_loss_v2t: 0.3906 sim_loss_t2v: 0.3960 2023/07/30 18:12:47 - mmengine - INFO - Epoch(train) [27][1700/1879] base_lr: 2.6040e-06 lr: 2.6040e-06 eta: 4:51:51 time: 0.4420 data_time: 0.1641 memory: 8783 loss: 0.7964 sim_loss_v2t: 0.3976 sim_loss_t2v: 0.3989 2023/07/30 18:13:27 - mmengine - INFO - Epoch(train) [27][1800/1879] base_lr: 2.5947e-06 lr: 2.5947e-06 eta: 4:51:11 time: 0.3798 data_time: 0.1399 memory: 8783 loss: 0.7631 sim_loss_v2t: 0.3817 sim_loss_t2v: 0.3815 2023/07/30 18:13:53 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:13:53 - mmengine - INFO - Epoch(train) [27][1879/1879] base_lr: 2.5873e-06 lr: 2.5873e-06 eta: 4:50:33 time: 0.1743 data_time: 0.0183 memory: 8783 loss: 0.7830 sim_loss_v2t: 0.3882 sim_loss_t2v: 0.3948 2023/07/30 18:13:53 - mmengine - INFO - Saving checkpoint at 27 epochs 2023/07/30 18:16:54 - mmengine - INFO - Epoch(val) [27][100/155] eta: 0:01:31 time: 1.1335 data_time: 0.0288 memory: 18758 2023/07/30 18:17:57 - mmengine - INFO - Epoch(val) [27][155/155] acc/top1: 0.7635 acc/top5: 0.9313 acc/mean1: 0.7634 data_time: 0.3647 time: 1.4673 2023/07/30 18:18:45 - mmengine - INFO - Epoch(train) [28][ 100/1879] base_lr: 2.5781e-06 lr: 2.5781e-06 eta: 4:49:59 time: 0.4836 data_time: 0.0247 memory: 18758 loss: 0.7346 sim_loss_v2t: 0.3671 sim_loss_t2v: 0.3675 2023/07/30 18:19:25 - mmengine - INFO - Epoch(train) [28][ 200/1879] base_lr: 2.5688e-06 lr: 2.5688e-06 eta: 4:49:18 time: 0.3327 data_time: 0.0261 memory: 8783 loss: 0.7653 sim_loss_v2t: 0.3839 sim_loss_t2v: 0.3814 2023/07/30 18:20:45 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:20:56 - mmengine - INFO - Epoch(train) [28][ 300/1879] base_lr: 2.5595e-06 lr: 2.5595e-06 eta: 4:49:20 time: 0.3532 data_time: 0.0281 memory: 8783 loss: 0.7876 sim_loss_v2t: 0.3933 sim_loss_t2v: 0.3943 2023/07/30 18:21:37 - mmengine - INFO - Epoch(train) [28][ 400/1879] base_lr: 2.5502e-06 lr: 2.5502e-06 eta: 4:48:40 time: 0.3789 data_time: 0.0239 memory: 8783 loss: 0.7905 sim_loss_v2t: 0.3884 sim_loss_t2v: 0.4020 2023/07/30 18:22:16 - mmengine - INFO - Epoch(train) [28][ 500/1879] base_lr: 2.5409e-06 lr: 2.5409e-06 eta: 4:47:59 time: 0.3801 data_time: 0.0240 memory: 8783 loss: 0.7921 sim_loss_v2t: 0.3970 sim_loss_t2v: 0.3951 2023/07/30 18:23:04 - mmengine - INFO - Epoch(train) [28][ 600/1879] base_lr: 2.5316e-06 lr: 2.5316e-06 eta: 4:47:24 time: 0.7648 data_time: 0.0209 memory: 8783 loss: 0.8024 sim_loss_v2t: 0.4021 sim_loss_t2v: 0.4004 2023/07/30 18:23:40 - mmengine - INFO - Epoch(train) [28][ 700/1879] base_lr: 2.5223e-06 lr: 2.5223e-06 eta: 4:46:40 time: 0.3588 data_time: 0.0279 memory: 8783 loss: 0.7563 sim_loss_v2t: 0.3708 sim_loss_t2v: 0.3856 2023/07/30 18:24:24 - mmengine - INFO - Epoch(train) [28][ 800/1879] base_lr: 2.5131e-06 lr: 2.5131e-06 eta: 4:46:02 time: 0.4831 data_time: 0.0232 memory: 8783 loss: 0.8006 sim_loss_v2t: 0.3991 sim_loss_t2v: 0.4014 2023/07/30 18:25:03 - mmengine - INFO - Epoch(train) [28][ 900/1879] base_lr: 2.5038e-06 lr: 2.5038e-06 eta: 4:45:21 time: 0.3776 data_time: 0.0240 memory: 8783 loss: 0.8205 sim_loss_v2t: 0.4094 sim_loss_t2v: 0.4111 2023/07/30 18:25:42 - mmengine - INFO - Epoch(train) [28][1000/1879] base_lr: 2.4945e-06 lr: 2.4945e-06 eta: 4:44:40 time: 0.3467 data_time: 0.0273 memory: 8783 loss: 0.7660 sim_loss_v2t: 0.3839 sim_loss_t2v: 0.3822 2023/07/30 18:26:23 - mmengine - INFO - Epoch(train) [28][1100/1879] base_lr: 2.4852e-06 lr: 2.4852e-06 eta: 4:44:00 time: 0.4771 data_time: 0.0257 memory: 8783 loss: 0.7716 sim_loss_v2t: 0.3846 sim_loss_t2v: 0.3870 2023/07/30 18:27:02 - mmengine - INFO - Epoch(train) [28][1200/1879] base_lr: 2.4759e-06 lr: 2.4759e-06 eta: 4:43:18 time: 0.3557 data_time: 0.0308 memory: 8783 loss: 0.7898 sim_loss_v2t: 0.3915 sim_loss_t2v: 0.3983 2023/07/30 18:27:29 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:27:42 - mmengine - INFO - Epoch(train) [28][1300/1879] base_lr: 2.4666e-06 lr: 2.4666e-06 eta: 4:42:36 time: 0.3525 data_time: 0.0245 memory: 8783 loss: 0.7960 sim_loss_v2t: 0.4007 sim_loss_t2v: 0.3953 2023/07/30 18:28:25 - mmengine - INFO - Epoch(train) [28][1400/1879] base_lr: 2.4573e-06 lr: 2.4573e-06 eta: 4:41:58 time: 0.5342 data_time: 0.0253 memory: 8783 loss: 0.7609 sim_loss_v2t: 0.3875 sim_loss_t2v: 0.3734 2023/07/30 18:29:06 - mmengine - INFO - Epoch(train) [28][1500/1879] base_lr: 2.4480e-06 lr: 2.4480e-06 eta: 4:41:18 time: 0.4404 data_time: 0.0272 memory: 8783 loss: 0.7815 sim_loss_v2t: 0.3856 sim_loss_t2v: 0.3960 2023/07/30 18:29:46 - mmengine - INFO - Epoch(train) [28][1600/1879] base_lr: 2.4387e-06 lr: 2.4387e-06 eta: 4:40:37 time: 0.4406 data_time: 0.0284 memory: 8783 loss: 0.7960 sim_loss_v2t: 0.3942 sim_loss_t2v: 0.4018 2023/07/30 18:30:24 - mmengine - INFO - Epoch(train) [28][1700/1879] base_lr: 2.4295e-06 lr: 2.4295e-06 eta: 4:39:55 time: 0.3610 data_time: 0.0317 memory: 8783 loss: 0.8031 sim_loss_v2t: 0.3947 sim_loss_t2v: 0.4083 2023/07/30 18:31:06 - mmengine - INFO - Epoch(train) [28][1800/1879] base_lr: 2.4202e-06 lr: 2.4202e-06 eta: 4:39:16 time: 0.3931 data_time: 0.0231 memory: 8783 loss: 0.8285 sim_loss_v2t: 0.4131 sim_loss_t2v: 0.4154 2023/07/30 18:31:32 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:31:32 - mmengine - INFO - Epoch(train) [28][1879/1879] base_lr: 2.4128e-06 lr: 2.4128e-06 eta: 4:38:39 time: 0.2033 data_time: 0.0120 memory: 8783 loss: 0.7135 sim_loss_v2t: 0.3574 sim_loss_t2v: 0.3561 2023/07/30 18:31:32 - mmengine - INFO - Saving checkpoint at 28 epochs 2023/07/30 18:33:44 - mmengine - INFO - Epoch(val) [28][100/155] eta: 0:01:04 time: 1.1488 data_time: 0.0437 memory: 18758 2023/07/30 18:34:48 - mmengine - INFO - Epoch(val) [28][155/155] acc/top1: 0.7663 acc/top5: 0.9328 acc/mean1: 0.7662 data_time: 0.0503 time: 1.1559 2023/07/30 18:34:48 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_26.pth is removed 2023/07/30 18:34:56 - mmengine - INFO - The best checkpoint with 0.7663 acc/top1 at 28 epoch is saved to best_acc_top1_epoch_28.pth. 2023/07/30 18:35:48 - mmengine - INFO - Epoch(train) [29][ 100/1879] base_lr: 2.4036e-06 lr: 2.4036e-06 eta: 4:37:58 time: 0.4372 data_time: 0.1989 memory: 18758 loss: 0.7976 sim_loss_v2t: 0.3996 sim_loss_t2v: 0.3980 2023/07/30 18:36:29 - mmengine - INFO - Epoch(train) [29][ 200/1879] base_lr: 2.3943e-06 lr: 2.3943e-06 eta: 4:37:17 time: 0.4500 data_time: 0.2074 memory: 8783 loss: 0.7806 sim_loss_v2t: 0.3884 sim_loss_t2v: 0.3922 2023/07/30 18:37:10 - mmengine - INFO - Epoch(train) [29][ 300/1879] base_lr: 2.3850e-06 lr: 2.3850e-06 eta: 4:36:38 time: 0.3634 data_time: 0.0203 memory: 8783 loss: 0.7887 sim_loss_v2t: 0.3905 sim_loss_t2v: 0.3982 2023/07/30 18:37:46 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:37:50 - mmengine - INFO - Epoch(train) [29][ 400/1879] base_lr: 2.3757e-06 lr: 2.3757e-06 eta: 4:35:57 time: 0.3929 data_time: 0.0240 memory: 8783 loss: 0.7899 sim_loss_v2t: 0.3954 sim_loss_t2v: 0.3944 2023/07/30 18:38:32 - mmengine - INFO - Epoch(train) [29][ 500/1879] base_lr: 2.3664e-06 lr: 2.3664e-06 eta: 4:35:18 time: 0.5076 data_time: 0.0217 memory: 8783 loss: 0.7771 sim_loss_v2t: 0.3902 sim_loss_t2v: 0.3869 2023/07/30 18:39:15 - mmengine - INFO - Epoch(train) [29][ 600/1879] base_lr: 2.3572e-06 lr: 2.3572e-06 eta: 4:34:39 time: 0.3870 data_time: 0.1478 memory: 8783 loss: 0.7390 sim_loss_v2t: 0.3709 sim_loss_t2v: 0.3681 2023/07/30 18:39:57 - mmengine - INFO - Epoch(train) [29][ 700/1879] base_lr: 2.3479e-06 lr: 2.3479e-06 eta: 4:34:00 time: 0.4808 data_time: 0.1094 memory: 8783 loss: 0.7548 sim_loss_v2t: 0.3722 sim_loss_t2v: 0.3826 2023/07/30 18:40:38 - mmengine - INFO - Epoch(train) [29][ 800/1879] base_lr: 2.3386e-06 lr: 2.3386e-06 eta: 4:33:19 time: 0.3819 data_time: 0.0206 memory: 8783 loss: 0.7757 sim_loss_v2t: 0.3936 sim_loss_t2v: 0.3822 2023/07/30 18:41:35 - mmengine - INFO - Epoch(train) [29][ 900/1879] base_lr: 2.3294e-06 lr: 2.3294e-06 eta: 4:32:52 time: 0.5166 data_time: 0.0215 memory: 8783 loss: 0.7768 sim_loss_v2t: 0.3885 sim_loss_t2v: 0.3883 2023/07/30 18:42:15 - mmengine - INFO - Epoch(train) [29][1000/1879] base_lr: 2.3201e-06 lr: 2.3201e-06 eta: 4:32:11 time: 0.4155 data_time: 0.0233 memory: 8783 loss: 0.7917 sim_loss_v2t: 0.3945 sim_loss_t2v: 0.3971 2023/07/30 18:42:56 - mmengine - INFO - Epoch(train) [29][1100/1879] base_lr: 2.3108e-06 lr: 2.3108e-06 eta: 4:31:31 time: 0.4508 data_time: 0.0279 memory: 8783 loss: 0.7360 sim_loss_v2t: 0.3642 sim_loss_t2v: 0.3718 2023/07/30 18:43:37 - mmengine - INFO - Epoch(train) [29][1200/1879] base_lr: 2.3016e-06 lr: 2.3016e-06 eta: 4:30:50 time: 0.4327 data_time: 0.0234 memory: 8783 loss: 0.7504 sim_loss_v2t: 0.3767 sim_loss_t2v: 0.3737 2023/07/30 18:44:32 - mmengine - INFO - Epoch(train) [29][1300/1879] base_lr: 2.2923e-06 lr: 2.2923e-06 eta: 4:30:20 time: 0.3227 data_time: 0.0245 memory: 8783 loss: 0.7921 sim_loss_v2t: 0.3972 sim_loss_t2v: 0.3949 2023/07/30 18:45:07 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:45:12 - mmengine - INFO - Epoch(train) [29][1400/1879] base_lr: 2.2831e-06 lr: 2.2831e-06 eta: 4:29:40 time: 0.4346 data_time: 0.0310 memory: 8783 loss: 0.7875 sim_loss_v2t: 0.3954 sim_loss_t2v: 0.3921 2023/07/30 18:45:57 - mmengine - INFO - Epoch(train) [29][1500/1879] base_lr: 2.2738e-06 lr: 2.2738e-06 eta: 4:29:02 time: 0.4581 data_time: 0.0950 memory: 8783 loss: 0.7752 sim_loss_v2t: 0.3825 sim_loss_t2v: 0.3928 2023/07/30 18:46:33 - mmengine - INFO - Epoch(train) [29][1600/1879] base_lr: 2.2646e-06 lr: 2.2646e-06 eta: 4:28:19 time: 0.3130 data_time: 0.0292 memory: 8783 loss: 0.7818 sim_loss_v2t: 0.3945 sim_loss_t2v: 0.3873 2023/07/30 18:47:15 - mmengine - INFO - Epoch(train) [29][1700/1879] base_lr: 2.2553e-06 lr: 2.2553e-06 eta: 4:27:39 time: 0.3946 data_time: 0.0262 memory: 8783 loss: 0.7830 sim_loss_v2t: 0.3941 sim_loss_t2v: 0.3889 2023/07/30 18:47:54 - mmengine - INFO - Epoch(train) [29][1800/1879] base_lr: 2.2461e-06 lr: 2.2461e-06 eta: 4:26:58 time: 0.3535 data_time: 0.0337 memory: 8783 loss: 0.7600 sim_loss_v2t: 0.3784 sim_loss_t2v: 0.3816 2023/07/30 18:48:25 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:48:25 - mmengine - INFO - Epoch(train) [29][1879/1879] base_lr: 2.2388e-06 lr: 2.2388e-06 eta: 4:26:25 time: 0.4297 data_time: 0.0133 memory: 8783 loss: 0.7509 sim_loss_v2t: 0.3716 sim_loss_t2v: 0.3793 2023/07/30 18:48:25 - mmengine - INFO - Saving checkpoint at 29 epochs 2023/07/30 18:50:42 - mmengine - INFO - Epoch(val) [29][100/155] eta: 0:01:06 time: 1.1557 data_time: 0.0510 memory: 18758 2023/07/30 18:51:45 - mmengine - INFO - Epoch(val) [29][155/155] acc/top1: 0.7644 acc/top5: 0.9303 acc/mean1: 0.7643 data_time: 0.0775 time: 1.1819 2023/07/30 18:52:33 - mmengine - INFO - Epoch(train) [30][ 100/1879] base_lr: 2.2295e-06 lr: 2.2295e-06 eta: 4:25:49 time: 0.4159 data_time: 0.0286 memory: 18758 loss: 0.7681 sim_loss_v2t: 0.3806 sim_loss_t2v: 0.3875 2023/07/30 18:53:15 - mmengine - INFO - Epoch(train) [30][ 200/1879] base_lr: 2.2203e-06 lr: 2.2203e-06 eta: 4:25:10 time: 0.4884 data_time: 0.0256 memory: 8783 loss: 0.7450 sim_loss_v2t: 0.3697 sim_loss_t2v: 0.3753 2023/07/30 18:53:53 - mmengine - INFO - Epoch(train) [30][ 300/1879] base_lr: 2.2111e-06 lr: 2.2111e-06 eta: 4:24:28 time: 0.3926 data_time: 0.0270 memory: 8783 loss: 0.7446 sim_loss_v2t: 0.3693 sim_loss_t2v: 0.3754 2023/07/30 18:54:34 - mmengine - INFO - Epoch(train) [30][ 400/1879] base_lr: 2.2019e-06 lr: 2.2019e-06 eta: 4:23:47 time: 0.4580 data_time: 0.2102 memory: 8783 loss: 0.7522 sim_loss_v2t: 0.3781 sim_loss_t2v: 0.3741 2023/07/30 18:55:13 - mmengine - INFO - Epoch(train) [30][ 500/1879] base_lr: 2.1926e-06 lr: 2.1926e-06 eta: 4:23:05 time: 0.3373 data_time: 0.0455 memory: 8783 loss: 0.7613 sim_loss_v2t: 0.3806 sim_loss_t2v: 0.3807 2023/07/30 18:55:17 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 18:55:55 - mmengine - INFO - Epoch(train) [30][ 600/1879] base_lr: 2.1834e-06 lr: 2.1834e-06 eta: 4:22:26 time: 0.4049 data_time: 0.1817 memory: 8783 loss: 0.7687 sim_loss_v2t: 0.3852 sim_loss_t2v: 0.3835 2023/07/30 18:56:34 - mmengine - INFO - Epoch(train) [30][ 700/1879] base_lr: 2.1742e-06 lr: 2.1742e-06 eta: 4:21:44 time: 0.3899 data_time: 0.1352 memory: 8783 loss: 0.7585 sim_loss_v2t: 0.3784 sim_loss_t2v: 0.3801 2023/07/30 18:57:15 - mmengine - INFO - Epoch(train) [30][ 800/1879] base_lr: 2.1650e-06 lr: 2.1650e-06 eta: 4:21:04 time: 0.4762 data_time: 0.0424 memory: 8783 loss: 0.7917 sim_loss_v2t: 0.3904 sim_loss_t2v: 0.4013 2023/07/30 18:57:53 - mmengine - INFO - Epoch(train) [30][ 900/1879] base_lr: 2.1558e-06 lr: 2.1558e-06 eta: 4:20:22 time: 0.3576 data_time: 0.0690 memory: 8783 loss: 0.8107 sim_loss_v2t: 0.4051 sim_loss_t2v: 0.4056 2023/07/30 18:58:34 - mmengine - INFO - Epoch(train) [30][1000/1879] base_lr: 2.1466e-06 lr: 2.1466e-06 eta: 4:19:42 time: 0.4285 data_time: 0.0283 memory: 8783 loss: 0.7747 sim_loss_v2t: 0.3899 sim_loss_t2v: 0.3848 2023/07/30 18:59:14 - mmengine - INFO - Epoch(train) [30][1100/1879] base_lr: 2.1374e-06 lr: 2.1374e-06 eta: 4:19:01 time: 0.3622 data_time: 0.0890 memory: 8783 loss: 0.7717 sim_loss_v2t: 0.3817 sim_loss_t2v: 0.3900 2023/07/30 18:59:55 - mmengine - INFO - Epoch(train) [30][1200/1879] base_lr: 2.1282e-06 lr: 2.1282e-06 eta: 4:18:21 time: 0.4782 data_time: 0.0230 memory: 8783 loss: 0.8240 sim_loss_v2t: 0.4067 sim_loss_t2v: 0.4172 2023/07/30 19:00:34 - mmengine - INFO - Epoch(train) [30][1300/1879] base_lr: 2.1190e-06 lr: 2.1190e-06 eta: 4:17:39 time: 0.3430 data_time: 0.0256 memory: 8783 loss: 0.7499 sim_loss_v2t: 0.3765 sim_loss_t2v: 0.3735 2023/07/30 19:01:14 - mmengine - INFO - Epoch(train) [30][1400/1879] base_lr: 2.1099e-06 lr: 2.1099e-06 eta: 4:16:58 time: 0.3152 data_time: 0.0246 memory: 8783 loss: 0.7611 sim_loss_v2t: 0.3810 sim_loss_t2v: 0.3801 2023/07/30 19:01:52 - mmengine - INFO - Epoch(train) [30][1500/1879] base_lr: 2.1007e-06 lr: 2.1007e-06 eta: 4:16:16 time: 0.3371 data_time: 0.0245 memory: 8783 loss: 0.7853 sim_loss_v2t: 0.3908 sim_loss_t2v: 0.3945 2023/07/30 19:01:57 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:02:33 - mmengine - INFO - Epoch(train) [30][1600/1879] base_lr: 2.0915e-06 lr: 2.0915e-06 eta: 4:15:36 time: 0.4419 data_time: 0.1034 memory: 8783 loss: 0.7735 sim_loss_v2t: 0.3848 sim_loss_t2v: 0.3887 2023/07/30 19:03:14 - mmengine - INFO - Epoch(train) [30][1700/1879] base_lr: 2.0824e-06 lr: 2.0824e-06 eta: 4:14:55 time: 0.4014 data_time: 0.0300 memory: 8783 loss: 0.7791 sim_loss_v2t: 0.3857 sim_loss_t2v: 0.3935 2023/07/30 19:03:53 - mmengine - INFO - Epoch(train) [30][1800/1879] base_lr: 2.0732e-06 lr: 2.0732e-06 eta: 4:14:14 time: 0.4079 data_time: 0.0235 memory: 8783 loss: 0.7273 sim_loss_v2t: 0.3596 sim_loss_t2v: 0.3677 2023/07/30 19:04:20 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:04:20 - mmengine - INFO - Epoch(train) [30][1879/1879] base_lr: 2.0660e-06 lr: 2.0660e-06 eta: 4:13:39 time: 0.1951 data_time: 0.0122 memory: 8783 loss: 0.7106 sim_loss_v2t: 0.3532 sim_loss_t2v: 0.3574 2023/07/30 19:04:20 - mmengine - INFO - Saving checkpoint at 30 epochs 2023/07/30 19:06:34 - mmengine - INFO - Epoch(val) [30][100/155] eta: 0:01:04 time: 1.1464 data_time: 0.0407 memory: 18758 2023/07/30 19:07:37 - mmengine - INFO - Epoch(val) [30][155/155] acc/top1: 0.7674 acc/top5: 0.9329 acc/mean1: 0.7673 data_time: 0.0511 time: 1.1561 2023/07/30 19:07:37 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_28.pth is removed 2023/07/30 19:07:44 - mmengine - INFO - The best checkpoint with 0.7674 acc/top1 at 30 epoch is saved to best_acc_top1_epoch_30.pth. 2023/07/30 19:08:39 - mmengine - INFO - Epoch(train) [31][ 100/1879] base_lr: 2.0568e-06 lr: 2.0568e-06 eta: 4:12:59 time: 0.5101 data_time: 0.2807 memory: 18758 loss: 0.7505 sim_loss_v2t: 0.3726 sim_loss_t2v: 0.3779 2023/07/30 19:09:18 - mmengine - INFO - Epoch(train) [31][ 200/1879] base_lr: 2.0477e-06 lr: 2.0477e-06 eta: 4:12:17 time: 0.3965 data_time: 0.1552 memory: 8783 loss: 0.7078 sim_loss_v2t: 0.3513 sim_loss_t2v: 0.3565 2023/07/30 19:10:04 - mmengine - INFO - Epoch(train) [31][ 300/1879] base_lr: 2.0386e-06 lr: 2.0386e-06 eta: 4:11:41 time: 0.2582 data_time: 0.0209 memory: 8783 loss: 0.7566 sim_loss_v2t: 0.3800 sim_loss_t2v: 0.3767 2023/07/30 19:10:42 - mmengine - INFO - Epoch(train) [31][ 400/1879] base_lr: 2.0294e-06 lr: 2.0294e-06 eta: 4:10:58 time: 0.4277 data_time: 0.0323 memory: 8783 loss: 0.7604 sim_loss_v2t: 0.3811 sim_loss_t2v: 0.3792 2023/07/30 19:11:24 - mmengine - INFO - Epoch(train) [31][ 500/1879] base_lr: 2.0203e-06 lr: 2.0203e-06 eta: 4:10:18 time: 0.3618 data_time: 0.0288 memory: 8783 loss: 0.7668 sim_loss_v2t: 0.3780 sim_loss_t2v: 0.3888 2023/07/30 19:12:05 - mmengine - INFO - Epoch(train) [31][ 600/1879] base_lr: 2.0112e-06 lr: 2.0112e-06 eta: 4:09:38 time: 0.3763 data_time: 0.0274 memory: 8783 loss: 0.7672 sim_loss_v2t: 0.3845 sim_loss_t2v: 0.3826 2023/07/30 19:12:16 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:12:51 - mmengine - INFO - Epoch(train) [31][ 700/1879] base_lr: 2.0021e-06 lr: 2.0021e-06 eta: 4:09:02 time: 0.3643 data_time: 0.0320 memory: 8783 loss: 0.7890 sim_loss_v2t: 0.3945 sim_loss_t2v: 0.3944 2023/07/30 19:13:33 - mmengine - INFO - Epoch(train) [31][ 800/1879] base_lr: 1.9930e-06 lr: 1.9930e-06 eta: 4:08:22 time: 0.3823 data_time: 0.0270 memory: 8783 loss: 0.7680 sim_loss_v2t: 0.3786 sim_loss_t2v: 0.3894 2023/07/30 19:14:12 - mmengine - INFO - Epoch(train) [31][ 900/1879] base_lr: 1.9839e-06 lr: 1.9839e-06 eta: 4:07:41 time: 0.4130 data_time: 0.0277 memory: 8783 loss: 0.7285 sim_loss_v2t: 0.3593 sim_loss_t2v: 0.3692 2023/07/30 19:14:51 - mmengine - INFO - Epoch(train) [31][1000/1879] base_lr: 1.9748e-06 lr: 1.9748e-06 eta: 4:06:59 time: 0.3936 data_time: 0.0342 memory: 8783 loss: 0.7664 sim_loss_v2t: 0.3767 sim_loss_t2v: 0.3898 2023/07/30 19:15:32 - mmengine - INFO - Epoch(train) [31][1100/1879] base_lr: 1.9657e-06 lr: 1.9657e-06 eta: 4:06:19 time: 0.4039 data_time: 0.0317 memory: 8783 loss: 0.7469 sim_loss_v2t: 0.3721 sim_loss_t2v: 0.3748 2023/07/30 19:16:13 - mmengine - INFO - Epoch(train) [31][1200/1879] base_lr: 1.9567e-06 lr: 1.9567e-06 eta: 4:05:39 time: 0.3617 data_time: 0.0278 memory: 8783 loss: 0.7283 sim_loss_v2t: 0.3616 sim_loss_t2v: 0.3668 2023/07/30 19:16:53 - mmengine - INFO - Epoch(train) [31][1300/1879] base_lr: 1.9476e-06 lr: 1.9476e-06 eta: 4:04:57 time: 0.3915 data_time: 0.0290 memory: 8783 loss: 0.7352 sim_loss_v2t: 0.3701 sim_loss_t2v: 0.3651 2023/07/30 19:17:34 - mmengine - INFO - Epoch(train) [31][1400/1879] base_lr: 1.9386e-06 lr: 1.9386e-06 eta: 4:04:17 time: 0.4246 data_time: 0.0253 memory: 8783 loss: 0.7508 sim_loss_v2t: 0.3777 sim_loss_t2v: 0.3732 2023/07/30 19:18:12 - mmengine - INFO - Epoch(train) [31][1500/1879] base_lr: 1.9295e-06 lr: 1.9295e-06 eta: 4:03:35 time: 0.3516 data_time: 0.0261 memory: 8783 loss: 0.7487 sim_loss_v2t: 0.3710 sim_loss_t2v: 0.3777 2023/07/30 19:18:51 - mmengine - INFO - Epoch(train) [31][1600/1879] base_lr: 1.9205e-06 lr: 1.9205e-06 eta: 4:02:54 time: 0.4192 data_time: 0.0288 memory: 8783 loss: 0.7900 sim_loss_v2t: 0.3934 sim_loss_t2v: 0.3966 2023/07/30 19:19:02 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:19:32 - mmengine - INFO - Epoch(train) [31][1700/1879] base_lr: 1.9114e-06 lr: 1.9114e-06 eta: 4:02:13 time: 0.4624 data_time: 0.0279 memory: 8783 loss: 0.7943 sim_loss_v2t: 0.3945 sim_loss_t2v: 0.3998 2023/07/30 19:20:12 - mmengine - INFO - Epoch(train) [31][1800/1879] base_lr: 1.9024e-06 lr: 1.9024e-06 eta: 4:01:33 time: 0.3643 data_time: 0.0227 memory: 8783 loss: 0.7291 sim_loss_v2t: 0.3649 sim_loss_t2v: 0.3642 2023/07/30 19:20:39 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:20:39 - mmengine - INFO - Epoch(train) [31][1879/1879] base_lr: 1.8953e-06 lr: 1.8953e-06 eta: 4:00:58 time: 0.1839 data_time: 0.0103 memory: 8783 loss: 0.7284 sim_loss_v2t: 0.3633 sim_loss_t2v: 0.3651 2023/07/30 19:20:39 - mmengine - INFO - Saving checkpoint at 31 epochs 2023/07/30 19:22:51 - mmengine - INFO - Epoch(val) [31][100/155] eta: 0:01:04 time: 1.1520 data_time: 0.0473 memory: 18758 2023/07/30 19:23:55 - mmengine - INFO - Epoch(val) [31][155/155] acc/top1: 0.7682 acc/top5: 0.9332 acc/mean1: 0.7681 data_time: 0.0509 time: 1.1558 2023/07/30 19:23:55 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_30.pth is removed 2023/07/30 19:24:02 - mmengine - INFO - The best checkpoint with 0.7682 acc/top1 at 31 epoch is saved to best_acc_top1_epoch_31.pth. 2023/07/30 19:24:56 - mmengine - INFO - Epoch(train) [32][ 100/1879] base_lr: 1.8863e-06 lr: 1.8863e-06 eta: 4:00:17 time: 0.3344 data_time: 0.0807 memory: 18758 loss: 0.7254 sim_loss_v2t: 0.3524 sim_loss_t2v: 0.3730 2023/07/30 19:25:37 - mmengine - INFO - Epoch(train) [32][ 200/1879] base_lr: 1.8773e-06 lr: 1.8773e-06 eta: 3:59:37 time: 0.4658 data_time: 0.1328 memory: 8783 loss: 0.7301 sim_loss_v2t: 0.3608 sim_loss_t2v: 0.3693 2023/07/30 19:26:17 - mmengine - INFO - Epoch(train) [32][ 300/1879] base_lr: 1.8683e-06 lr: 1.8683e-06 eta: 3:58:56 time: 0.4011 data_time: 0.0246 memory: 8783 loss: 0.7444 sim_loss_v2t: 0.3723 sim_loss_t2v: 0.3721 2023/07/30 19:26:57 - mmengine - INFO - Epoch(train) [32][ 400/1879] base_lr: 1.8593e-06 lr: 1.8593e-06 eta: 3:58:16 time: 0.4706 data_time: 0.0257 memory: 8783 loss: 0.7438 sim_loss_v2t: 0.3718 sim_loss_t2v: 0.3721 2023/07/30 19:27:38 - mmengine - INFO - Epoch(train) [32][ 500/1879] base_lr: 1.8503e-06 lr: 1.8503e-06 eta: 3:57:35 time: 0.3886 data_time: 0.0223 memory: 8783 loss: 0.7566 sim_loss_v2t: 0.3743 sim_loss_t2v: 0.3822 2023/07/30 19:28:18 - mmengine - INFO - Epoch(train) [32][ 600/1879] base_lr: 1.8414e-06 lr: 1.8414e-06 eta: 3:56:54 time: 0.4178 data_time: 0.0255 memory: 8783 loss: 0.7047 sim_loss_v2t: 0.3522 sim_loss_t2v: 0.3524 2023/07/30 19:28:59 - mmengine - INFO - Epoch(train) [32][ 700/1879] base_lr: 1.8324e-06 lr: 1.8324e-06 eta: 3:56:14 time: 0.3926 data_time: 0.0347 memory: 8783 loss: 0.7567 sim_loss_v2t: 0.3731 sim_loss_t2v: 0.3836 2023/07/30 19:29:19 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:29:38 - mmengine - INFO - Epoch(train) [32][ 800/1879] base_lr: 1.8235e-06 lr: 1.8235e-06 eta: 3:55:33 time: 0.4107 data_time: 0.0271 memory: 8783 loss: 0.6870 sim_loss_v2t: 0.3462 sim_loss_t2v: 0.3408 2023/07/30 19:30:19 - mmengine - INFO - Epoch(train) [32][ 900/1879] base_lr: 1.8145e-06 lr: 1.8145e-06 eta: 3:54:52 time: 0.3906 data_time: 0.0526 memory: 8783 loss: 0.7281 sim_loss_v2t: 0.3592 sim_loss_t2v: 0.3689 2023/07/30 19:30:57 - mmengine - INFO - Epoch(train) [32][1000/1879] base_lr: 1.8056e-06 lr: 1.8056e-06 eta: 3:54:11 time: 0.3927 data_time: 0.0351 memory: 8783 loss: 0.7697 sim_loss_v2t: 0.3812 sim_loss_t2v: 0.3885 2023/07/30 19:31:39 - mmengine - INFO - Epoch(train) [32][1100/1879] base_lr: 1.7967e-06 lr: 1.7967e-06 eta: 3:53:31 time: 0.4860 data_time: 0.2339 memory: 8783 loss: 0.7382 sim_loss_v2t: 0.3684 sim_loss_t2v: 0.3698 2023/07/30 19:32:20 - mmengine - INFO - Epoch(train) [32][1200/1879] base_lr: 1.7878e-06 lr: 1.7878e-06 eta: 3:52:50 time: 0.4983 data_time: 0.0394 memory: 8783 loss: 0.7796 sim_loss_v2t: 0.3839 sim_loss_t2v: 0.3957 2023/07/30 19:32:58 - mmengine - INFO - Epoch(train) [32][1300/1879] base_lr: 1.7789e-06 lr: 1.7789e-06 eta: 3:52:09 time: 0.3641 data_time: 0.1134 memory: 8783 loss: 0.7366 sim_loss_v2t: 0.3676 sim_loss_t2v: 0.3690 2023/07/30 19:33:38 - mmengine - INFO - Epoch(train) [32][1400/1879] base_lr: 1.7700e-06 lr: 1.7700e-06 eta: 3:51:28 time: 0.3828 data_time: 0.0263 memory: 8783 loss: 0.7629 sim_loss_v2t: 0.3778 sim_loss_t2v: 0.3851 2023/07/30 19:34:39 - mmengine - INFO - Epoch(train) [32][1500/1879] base_lr: 1.7611e-06 lr: 1.7611e-06 eta: 3:50:59 time: 0.5485 data_time: 0.0352 memory: 8783 loss: 0.7557 sim_loss_v2t: 0.3750 sim_loss_t2v: 0.3807 2023/07/30 19:35:39 - mmengine - INFO - Epoch(train) [32][1600/1879] base_lr: 1.7522e-06 lr: 1.7522e-06 eta: 3:50:30 time: 0.7182 data_time: 0.0320 memory: 8783 loss: 0.7421 sim_loss_v2t: 0.3685 sim_loss_t2v: 0.3735 2023/07/30 19:36:38 - mmengine - INFO - Epoch(train) [32][1700/1879] base_lr: 1.7434e-06 lr: 1.7434e-06 eta: 3:49:59 time: 0.5797 data_time: 0.0302 memory: 8783 loss: 0.7161 sim_loss_v2t: 0.3522 sim_loss_t2v: 0.3639 2023/07/30 19:37:06 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:37:36 - mmengine - INFO - Epoch(train) [32][1800/1879] base_lr: 1.7345e-06 lr: 1.7345e-06 eta: 3:49:29 time: 0.6619 data_time: 0.0355 memory: 8783 loss: 0.7680 sim_loss_v2t: 0.3826 sim_loss_t2v: 0.3854 2023/07/30 19:38:13 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:38:13 - mmengine - INFO - Epoch(train) [32][1879/1879] base_lr: 1.7275e-06 lr: 1.7275e-06 eta: 3:49:00 time: 0.2946 data_time: 0.0190 memory: 8783 loss: 0.7182 sim_loss_v2t: 0.3564 sim_loss_t2v: 0.3619 2023/07/30 19:38:13 - mmengine - INFO - Saving checkpoint at 32 epochs 2023/07/30 19:40:43 - mmengine - INFO - Epoch(val) [32][100/155] eta: 0:01:07 time: 1.1890 data_time: 0.0780 memory: 18758 2023/07/30 19:41:48 - mmengine - INFO - Epoch(val) [32][155/155] acc/top1: 0.7677 acc/top5: 0.9341 acc/mean1: 0.7677 data_time: 0.0857 time: 1.1961 2023/07/30 19:42:59 - mmengine - INFO - Epoch(train) [33][ 100/1879] base_lr: 1.7187e-06 lr: 1.7187e-06 eta: 3:48:36 time: 0.8417 data_time: 0.0460 memory: 18758 loss: 0.7081 sim_loss_v2t: 0.3511 sim_loss_t2v: 0.3570 2023/07/30 19:43:59 - mmengine - INFO - Epoch(train) [33][ 200/1879] base_lr: 1.7099e-06 lr: 1.7099e-06 eta: 3:48:06 time: 0.5749 data_time: 0.0437 memory: 8783 loss: 0.7015 sim_loss_v2t: 0.3497 sim_loss_t2v: 0.3518 2023/07/30 19:44:57 - mmengine - INFO - Epoch(train) [33][ 300/1879] base_lr: 1.7011e-06 lr: 1.7011e-06 eta: 3:47:35 time: 0.5706 data_time: 0.0374 memory: 8783 loss: 0.7187 sim_loss_v2t: 0.3576 sim_loss_t2v: 0.3611 2023/07/30 19:45:52 - mmengine - INFO - Epoch(train) [33][ 400/1879] base_lr: 1.6923e-06 lr: 1.6923e-06 eta: 3:47:02 time: 0.5138 data_time: 0.0315 memory: 8783 loss: 0.7462 sim_loss_v2t: 0.3689 sim_loss_t2v: 0.3773 2023/07/30 19:46:53 - mmengine - INFO - Epoch(train) [33][ 500/1879] base_lr: 1.6835e-06 lr: 1.6835e-06 eta: 3:46:32 time: 0.6088 data_time: 0.0407 memory: 8783 loss: 0.7528 sim_loss_v2t: 0.3735 sim_loss_t2v: 0.3792 2023/07/30 19:47:51 - mmengine - INFO - Epoch(train) [33][ 600/1879] base_lr: 1.6747e-06 lr: 1.6747e-06 eta: 3:46:01 time: 0.6146 data_time: 0.1282 memory: 8783 loss: 0.7074 sim_loss_v2t: 0.3538 sim_loss_t2v: 0.3537 2023/07/30 19:48:52 - mmengine - INFO - Epoch(train) [33][ 700/1879] base_lr: 1.6660e-06 lr: 1.6660e-06 eta: 3:45:31 time: 0.6825 data_time: 0.2502 memory: 8783 loss: 0.7350 sim_loss_v2t: 0.3680 sim_loss_t2v: 0.3670 2023/07/30 19:49:52 - mmengine - INFO - Epoch(train) [33][ 800/1879] base_lr: 1.6572e-06 lr: 1.6572e-06 eta: 3:45:01 time: 0.5241 data_time: 0.1606 memory: 8783 loss: 0.7283 sim_loss_v2t: 0.3593 sim_loss_t2v: 0.3690 2023/07/30 19:50:32 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 19:50:48 - mmengine - INFO - Epoch(train) [33][ 900/1879] base_lr: 1.6485e-06 lr: 1.6485e-06 eta: 3:44:28 time: 0.4871 data_time: 0.0425 memory: 8783 loss: 0.7107 sim_loss_v2t: 0.3526 sim_loss_t2v: 0.3581 2023/07/30 19:51:48 - mmengine - INFO - Epoch(train) [33][1000/1879] base_lr: 1.6398e-06 lr: 1.6398e-06 eta: 3:43:57 time: 0.5653 data_time: 0.1366 memory: 8783 loss: 0.7278 sim_loss_v2t: 0.3638 sim_loss_t2v: 0.3640 2023/07/30 19:52:50 - mmengine - INFO - Epoch(train) [33][1100/1879] base_lr: 1.6310e-06 lr: 1.6310e-06 eta: 3:43:28 time: 0.6166 data_time: 0.0479 memory: 8783 loss: 0.7096 sim_loss_v2t: 0.3525 sim_loss_t2v: 0.3572 2023/07/30 19:53:45 - mmengine - INFO - Epoch(train) [33][1200/1879] base_lr: 1.6223e-06 lr: 1.6223e-06 eta: 3:42:54 time: 0.4134 data_time: 0.0258 memory: 8783 loss: 0.7551 sim_loss_v2t: 0.3773 sim_loss_t2v: 0.3779 2023/07/30 19:54:45 - mmengine - INFO - Epoch(train) [33][1300/1879] base_lr: 1.6136e-06 lr: 1.6136e-06 eta: 3:42:23 time: 0.6592 data_time: 0.0352 memory: 8783 loss: 0.7606 sim_loss_v2t: 0.3813 sim_loss_t2v: 0.3793 2023/07/30 19:55:43 - mmengine - INFO - Epoch(train) [33][1400/1879] base_lr: 1.6050e-06 lr: 1.6050e-06 eta: 3:41:51 time: 0.5350 data_time: 0.0645 memory: 8783 loss: 0.7397 sim_loss_v2t: 0.3718 sim_loss_t2v: 0.3678 2023/07/30 19:56:44 - mmengine - INFO - Epoch(train) [33][1500/1879] base_lr: 1.5963e-06 lr: 1.5963e-06 eta: 3:41:20 time: 0.5936 data_time: 0.0606 memory: 8783 loss: 0.7183 sim_loss_v2t: 0.3543 sim_loss_t2v: 0.3640 2023/07/30 19:57:43 - mmengine - INFO - Epoch(train) [33][1600/1879] base_lr: 1.5876e-06 lr: 1.5876e-06 eta: 3:40:48 time: 0.5992 data_time: 0.0313 memory: 8783 loss: 0.7257 sim_loss_v2t: 0.3591 sim_loss_t2v: 0.3666 2023/07/30 19:58:41 - mmengine - INFO - Epoch(train) [33][1700/1879] base_lr: 1.5790e-06 lr: 1.5790e-06 eta: 3:40:16 time: 0.6286 data_time: 0.0303 memory: 8783 loss: 0.7215 sim_loss_v2t: 0.3564 sim_loss_t2v: 0.3651 2023/07/30 19:59:39 - mmengine - INFO - Epoch(train) [33][1800/1879] base_lr: 1.5704e-06 lr: 1.5704e-06 eta: 3:39:44 time: 0.5534 data_time: 0.0370 memory: 8783 loss: 0.7552 sim_loss_v2t: 0.3788 sim_loss_t2v: 0.3764 2023/07/30 20:00:18 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 20:00:19 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 20:00:19 - mmengine - INFO - Epoch(train) [33][1879/1879] base_lr: 1.5636e-06 lr: 1.5636e-06 eta: 3:39:15 time: 0.2096 data_time: 0.0160 memory: 8783 loss: 0.7625 sim_loss_v2t: 0.3777 sim_loss_t2v: 0.3848 2023/07/30 20:00:19 - mmengine - INFO - Saving checkpoint at 33 epochs 2023/07/30 20:02:46 - mmengine - INFO - Epoch(val) [33][100/155] eta: 0:01:08 time: 1.2115 data_time: 0.0828 memory: 18758 2023/07/30 20:03:50 - mmengine - INFO - Epoch(val) [33][155/155] acc/top1: 0.7669 acc/top5: 0.9315 acc/mean1: 0.7668 data_time: 0.0935 time: 1.2085 2023/07/30 20:05:02 - mmengine - INFO - Epoch(train) [34][ 100/1879] base_lr: 1.5550e-06 lr: 1.5550e-06 eta: 3:38:50 time: 0.7738 data_time: 0.4432 memory: 18758 loss: 0.7237 sim_loss_v2t: 0.3595 sim_loss_t2v: 0.3642 2023/07/30 20:06:00 - mmengine - INFO - Epoch(train) [34][ 200/1879] base_lr: 1.5464e-06 lr: 1.5464e-06 eta: 3:38:17 time: 0.5376 data_time: 0.2110 memory: 8783 loss: 0.7262 sim_loss_v2t: 0.3615 sim_loss_t2v: 0.3647 2023/07/30 20:06:58 - mmengine - INFO - Epoch(train) [34][ 300/1879] base_lr: 1.5378e-06 lr: 1.5378e-06 eta: 3:37:44 time: 0.5485 data_time: 0.0680 memory: 8783 loss: 0.7470 sim_loss_v2t: 0.3736 sim_loss_t2v: 0.3734 2023/07/30 20:07:55 - mmengine - INFO - Epoch(train) [34][ 400/1879] base_lr: 1.5292e-06 lr: 1.5292e-06 eta: 3:37:11 time: 0.5786 data_time: 0.1304 memory: 8783 loss: 0.6872 sim_loss_v2t: 0.3408 sim_loss_t2v: 0.3463 2023/07/30 20:08:59 - mmengine - INFO - Epoch(train) [34][ 500/1879] base_lr: 1.5207e-06 lr: 1.5207e-06 eta: 3:36:41 time: 0.7107 data_time: 0.3884 memory: 8783 loss: 0.7354 sim_loss_v2t: 0.3633 sim_loss_t2v: 0.3721 2023/07/30 20:09:57 - mmengine - INFO - Epoch(train) [34][ 600/1879] base_lr: 1.5121e-06 lr: 1.5121e-06 eta: 3:36:07 time: 0.5237 data_time: 0.2069 memory: 8783 loss: 0.6878 sim_loss_v2t: 0.3432 sim_loss_t2v: 0.3446 2023/07/30 20:10:52 - mmengine - INFO - Epoch(train) [34][ 700/1879] base_lr: 1.5036e-06 lr: 1.5036e-06 eta: 3:35:33 time: 0.5226 data_time: 0.1549 memory: 8783 loss: 0.7373 sim_loss_v2t: 0.3640 sim_loss_t2v: 0.3733 2023/07/30 20:11:53 - mmengine - INFO - Epoch(train) [34][ 800/1879] base_lr: 1.4951e-06 lr: 1.4951e-06 eta: 3:35:01 time: 0.5582 data_time: 0.0288 memory: 8783 loss: 0.7149 sim_loss_v2t: 0.3505 sim_loss_t2v: 0.3644 2023/07/30 20:12:50 - mmengine - INFO - Epoch(train) [34][ 900/1879] base_lr: 1.4866e-06 lr: 1.4866e-06 eta: 3:34:27 time: 0.5948 data_time: 0.0824 memory: 8783 loss: 0.7569 sim_loss_v2t: 0.3782 sim_loss_t2v: 0.3787 2023/07/30 20:13:44 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 20:13:51 - mmengine - INFO - Epoch(train) [34][1000/1879] base_lr: 1.4781e-06 lr: 1.4781e-06 eta: 3:33:56 time: 0.6707 data_time: 0.0457 memory: 8783 loss: 0.7096 sim_loss_v2t: 0.3549 sim_loss_t2v: 0.3546 2023/07/30 20:14:49 - mmengine - INFO - Epoch(train) [34][1100/1879] base_lr: 1.4696e-06 lr: 1.4696e-06 eta: 3:33:22 time: 0.5467 data_time: 0.0320 memory: 8783 loss: 0.6879 sim_loss_v2t: 0.3411 sim_loss_t2v: 0.3468 2023/07/30 20:15:47 - mmengine - INFO - Epoch(train) [34][1200/1879] base_lr: 1.4612e-06 lr: 1.4612e-06 eta: 3:32:49 time: 0.6166 data_time: 0.0319 memory: 8783 loss: 0.7070 sim_loss_v2t: 0.3521 sim_loss_t2v: 0.3549 2023/07/30 20:16:46 - mmengine - INFO - Epoch(train) [34][1300/1879] base_lr: 1.4527e-06 lr: 1.4527e-06 eta: 3:32:15 time: 0.5512 data_time: 0.0337 memory: 8783 loss: 0.7181 sim_loss_v2t: 0.3545 sim_loss_t2v: 0.3637 2023/07/30 20:17:46 - mmengine - INFO - Epoch(train) [34][1400/1879] base_lr: 1.4443e-06 lr: 1.4443e-06 eta: 3:31:43 time: 0.6049 data_time: 0.0375 memory: 8783 loss: 0.7228 sim_loss_v2t: 0.3623 sim_loss_t2v: 0.3605 2023/07/30 20:18:43 - mmengine - INFO - Epoch(train) [34][1500/1879] base_lr: 1.4359e-06 lr: 1.4359e-06 eta: 3:31:09 time: 0.5359 data_time: 0.0373 memory: 8783 loss: 0.7174 sim_loss_v2t: 0.3544 sim_loss_t2v: 0.3630 2023/07/30 20:19:48 - mmengine - INFO - Epoch(train) [34][1600/1879] base_lr: 1.4275e-06 lr: 1.4275e-06 eta: 3:30:38 time: 0.8449 data_time: 0.0371 memory: 8783 loss: 0.7173 sim_loss_v2t: 0.3566 sim_loss_t2v: 0.3607 2023/07/30 20:20:42 - mmengine - INFO - Epoch(train) [34][1700/1879] base_lr: 1.4191e-06 lr: 1.4191e-06 eta: 3:30:02 time: 0.5134 data_time: 0.0390 memory: 8783 loss: 0.7197 sim_loss_v2t: 0.3562 sim_loss_t2v: 0.3636 2023/07/30 20:21:42 - mmengine - INFO - Epoch(train) [34][1800/1879] base_lr: 1.4108e-06 lr: 1.4108e-06 eta: 3:29:29 time: 0.5304 data_time: 0.0393 memory: 8783 loss: 0.7198 sim_loss_v2t: 0.3569 sim_loss_t2v: 0.3629 2023/07/30 20:22:22 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 20:22:22 - mmengine - INFO - Epoch(train) [34][1879/1879] base_lr: 1.4042e-06 lr: 1.4042e-06 eta: 3:29:00 time: 0.2509 data_time: 0.0155 memory: 8783 loss: 0.7514 sim_loss_v2t: 0.3732 sim_loss_t2v: 0.3782 2023/07/30 20:22:22 - mmengine - INFO - Saving checkpoint at 34 epochs 2023/07/30 20:24:50 - mmengine - INFO - Epoch(val) [34][100/155] eta: 0:01:07 time: 1.1883 data_time: 0.0748 memory: 18758 2023/07/30 20:25:55 - mmengine - INFO - Epoch(val) [34][155/155] acc/top1: 0.7726 acc/top5: 0.9329 acc/mean1: 0.7725 data_time: 0.0849 time: 1.1974 2023/07/30 20:25:55 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_31.pth is removed 2023/07/30 20:26:04 - mmengine - INFO - The best checkpoint with 0.7726 acc/top1 at 34 epoch is saved to best_acc_top1_epoch_34.pth. 2023/07/30 20:27:19 - mmengine - INFO - Epoch(train) [35][ 100/1879] base_lr: 1.3958e-06 lr: 1.3958e-06 eta: 3:28:25 time: 0.6501 data_time: 0.3014 memory: 18758 loss: 0.7050 sim_loss_v2t: 0.3487 sim_loss_t2v: 0.3563 2023/07/30 20:27:27 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 20:28:19 - mmengine - INFO - Epoch(train) [35][ 200/1879] base_lr: 1.3875e-06 lr: 1.3875e-06 eta: 3:27:52 time: 0.5830 data_time: 0.1019 memory: 8783 loss: 0.7386 sim_loss_v2t: 0.3657 sim_loss_t2v: 0.3730 2023/07/30 20:29:16 - mmengine - INFO - Epoch(train) [35][ 300/1879] base_lr: 1.3792e-06 lr: 1.3792e-06 eta: 3:27:18 time: 0.5290 data_time: 0.0563 memory: 8783 loss: 0.7272 sim_loss_v2t: 0.3650 sim_loss_t2v: 0.3622 2023/07/30 20:30:17 - mmengine - INFO - Epoch(train) [35][ 400/1879] base_lr: 1.3709e-06 lr: 1.3709e-06 eta: 3:26:45 time: 0.6624 data_time: 0.0353 memory: 8783 loss: 0.6628 sim_loss_v2t: 0.3244 sim_loss_t2v: 0.3384 2023/07/30 20:31:17 - mmengine - INFO - Epoch(train) [35][ 500/1879] base_lr: 1.3626e-06 lr: 1.3626e-06 eta: 3:26:11 time: 0.5711 data_time: 0.0441 memory: 8783 loss: 0.7160 sim_loss_v2t: 0.3533 sim_loss_t2v: 0.3626 2023/07/30 20:32:16 - mmengine - INFO - Epoch(train) [35][ 600/1879] base_lr: 1.3543e-06 lr: 1.3543e-06 eta: 3:25:37 time: 0.6600 data_time: 0.2610 memory: 8783 loss: 0.7162 sim_loss_v2t: 0.3558 sim_loss_t2v: 0.3604 2023/07/30 20:33:14 - mmengine - INFO - Epoch(train) [35][ 700/1879] base_lr: 1.3461e-06 lr: 1.3461e-06 eta: 3:25:02 time: 0.5077 data_time: 0.0896 memory: 8783 loss: 0.7233 sim_loss_v2t: 0.3589 sim_loss_t2v: 0.3644 2023/07/30 20:34:11 - mmengine - INFO - Epoch(train) [35][ 800/1879] base_lr: 1.3379e-06 lr: 1.3379e-06 eta: 3:24:27 time: 0.5159 data_time: 0.1077 memory: 8783 loss: 0.7297 sim_loss_v2t: 0.3608 sim_loss_t2v: 0.3688 2023/07/30 20:35:11 - mmengine - INFO - Epoch(train) [35][ 900/1879] base_lr: 1.3296e-06 lr: 1.3296e-06 eta: 3:23:53 time: 0.6202 data_time: 0.2484 memory: 8783 loss: 0.6997 sim_loss_v2t: 0.3493 sim_loss_t2v: 0.3504 2023/07/30 20:36:10 - mmengine - INFO - Epoch(train) [35][1000/1879] base_lr: 1.3214e-06 lr: 1.3214e-06 eta: 3:23:19 time: 0.6452 data_time: 0.3374 memory: 8783 loss: 0.7179 sim_loss_v2t: 0.3572 sim_loss_t2v: 0.3606 2023/07/30 20:37:14 - mmengine - INFO - Epoch(train) [35][1100/1879] base_lr: 1.3133e-06 lr: 1.3133e-06 eta: 3:22:47 time: 0.8314 data_time: 0.5339 memory: 8783 loss: 0.6941 sim_loss_v2t: 0.3458 sim_loss_t2v: 0.3482 2023/07/30 20:37:23 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 20:38:12 - mmengine - INFO - Epoch(train) [35][1200/1879] base_lr: 1.3051e-06 lr: 1.3051e-06 eta: 3:22:12 time: 0.6099 data_time: 0.2683 memory: 8783 loss: 0.6828 sim_loss_v2t: 0.3439 sim_loss_t2v: 0.3390 2023/07/30 20:39:12 - mmengine - INFO - Epoch(train) [35][1300/1879] base_lr: 1.2969e-06 lr: 1.2969e-06 eta: 3:21:38 time: 0.4420 data_time: 0.1239 memory: 8783 loss: 0.7162 sim_loss_v2t: 0.3576 sim_loss_t2v: 0.3586 2023/07/30 20:40:13 - mmengine - INFO - Epoch(train) [35][1400/1879] base_lr: 1.2888e-06 lr: 1.2888e-06 eta: 3:21:04 time: 0.6832 data_time: 0.3560 memory: 8783 loss: 0.6804 sim_loss_v2t: 0.3355 sim_loss_t2v: 0.3448 2023/07/30 20:41:10 - mmengine - INFO - Epoch(train) [35][1500/1879] base_lr: 1.2807e-06 lr: 1.2807e-06 eta: 3:20:28 time: 0.5529 data_time: 0.2074 memory: 8783 loss: 0.7067 sim_loss_v2t: 0.3474 sim_loss_t2v: 0.3593 2023/07/30 20:42:09 - mmengine - INFO - Epoch(train) [35][1600/1879] base_lr: 1.2726e-06 lr: 1.2726e-06 eta: 3:19:54 time: 0.5076 data_time: 0.1647 memory: 8783 loss: 0.7080 sim_loss_v2t: 0.3504 sim_loss_t2v: 0.3576 2023/07/30 20:43:07 - mmengine - INFO - Epoch(train) [35][1700/1879] base_lr: 1.2645e-06 lr: 1.2645e-06 eta: 3:19:18 time: 0.5056 data_time: 0.1299 memory: 8783 loss: 0.6864 sim_loss_v2t: 0.3481 sim_loss_t2v: 0.3383 2023/07/30 20:44:06 - mmengine - INFO - Epoch(train) [35][1800/1879] base_lr: 1.2564e-06 lr: 1.2564e-06 eta: 3:18:43 time: 0.4993 data_time: 0.0371 memory: 8783 loss: 0.6969 sim_loss_v2t: 0.3443 sim_loss_t2v: 0.3526 2023/07/30 20:44:46 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 20:44:46 - mmengine - INFO - Epoch(train) [35][1879/1879] base_lr: 1.2501e-06 lr: 1.2501e-06 eta: 3:18:13 time: 0.2185 data_time: 0.0157 memory: 8783 loss: 0.6643 sim_loss_v2t: 0.3351 sim_loss_t2v: 0.3292 2023/07/30 20:44:46 - mmengine - INFO - Saving checkpoint at 35 epochs 2023/07/30 20:47:15 - mmengine - INFO - Epoch(val) [35][100/155] eta: 0:01:08 time: 1.2071 data_time: 0.0951 memory: 18758 2023/07/30 20:48:19 - mmengine - INFO - Epoch(val) [35][155/155] acc/top1: 0.7678 acc/top5: 0.9311 acc/mean1: 0.7677 data_time: 0.0884 time: 1.1993 2023/07/30 20:49:29 - mmengine - INFO - Epoch(train) [36][ 100/1879] base_lr: 1.2420e-06 lr: 1.2420e-06 eta: 3:17:42 time: 0.4896 data_time: 0.0423 memory: 18758 loss: 0.7329 sim_loss_v2t: 0.3676 sim_loss_t2v: 0.3653 2023/07/30 20:50:31 - mmengine - INFO - Epoch(train) [36][ 200/1879] base_lr: 1.2340e-06 lr: 1.2340e-06 eta: 3:17:09 time: 0.7045 data_time: 0.0397 memory: 8783 loss: 0.7418 sim_loss_v2t: 0.3679 sim_loss_t2v: 0.3739 2023/07/30 20:50:50 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 20:51:29 - mmengine - INFO - Epoch(train) [36][ 300/1879] base_lr: 1.2260e-06 lr: 1.2260e-06 eta: 3:16:33 time: 0.5772 data_time: 0.0340 memory: 8783 loss: 0.6936 sim_loss_v2t: 0.3448 sim_loss_t2v: 0.3489 2023/07/30 20:52:27 - mmengine - INFO - Epoch(train) [36][ 400/1879] base_lr: 1.2180e-06 lr: 1.2180e-06 eta: 3:15:57 time: 0.5931 data_time: 0.0347 memory: 8783 loss: 0.6629 sim_loss_v2t: 0.3303 sim_loss_t2v: 0.3326 2023/07/30 20:53:27 - mmengine - INFO - Epoch(train) [36][ 500/1879] base_lr: 1.2101e-06 lr: 1.2101e-06 eta: 3:15:22 time: 0.6652 data_time: 0.1248 memory: 8783 loss: 0.6848 sim_loss_v2t: 0.3428 sim_loss_t2v: 0.3420 2023/07/30 20:54:24 - mmengine - INFO - Epoch(train) [36][ 600/1879] base_lr: 1.2021e-06 lr: 1.2021e-06 eta: 3:14:46 time: 0.5208 data_time: 0.0356 memory: 8783 loss: 0.6922 sim_loss_v2t: 0.3416 sim_loss_t2v: 0.3506 2023/07/30 20:55:25 - mmengine - INFO - Epoch(train) [36][ 700/1879] base_lr: 1.1942e-06 lr: 1.1942e-06 eta: 3:14:11 time: 0.5392 data_time: 0.0390 memory: 8783 loss: 0.7388 sim_loss_v2t: 0.3705 sim_loss_t2v: 0.3683 2023/07/30 20:56:24 - mmengine - INFO - Epoch(train) [36][ 800/1879] base_lr: 1.1863e-06 lr: 1.1863e-06 eta: 3:13:36 time: 0.6925 data_time: 0.0441 memory: 8783 loss: 0.6875 sim_loss_v2t: 0.3462 sim_loss_t2v: 0.3412 2023/07/30 20:57:21 - mmengine - INFO - Epoch(train) [36][ 900/1879] base_lr: 1.1784e-06 lr: 1.1784e-06 eta: 3:12:59 time: 0.5250 data_time: 0.0944 memory: 8783 loss: 0.7130 sim_loss_v2t: 0.3525 sim_loss_t2v: 0.3606 2023/07/30 20:58:20 - mmengine - INFO - Epoch(train) [36][1000/1879] base_lr: 1.1705e-06 lr: 1.1705e-06 eta: 3:12:24 time: 0.5721 data_time: 0.0288 memory: 8783 loss: 0.6860 sim_loss_v2t: 0.3445 sim_loss_t2v: 0.3415 2023/07/30 20:59:20 - mmengine - INFO - Epoch(train) [36][1100/1879] base_lr: 1.1627e-06 lr: 1.1627e-06 eta: 3:11:48 time: 0.6171 data_time: 0.0313 memory: 8783 loss: 0.7123 sim_loss_v2t: 0.3533 sim_loss_t2v: 0.3590 2023/07/30 21:00:21 - mmengine - INFO - Epoch(train) [36][1200/1879] base_lr: 1.1548e-06 lr: 1.1548e-06 eta: 3:11:13 time: 0.5335 data_time: 0.0395 memory: 8783 loss: 0.7095 sim_loss_v2t: 0.3526 sim_loss_t2v: 0.3569 2023/07/30 21:00:38 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 21:01:16 - mmengine - INFO - Epoch(train) [36][1300/1879] base_lr: 1.1470e-06 lr: 1.1470e-06 eta: 3:10:35 time: 0.4992 data_time: 0.0405 memory: 8783 loss: 0.6645 sim_loss_v2t: 0.3263 sim_loss_t2v: 0.3382 2023/07/30 21:02:16 - mmengine - INFO - Epoch(train) [36][1400/1879] base_lr: 1.1392e-06 lr: 1.1392e-06 eta: 3:10:00 time: 0.5308 data_time: 0.0371 memory: 8783 loss: 0.7091 sim_loss_v2t: 0.3496 sim_loss_t2v: 0.3596 2023/07/30 21:03:15 - mmengine - INFO - Epoch(train) [36][1500/1879] base_lr: 1.1314e-06 lr: 1.1314e-06 eta: 3:09:24 time: 0.6099 data_time: 0.0452 memory: 8783 loss: 0.6838 sim_loss_v2t: 0.3396 sim_loss_t2v: 0.3442 2023/07/30 21:04:16 - mmengine - INFO - Epoch(train) [36][1600/1879] base_lr: 1.1237e-06 lr: 1.1237e-06 eta: 3:08:49 time: 0.7924 data_time: 0.3437 memory: 8783 loss: 0.7005 sim_loss_v2t: 0.3489 sim_loss_t2v: 0.3515 2023/07/30 21:05:12 - mmengine - INFO - Epoch(train) [36][1700/1879] base_lr: 1.1159e-06 lr: 1.1159e-06 eta: 3:08:11 time: 0.5040 data_time: 0.1509 memory: 8783 loss: 0.6849 sim_loss_v2t: 0.3426 sim_loss_t2v: 0.3423 2023/07/30 21:06:15 - mmengine - INFO - Epoch(train) [36][1800/1879] base_lr: 1.1082e-06 lr: 1.1082e-06 eta: 3:07:36 time: 0.7841 data_time: 0.0350 memory: 8783 loss: 0.6856 sim_loss_v2t: 0.3391 sim_loss_t2v: 0.3465 2023/07/30 21:06:51 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 21:06:51 - mmengine - INFO - Epoch(train) [36][1879/1879] base_lr: 1.1021e-06 lr: 1.1021e-06 eta: 3:07:04 time: 0.2615 data_time: 0.0191 memory: 8783 loss: 0.6741 sim_loss_v2t: 0.3372 sim_loss_t2v: 0.3368 2023/07/30 21:06:51 - mmengine - INFO - Saving checkpoint at 36 epochs 2023/07/30 21:09:20 - mmengine - INFO - Epoch(val) [36][100/155] eta: 0:01:07 time: 1.1953 data_time: 0.0838 memory: 18758 2023/07/30 21:10:24 - mmengine - INFO - Epoch(val) [36][155/155] acc/top1: 0.7691 acc/top5: 0.9309 acc/mean1: 0.7690 data_time: 0.0839 time: 1.1953 2023/07/30 21:11:35 - mmengine - INFO - Epoch(train) [37][ 100/1879] base_lr: 1.0944e-06 lr: 1.0944e-06 eta: 3:06:32 time: 0.7693 data_time: 0.3320 memory: 18758 loss: 0.6745 sim_loss_v2t: 0.3342 sim_loss_t2v: 0.3403 2023/07/30 21:12:36 - mmengine - INFO - Epoch(train) [37][ 200/1879] base_lr: 1.0867e-06 lr: 1.0867e-06 eta: 3:05:56 time: 0.6292 data_time: 0.1896 memory: 8783 loss: 0.6689 sim_loss_v2t: 0.3270 sim_loss_t2v: 0.3419 2023/07/30 21:13:35 - mmengine - INFO - Epoch(train) [37][ 300/1879] base_lr: 1.0791e-06 lr: 1.0791e-06 eta: 3:05:20 time: 0.4653 data_time: 0.1496 memory: 8783 loss: 0.6602 sim_loss_v2t: 0.3285 sim_loss_t2v: 0.3317 2023/07/30 21:14:06 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 21:14:31 - mmengine - INFO - Epoch(train) [37][ 400/1879] base_lr: 1.0714e-06 lr: 1.0714e-06 eta: 3:04:42 time: 0.5607 data_time: 0.0375 memory: 8783 loss: 0.7071 sim_loss_v2t: 0.3477 sim_loss_t2v: 0.3595 2023/07/30 21:15:28 - mmengine - INFO - Epoch(train) [37][ 500/1879] base_lr: 1.0638e-06 lr: 1.0638e-06 eta: 3:04:05 time: 0.4838 data_time: 0.0368 memory: 8783 loss: 0.7055 sim_loss_v2t: 0.3446 sim_loss_t2v: 0.3609 2023/07/30 21:16:30 - mmengine - INFO - Epoch(train) [37][ 600/1879] base_lr: 1.0562e-06 lr: 1.0562e-06 eta: 3:03:29 time: 0.7028 data_time: 0.0416 memory: 8783 loss: 0.6808 sim_loss_v2t: 0.3386 sim_loss_t2v: 0.3421 2023/07/30 21:17:28 - mmengine - INFO - Epoch(train) [37][ 700/1879] base_lr: 1.0487e-06 lr: 1.0487e-06 eta: 3:02:52 time: 0.5211 data_time: 0.0271 memory: 8783 loss: 0.6981 sim_loss_v2t: 0.3524 sim_loss_t2v: 0.3457 2023/07/30 21:18:28 - mmengine - INFO - Epoch(train) [37][ 800/1879] base_lr: 1.0411e-06 lr: 1.0411e-06 eta: 3:02:15 time: 0.5484 data_time: 0.0346 memory: 8783 loss: 0.7058 sim_loss_v2t: 0.3506 sim_loss_t2v: 0.3552 2023/07/30 21:19:27 - mmengine - INFO - Epoch(train) [37][ 900/1879] base_lr: 1.0336e-06 lr: 1.0336e-06 eta: 3:01:38 time: 0.5911 data_time: 0.0404 memory: 8783 loss: 0.6822 sim_loss_v2t: 0.3413 sim_loss_t2v: 0.3409 2023/07/30 21:20:25 - mmengine - INFO - Epoch(train) [37][1000/1879] base_lr: 1.0261e-06 lr: 1.0261e-06 eta: 3:01:01 time: 0.5680 data_time: 0.0430 memory: 8783 loss: 0.6228 sim_loss_v2t: 0.3077 sim_loss_t2v: 0.3151 2023/07/30 21:21:27 - mmengine - INFO - Epoch(train) [37][1100/1879] base_lr: 1.0186e-06 lr: 1.0186e-06 eta: 3:00:25 time: 0.7359 data_time: 0.0374 memory: 8783 loss: 0.6627 sim_loss_v2t: 0.3301 sim_loss_t2v: 0.3325 2023/07/30 21:22:23 - mmengine - INFO - Epoch(train) [37][1200/1879] base_lr: 1.0111e-06 lr: 1.0111e-06 eta: 2:59:47 time: 0.4741 data_time: 0.0297 memory: 8783 loss: 0.7050 sim_loss_v2t: 0.3517 sim_loss_t2v: 0.3532 2023/07/30 21:23:23 - mmengine - INFO - Epoch(train) [37][1300/1879] base_lr: 1.0037e-06 lr: 1.0037e-06 eta: 2:59:10 time: 0.5643 data_time: 0.0348 memory: 8783 loss: 0.7338 sim_loss_v2t: 0.3638 sim_loss_t2v: 0.3700 2023/07/30 21:23:55 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 21:24:23 - mmengine - INFO - Epoch(train) [37][1400/1879] base_lr: 9.9622e-07 lr: 9.9622e-07 eta: 2:58:33 time: 0.6497 data_time: 0.0415 memory: 8783 loss: 0.6680 sim_loss_v2t: 0.3299 sim_loss_t2v: 0.3380 2023/07/30 21:25:21 - mmengine - INFO - Epoch(train) [37][1500/1879] base_lr: 9.8881e-07 lr: 9.8881e-07 eta: 2:57:55 time: 0.5081 data_time: 0.0354 memory: 8783 loss: 0.6954 sim_loss_v2t: 0.3444 sim_loss_t2v: 0.3510 2023/07/30 21:26:20 - mmengine - INFO - Epoch(train) [37][1600/1879] base_lr: 9.8142e-07 lr: 9.8142e-07 eta: 2:57:18 time: 0.5499 data_time: 0.0321 memory: 8783 loss: 0.6813 sim_loss_v2t: 0.3374 sim_loss_t2v: 0.3439 2023/07/30 21:27:19 - mmengine - INFO - Epoch(train) [37][1700/1879] base_lr: 9.7406e-07 lr: 9.7406e-07 eta: 2:56:40 time: 0.5681 data_time: 0.0351 memory: 8783 loss: 0.7240 sim_loss_v2t: 0.3590 sim_loss_t2v: 0.3650 2023/07/30 21:28:21 - mmengine - INFO - Epoch(train) [37][1800/1879] base_lr: 9.6671e-07 lr: 9.6671e-07 eta: 2:56:04 time: 0.7182 data_time: 0.0391 memory: 8783 loss: 0.6870 sim_loss_v2t: 0.3392 sim_loss_t2v: 0.3478 2023/07/30 21:28:58 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 21:28:58 - mmengine - INFO - Epoch(train) [37][1879/1879] base_lr: 9.6092e-07 lr: 9.6092e-07 eta: 2:55:31 time: 0.2032 data_time: 0.0186 memory: 8783 loss: 0.6767 sim_loss_v2t: 0.3407 sim_loss_t2v: 0.3360 2023/07/30 21:28:58 - mmengine - INFO - Saving checkpoint at 37 epochs 2023/07/30 21:31:22 - mmengine - INFO - Epoch(val) [37][100/155] eta: 0:01:08 time: 1.1815 data_time: 0.0691 memory: 18758 2023/07/30 21:32:27 - mmengine - INFO - Epoch(val) [37][155/155] acc/top1: 0.7728 acc/top5: 0.9324 acc/mean1: 0.7727 data_time: 0.0986 time: 1.2095 2023/07/30 21:32:27 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_34.pth is removed 2023/07/30 21:32:35 - mmengine - INFO - The best checkpoint with 0.7728 acc/top1 at 37 epoch is saved to best_acc_top1_epoch_37.pth. 2023/07/30 21:33:54 - mmengine - INFO - Epoch(train) [38][ 100/1879] base_lr: 9.5361e-07 lr: 9.5361e-07 eta: 2:54:54 time: 0.7480 data_time: 0.4254 memory: 18758 loss: 0.6862 sim_loss_v2t: 0.3378 sim_loss_t2v: 0.3484 2023/07/30 21:34:54 - mmengine - INFO - Epoch(train) [38][ 200/1879] base_lr: 9.4632e-07 lr: 9.4632e-07 eta: 2:54:16 time: 0.7179 data_time: 0.1061 memory: 8783 loss: 0.6945 sim_loss_v2t: 0.3424 sim_loss_t2v: 0.3521 2023/07/30 21:35:48 - mmengine - INFO - Epoch(train) [38][ 300/1879] base_lr: 9.3906e-07 lr: 9.3906e-07 eta: 2:53:37 time: 0.4926 data_time: 0.0314 memory: 8783 loss: 0.6858 sim_loss_v2t: 0.3349 sim_loss_t2v: 0.3509 2023/07/30 21:36:48 - mmengine - INFO - Epoch(train) [38][ 400/1879] base_lr: 9.3181e-07 lr: 9.3181e-07 eta: 2:53:00 time: 0.6831 data_time: 0.0342 memory: 8783 loss: 0.6245 sim_loss_v2t: 0.3067 sim_loss_t2v: 0.3178 2023/07/30 21:37:31 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 21:37:48 - mmengine - INFO - Epoch(train) [38][ 500/1879] base_lr: 9.2459e-07 lr: 9.2459e-07 eta: 2:52:22 time: 0.5773 data_time: 0.1393 memory: 8783 loss: 0.6792 sim_loss_v2t: 0.3400 sim_loss_t2v: 0.3392 2023/07/30 21:38:47 - mmengine - INFO - Epoch(train) [38][ 600/1879] base_lr: 9.1739e-07 lr: 9.1739e-07 eta: 2:51:44 time: 0.6151 data_time: 0.0329 memory: 8783 loss: 0.6691 sim_loss_v2t: 0.3374 sim_loss_t2v: 0.3318 2023/07/30 21:39:45 - mmengine - INFO - Epoch(train) [38][ 700/1879] base_lr: 9.1021e-07 lr: 9.1021e-07 eta: 2:51:06 time: 0.4649 data_time: 0.0331 memory: 8783 loss: 0.7001 sim_loss_v2t: 0.3490 sim_loss_t2v: 0.3511 2023/07/30 21:40:42 - mmengine - INFO - Epoch(train) [38][ 800/1879] base_lr: 9.0305e-07 lr: 9.0305e-07 eta: 2:50:27 time: 0.5183 data_time: 0.0370 memory: 8783 loss: 0.7094 sim_loss_v2t: 0.3529 sim_loss_t2v: 0.3565 2023/07/30 21:41:41 - mmengine - INFO - Epoch(train) [38][ 900/1879] base_lr: 8.9591e-07 lr: 8.9591e-07 eta: 2:49:49 time: 0.5525 data_time: 0.0367 memory: 8783 loss: 0.6422 sim_loss_v2t: 0.3223 sim_loss_t2v: 0.3200 2023/07/30 21:42:43 - mmengine - INFO - Epoch(train) [38][1000/1879] base_lr: 8.8880e-07 lr: 8.8880e-07 eta: 2:49:12 time: 0.6407 data_time: 0.0364 memory: 8783 loss: 0.7161 sim_loss_v2t: 0.3514 sim_loss_t2v: 0.3647 2023/07/30 21:43:42 - mmengine - INFO - Epoch(train) [38][1100/1879] base_lr: 8.8171e-07 lr: 8.8171e-07 eta: 2:48:34 time: 0.6308 data_time: 0.0309 memory: 8783 loss: 0.6795 sim_loss_v2t: 0.3349 sim_loss_t2v: 0.3445 2023/07/30 21:44:39 - mmengine - INFO - Epoch(train) [38][1200/1879] base_lr: 8.7464e-07 lr: 8.7464e-07 eta: 2:47:55 time: 0.5521 data_time: 0.0912 memory: 8783 loss: 0.6941 sim_loss_v2t: 0.3472 sim_loss_t2v: 0.3470 2023/07/30 21:45:38 - mmengine - INFO - Epoch(train) [38][1300/1879] base_lr: 8.6759e-07 lr: 8.6759e-07 eta: 2:47:17 time: 0.6852 data_time: 0.1127 memory: 8783 loss: 0.6681 sim_loss_v2t: 0.3282 sim_loss_t2v: 0.3399 2023/07/30 21:46:37 - mmengine - INFO - Epoch(train) [38][1400/1879] base_lr: 8.6057e-07 lr: 8.6057e-07 eta: 2:46:38 time: 0.5488 data_time: 0.0381 memory: 8783 loss: 0.6505 sim_loss_v2t: 0.3258 sim_loss_t2v: 0.3246 2023/07/30 21:47:26 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 21:47:38 - mmengine - INFO - Epoch(train) [38][1500/1879] base_lr: 8.5357e-07 lr: 8.5357e-07 eta: 2:46:00 time: 0.5244 data_time: 0.0397 memory: 8783 loss: 0.6813 sim_loss_v2t: 0.3350 sim_loss_t2v: 0.3463 2023/07/30 21:48:39 - mmengine - INFO - Epoch(train) [38][1600/1879] base_lr: 8.4659e-07 lr: 8.4659e-07 eta: 2:45:23 time: 0.7182 data_time: 0.0319 memory: 8783 loss: 0.6842 sim_loss_v2t: 0.3429 sim_loss_t2v: 0.3413 2023/07/30 21:49:37 - mmengine - INFO - Epoch(train) [38][1700/1879] base_lr: 8.3964e-07 lr: 8.3964e-07 eta: 2:44:44 time: 0.5673 data_time: 0.0396 memory: 8783 loss: 0.7166 sim_loss_v2t: 0.3531 sim_loss_t2v: 0.3635 2023/07/30 21:50:34 - mmengine - INFO - Epoch(train) [38][1800/1879] base_lr: 8.3270e-07 lr: 8.3270e-07 eta: 2:44:04 time: 0.5498 data_time: 0.0812 memory: 8783 loss: 0.6432 sim_loss_v2t: 0.3203 sim_loss_t2v: 0.3229 2023/07/30 21:51:13 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 21:51:13 - mmengine - INFO - Epoch(train) [38][1879/1879] base_lr: 8.2724e-07 lr: 8.2724e-07 eta: 2:43:32 time: 0.2718 data_time: 0.0781 memory: 8783 loss: 0.6905 sim_loss_v2t: 0.3442 sim_loss_t2v: 0.3463 2023/07/30 21:51:13 - mmengine - INFO - Saving checkpoint at 38 epochs 2023/07/30 21:53:38 - mmengine - INFO - Epoch(val) [38][100/155] eta: 0:01:08 time: 1.1904 data_time: 0.0744 memory: 18758 2023/07/30 21:54:43 - mmengine - INFO - Epoch(val) [38][155/155] acc/top1: 0.7709 acc/top5: 0.9324 acc/mean1: 0.7708 data_time: 0.0972 time: 1.2090 2023/07/30 21:55:53 - mmengine - INFO - Epoch(train) [39][ 100/1879] base_lr: 8.2035e-07 lr: 8.2035e-07 eta: 2:42:56 time: 0.7298 data_time: 0.0711 memory: 18758 loss: 0.6546 sim_loss_v2t: 0.3267 sim_loss_t2v: 0.3278 2023/07/30 21:56:51 - mmengine - INFO - Epoch(train) [39][ 200/1879] base_lr: 8.1348e-07 lr: 8.1348e-07 eta: 2:42:17 time: 0.5425 data_time: 0.0328 memory: 8783 loss: 0.6496 sim_loss_v2t: 0.3212 sim_loss_t2v: 0.3284 2023/07/30 21:57:49 - mmengine - INFO - Epoch(train) [39][ 300/1879] base_lr: 8.0664e-07 lr: 8.0664e-07 eta: 2:41:38 time: 0.5345 data_time: 0.0325 memory: 8783 loss: 0.6816 sim_loss_v2t: 0.3355 sim_loss_t2v: 0.3461 2023/07/30 21:58:48 - mmengine - INFO - Epoch(train) [39][ 400/1879] base_lr: 7.9982e-07 lr: 7.9982e-07 eta: 2:40:59 time: 0.5480 data_time: 0.0339 memory: 8783 loss: 0.6664 sim_loss_v2t: 0.3313 sim_loss_t2v: 0.3351 2023/07/30 21:59:49 - mmengine - INFO - Epoch(train) [39][ 500/1879] base_lr: 7.9302e-07 lr: 7.9302e-07 eta: 2:40:21 time: 0.7331 data_time: 0.3779 memory: 8783 loss: 0.6756 sim_loss_v2t: 0.3347 sim_loss_t2v: 0.3409 2023/07/30 22:00:45 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:00:47 - mmengine - INFO - Epoch(train) [39][ 600/1879] base_lr: 7.8624e-07 lr: 7.8624e-07 eta: 2:39:42 time: 0.6411 data_time: 0.0333 memory: 8783 loss: 0.6895 sim_loss_v2t: 0.3440 sim_loss_t2v: 0.3455 2023/07/30 22:01:47 - mmengine - INFO - Epoch(train) [39][ 700/1879] base_lr: 7.7949e-07 lr: 7.7949e-07 eta: 2:39:03 time: 0.6906 data_time: 0.0373 memory: 8783 loss: 0.7129 sim_loss_v2t: 0.3523 sim_loss_t2v: 0.3605 2023/07/30 22:02:44 - mmengine - INFO - Epoch(train) [39][ 800/1879] base_lr: 7.7277e-07 lr: 7.7277e-07 eta: 2:38:23 time: 0.5711 data_time: 0.0321 memory: 8783 loss: 0.7101 sim_loss_v2t: 0.3566 sim_loss_t2v: 0.3535 2023/07/30 22:03:45 - mmengine - INFO - Epoch(train) [39][ 900/1879] base_lr: 7.6606e-07 lr: 7.6606e-07 eta: 2:37:45 time: 0.4593 data_time: 0.0330 memory: 8783 loss: 0.6669 sim_loss_v2t: 0.3314 sim_loss_t2v: 0.3355 2023/07/30 22:04:44 - mmengine - INFO - Epoch(train) [39][1000/1879] base_lr: 7.5938e-07 lr: 7.5938e-07 eta: 2:37:06 time: 0.5366 data_time: 0.0378 memory: 8783 loss: 0.7030 sim_loss_v2t: 0.3440 sim_loss_t2v: 0.3590 2023/07/30 22:05:45 - mmengine - INFO - Epoch(train) [39][1100/1879] base_lr: 7.5273e-07 lr: 7.5273e-07 eta: 2:36:27 time: 0.7265 data_time: 0.0323 memory: 8783 loss: 0.6638 sim_loss_v2t: 0.3293 sim_loss_t2v: 0.3344 2023/07/30 22:06:43 - mmengine - INFO - Epoch(train) [39][1200/1879] base_lr: 7.4610e-07 lr: 7.4610e-07 eta: 2:35:47 time: 0.5490 data_time: 0.0339 memory: 8783 loss: 0.6902 sim_loss_v2t: 0.3416 sim_loss_t2v: 0.3487 2023/07/30 22:07:41 - mmengine - INFO - Epoch(train) [39][1300/1879] base_lr: 7.3949e-07 lr: 7.3949e-07 eta: 2:35:08 time: 0.5509 data_time: 0.0423 memory: 8783 loss: 0.6541 sim_loss_v2t: 0.3290 sim_loss_t2v: 0.3251 2023/07/30 22:08:41 - mmengine - INFO - Epoch(train) [39][1400/1879] base_lr: 7.3291e-07 lr: 7.3291e-07 eta: 2:34:29 time: 0.5451 data_time: 0.0339 memory: 8783 loss: 0.6915 sim_loss_v2t: 0.3432 sim_loss_t2v: 0.3483 2023/07/30 22:09:42 - mmengine - INFO - Epoch(train) [39][1500/1879] base_lr: 7.2635e-07 lr: 7.2635e-07 eta: 2:33:50 time: 0.7291 data_time: 0.0429 memory: 8783 loss: 0.7054 sim_loss_v2t: 0.3486 sim_loss_t2v: 0.3567 2023/07/30 22:10:38 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:10:39 - mmengine - INFO - Epoch(train) [39][1600/1879] base_lr: 7.1981e-07 lr: 7.1981e-07 eta: 2:33:10 time: 0.5023 data_time: 0.0300 memory: 8783 loss: 0.6896 sim_loss_v2t: 0.3457 sim_loss_t2v: 0.3438 2023/07/30 22:11:37 - mmengine - INFO - Epoch(train) [39][1700/1879] base_lr: 7.1330e-07 lr: 7.1330e-07 eta: 2:32:30 time: 0.5569 data_time: 0.0316 memory: 8783 loss: 0.6458 sim_loss_v2t: 0.3236 sim_loss_t2v: 0.3223 2023/07/30 22:12:35 - mmengine - INFO - Epoch(train) [39][1800/1879] base_lr: 7.0682e-07 lr: 7.0682e-07 eta: 2:31:50 time: 0.5235 data_time: 0.0313 memory: 8783 loss: 0.6569 sim_loss_v2t: 0.3303 sim_loss_t2v: 0.3266 2023/07/30 22:13:17 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:13:17 - mmengine - INFO - Epoch(train) [39][1879/1879] base_lr: 7.0172e-07 lr: 7.0172e-07 eta: 2:31:17 time: 0.3231 data_time: 0.0174 memory: 8783 loss: 0.6438 sim_loss_v2t: 0.3222 sim_loss_t2v: 0.3215 2023/07/30 22:13:17 - mmengine - INFO - Saving checkpoint at 39 epochs 2023/07/30 22:15:45 - mmengine - INFO - Epoch(val) [39][100/155] eta: 0:01:07 time: 1.1825 data_time: 0.0696 memory: 18758 2023/07/30 22:16:49 - mmengine - INFO - Epoch(val) [39][155/155] acc/top1: 0.7708 acc/top5: 0.9321 acc/mean1: 0.7707 data_time: 0.0874 time: 1.1980 2023/07/30 22:17:44 - mmengine - INFO - Epoch(train) [40][ 100/1879] base_lr: 6.9527e-07 lr: 6.9527e-07 eta: 2:30:36 time: 0.7561 data_time: 0.0490 memory: 18758 loss: 0.6265 sim_loss_v2t: 0.3142 sim_loss_t2v: 0.3123 2023/07/30 22:18:43 - mmengine - INFO - Epoch(train) [40][ 200/1879] base_lr: 6.8886e-07 lr: 6.8886e-07 eta: 2:29:57 time: 0.6046 data_time: 0.2304 memory: 8783 loss: 0.6967 sim_loss_v2t: 0.3509 sim_loss_t2v: 0.3458 2023/07/30 22:19:42 - mmengine - INFO - Epoch(train) [40][ 300/1879] base_lr: 6.8247e-07 lr: 6.8247e-07 eta: 2:29:17 time: 0.6126 data_time: 0.0334 memory: 8783 loss: 0.6829 sim_loss_v2t: 0.3348 sim_loss_t2v: 0.3481 2023/07/30 22:20:40 - mmengine - INFO - Epoch(train) [40][ 400/1879] base_lr: 6.7610e-07 lr: 6.7610e-07 eta: 2:28:37 time: 0.5997 data_time: 0.1446 memory: 8783 loss: 0.6643 sim_loss_v2t: 0.3319 sim_loss_t2v: 0.3323 2023/07/30 22:21:40 - mmengine - INFO - Epoch(train) [40][ 500/1879] base_lr: 6.6976e-07 lr: 6.6976e-07 eta: 2:27:57 time: 0.5940 data_time: 0.2328 memory: 8783 loss: 0.6451 sim_loss_v2t: 0.3201 sim_loss_t2v: 0.3250 2023/07/30 22:22:40 - mmengine - INFO - Epoch(train) [40][ 600/1879] base_lr: 6.6345e-07 lr: 6.6345e-07 eta: 2:27:17 time: 0.6160 data_time: 0.2861 memory: 8783 loss: 0.6439 sim_loss_v2t: 0.3199 sim_loss_t2v: 0.3240 2023/07/30 22:23:40 - mmengine - INFO - Epoch(train) [40][ 700/1879] base_lr: 6.5716e-07 lr: 6.5716e-07 eta: 2:26:38 time: 0.5081 data_time: 0.1888 memory: 8783 loss: 0.6487 sim_loss_v2t: 0.3256 sim_loss_t2v: 0.3231 2023/07/30 22:23:50 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:24:38 - mmengine - INFO - Epoch(train) [40][ 800/1879] base_lr: 6.5090e-07 lr: 6.5090e-07 eta: 2:25:57 time: 0.5666 data_time: 0.2456 memory: 8783 loss: 0.6499 sim_loss_v2t: 0.3224 sim_loss_t2v: 0.3275 2023/07/30 22:25:36 - mmengine - INFO - Epoch(train) [40][ 900/1879] base_lr: 6.4466e-07 lr: 6.4466e-07 eta: 2:25:17 time: 0.6236 data_time: 0.2995 memory: 8783 loss: 0.6418 sim_loss_v2t: 0.3192 sim_loss_t2v: 0.3227 2023/07/30 22:26:38 - mmengine - INFO - Epoch(train) [40][1000/1879] base_lr: 6.3844e-07 lr: 6.3844e-07 eta: 2:24:37 time: 0.6612 data_time: 0.3487 memory: 8783 loss: 0.6349 sim_loss_v2t: 0.3177 sim_loss_t2v: 0.3172 2023/07/30 22:27:34 - mmengine - INFO - Epoch(train) [40][1100/1879] base_lr: 6.3226e-07 lr: 6.3226e-07 eta: 2:23:56 time: 0.4611 data_time: 0.1281 memory: 8783 loss: 0.7014 sim_loss_v2t: 0.3473 sim_loss_t2v: 0.3541 2023/07/30 22:28:32 - mmengine - INFO - Epoch(train) [40][1200/1879] base_lr: 6.2610e-07 lr: 6.2610e-07 eta: 2:23:16 time: 0.5836 data_time: 0.1707 memory: 8783 loss: 0.6546 sim_loss_v2t: 0.3290 sim_loss_t2v: 0.3256 2023/07/30 22:29:31 - mmengine - INFO - Epoch(train) [40][1300/1879] base_lr: 6.1996e-07 lr: 6.1996e-07 eta: 2:22:36 time: 0.5553 data_time: 0.0344 memory: 8783 loss: 0.6895 sim_loss_v2t: 0.3421 sim_loss_t2v: 0.3474 2023/07/30 22:30:32 - mmengine - INFO - Epoch(train) [40][1400/1879] base_lr: 6.1385e-07 lr: 6.1385e-07 eta: 2:21:56 time: 0.6685 data_time: 0.0343 memory: 8783 loss: 0.6698 sim_loss_v2t: 0.3308 sim_loss_t2v: 0.3390 2023/07/30 22:31:31 - mmengine - INFO - Epoch(train) [40][1500/1879] base_lr: 6.0777e-07 lr: 6.0777e-07 eta: 2:21:15 time: 0.4894 data_time: 0.0410 memory: 8783 loss: 0.6970 sim_loss_v2t: 0.3399 sim_loss_t2v: 0.3572 2023/07/30 22:32:28 - mmengine - INFO - Epoch(train) [40][1600/1879] base_lr: 6.0171e-07 lr: 6.0171e-07 eta: 2:20:34 time: 0.4871 data_time: 0.0339 memory: 8783 loss: 0.6723 sim_loss_v2t: 0.3359 sim_loss_t2v: 0.3364 2023/07/30 22:33:29 - mmengine - INFO - Epoch(train) [40][1700/1879] base_lr: 5.9568e-07 lr: 5.9568e-07 eta: 2:19:54 time: 0.5468 data_time: 0.0428 memory: 8783 loss: 0.6609 sim_loss_v2t: 0.3255 sim_loss_t2v: 0.3354 2023/07/30 22:33:39 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:34:26 - mmengine - INFO - Epoch(train) [40][1800/1879] base_lr: 5.8967e-07 lr: 5.8967e-07 eta: 2:19:13 time: 0.5797 data_time: 0.0397 memory: 8783 loss: 0.6568 sim_loss_v2t: 0.3267 sim_loss_t2v: 0.3301 2023/07/30 22:35:06 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:35:06 - mmengine - INFO - Epoch(train) [40][1879/1879] base_lr: 5.8495e-07 lr: 5.8495e-07 eta: 2:18:39 time: 0.2450 data_time: 0.0179 memory: 8783 loss: 0.6707 sim_loss_v2t: 0.3333 sim_loss_t2v: 0.3375 2023/07/30 22:35:06 - mmengine - INFO - Saving checkpoint at 40 epochs 2023/07/30 22:37:33 - mmengine - INFO - Epoch(val) [40][100/155] eta: 0:01:07 time: 1.1920 data_time: 0.0797 memory: 18758 2023/07/30 22:38:38 - mmengine - INFO - Epoch(val) [40][155/155] acc/top1: 0.7700 acc/top5: 0.9323 acc/mean1: 0.7699 data_time: 0.0874 time: 1.1997 2023/07/30 22:39:49 - mmengine - INFO - Epoch(train) [41][ 100/1879] base_lr: 5.7899e-07 lr: 5.7899e-07 eta: 2:18:02 time: 0.7848 data_time: 0.0643 memory: 18758 loss: 0.6590 sim_loss_v2t: 0.3241 sim_loss_t2v: 0.3349 2023/07/30 22:40:47 - mmengine - INFO - Epoch(train) [41][ 200/1879] base_lr: 5.7306e-07 lr: 5.7306e-07 eta: 2:17:21 time: 0.5256 data_time: 0.0544 memory: 8783 loss: 0.6528 sim_loss_v2t: 0.3209 sim_loss_t2v: 0.3319 2023/07/30 22:41:44 - mmengine - INFO - Epoch(train) [41][ 300/1879] base_lr: 5.6716e-07 lr: 5.6716e-07 eta: 2:16:40 time: 0.5662 data_time: 0.0436 memory: 8783 loss: 0.6521 sim_loss_v2t: 0.3248 sim_loss_t2v: 0.3272 2023/07/30 22:42:42 - mmengine - INFO - Epoch(train) [41][ 400/1879] base_lr: 5.6128e-07 lr: 5.6128e-07 eta: 2:15:58 time: 0.5149 data_time: 0.0426 memory: 8783 loss: 0.6690 sim_loss_v2t: 0.3322 sim_loss_t2v: 0.3368 2023/07/30 22:43:46 - mmengine - INFO - Epoch(train) [41][ 500/1879] base_lr: 5.5543e-07 lr: 5.5543e-07 eta: 2:15:19 time: 0.6910 data_time: 0.0371 memory: 8783 loss: 0.6507 sim_loss_v2t: 0.3226 sim_loss_t2v: 0.3282 2023/07/30 22:44:42 - mmengine - INFO - Epoch(train) [41][ 600/1879] base_lr: 5.4960e-07 lr: 5.4960e-07 eta: 2:14:37 time: 0.5356 data_time: 0.0368 memory: 8783 loss: 0.6235 sim_loss_v2t: 0.3108 sim_loss_t2v: 0.3127 2023/07/30 22:45:40 - mmengine - INFO - Epoch(train) [41][ 700/1879] base_lr: 5.4380e-07 lr: 5.4380e-07 eta: 2:13:56 time: 0.5871 data_time: 0.0337 memory: 8783 loss: 0.6667 sim_loss_v2t: 0.3297 sim_loss_t2v: 0.3370 2023/07/30 22:46:39 - mmengine - INFO - Epoch(train) [41][ 800/1879] base_lr: 5.3803e-07 lr: 5.3803e-07 eta: 2:13:15 time: 0.5152 data_time: 0.0323 memory: 8783 loss: 0.6729 sim_loss_v2t: 0.3345 sim_loss_t2v: 0.3384 2023/07/30 22:47:04 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:47:41 - mmengine - INFO - Epoch(train) [41][ 900/1879] base_lr: 5.3229e-07 lr: 5.3229e-07 eta: 2:12:35 time: 0.6162 data_time: 0.0325 memory: 8783 loss: 0.6769 sim_loss_v2t: 0.3392 sim_loss_t2v: 0.3377 2023/07/30 22:48:38 - mmengine - INFO - Epoch(train) [41][1000/1879] base_lr: 5.2658e-07 lr: 5.2658e-07 eta: 2:11:53 time: 0.6417 data_time: 0.0604 memory: 8783 loss: 0.6328 sim_loss_v2t: 0.3175 sim_loss_t2v: 0.3153 2023/07/30 22:49:36 - mmengine - INFO - Epoch(train) [41][1100/1879] base_lr: 5.2089e-07 lr: 5.2089e-07 eta: 2:11:12 time: 0.5236 data_time: 0.0346 memory: 8783 loss: 0.6824 sim_loss_v2t: 0.3423 sim_loss_t2v: 0.3401 2023/07/30 22:50:35 - mmengine - INFO - Epoch(train) [41][1200/1879] base_lr: 5.1523e-07 lr: 5.1523e-07 eta: 2:10:30 time: 0.6400 data_time: 0.0531 memory: 8783 loss: 0.6779 sim_loss_v2t: 0.3345 sim_loss_t2v: 0.3435 2023/07/30 22:51:37 - mmengine - INFO - Epoch(train) [41][1300/1879] base_lr: 5.0959e-07 lr: 5.0959e-07 eta: 2:09:50 time: 0.7233 data_time: 0.0418 memory: 8783 loss: 0.6755 sim_loss_v2t: 0.3371 sim_loss_t2v: 0.3385 2023/07/30 22:52:33 - mmengine - INFO - Epoch(train) [41][1400/1879] base_lr: 5.0398e-07 lr: 5.0398e-07 eta: 2:09:08 time: 0.5125 data_time: 0.0406 memory: 8783 loss: 0.6940 sim_loss_v2t: 0.3436 sim_loss_t2v: 0.3504 2023/07/30 22:53:35 - mmengine - INFO - Epoch(train) [41][1500/1879] base_lr: 4.9841e-07 lr: 4.9841e-07 eta: 2:08:27 time: 0.5645 data_time: 0.0377 memory: 8783 loss: 0.6710 sim_loss_v2t: 0.3326 sim_loss_t2v: 0.3384 2023/07/30 22:54:33 - mmengine - INFO - Epoch(train) [41][1600/1879] base_lr: 4.9285e-07 lr: 4.9285e-07 eta: 2:07:46 time: 0.4726 data_time: 0.0386 memory: 8783 loss: 0.6852 sim_loss_v2t: 0.3351 sim_loss_t2v: 0.3500 2023/07/30 22:55:32 - mmengine - INFO - Epoch(train) [41][1700/1879] base_lr: 4.8733e-07 lr: 4.8733e-07 eta: 2:07:04 time: 0.6634 data_time: 0.0358 memory: 8783 loss: 0.6873 sim_loss_v2t: 0.3378 sim_loss_t2v: 0.3495 2023/07/30 22:56:31 - mmengine - INFO - Epoch(train) [41][1800/1879] base_lr: 4.8183e-07 lr: 4.8183e-07 eta: 2:06:23 time: 0.7135 data_time: 0.0362 memory: 8783 loss: 0.6730 sim_loss_v2t: 0.3334 sim_loss_t2v: 0.3396 2023/07/30 22:56:54 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:57:09 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 22:57:09 - mmengine - INFO - Epoch(train) [41][1879/1879] base_lr: 4.7751e-07 lr: 4.7751e-07 eta: 2:05:48 time: 0.2632 data_time: 0.0193 memory: 8783 loss: 0.6386 sim_loss_v2t: 0.3170 sim_loss_t2v: 0.3216 2023/07/30 22:57:09 - mmengine - INFO - Saving checkpoint at 41 epochs 2023/07/30 22:59:37 - mmengine - INFO - Epoch(val) [41][100/155] eta: 0:01:07 time: 1.1919 data_time: 0.0793 memory: 18758 2023/07/30 23:00:42 - mmengine - INFO - Epoch(val) [41][155/155] acc/top1: 0.7737 acc/top5: 0.9324 acc/mean1: 0.7737 data_time: 0.0847 time: 1.1968 2023/07/30 23:00:42 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_37.pth is removed 2023/07/30 23:00:50 - mmengine - INFO - The best checkpoint with 0.7737 acc/top1 at 41 epoch is saved to best_acc_top1_epoch_41.pth. 2023/07/30 23:02:06 - mmengine - INFO - Epoch(train) [42][ 100/1879] base_lr: 4.7207e-07 lr: 4.7207e-07 eta: 2:05:07 time: 0.6631 data_time: 0.3398 memory: 18758 loss: 0.6437 sim_loss_v2t: 0.3170 sim_loss_t2v: 0.3267 2023/07/30 23:03:05 - mmengine - INFO - Epoch(train) [42][ 200/1879] base_lr: 4.6665e-07 lr: 4.6665e-07 eta: 2:04:25 time: 0.5628 data_time: 0.2161 memory: 8783 loss: 0.6470 sim_loss_v2t: 0.3213 sim_loss_t2v: 0.3257 2023/07/30 23:04:00 - mmengine - INFO - Epoch(train) [42][ 300/1879] base_lr: 4.6126e-07 lr: 4.6126e-07 eta: 2:03:43 time: 0.5606 data_time: 0.1453 memory: 8783 loss: 0.6832 sim_loss_v2t: 0.3373 sim_loss_t2v: 0.3459 2023/07/30 23:04:59 - mmengine - INFO - Epoch(train) [42][ 400/1879] base_lr: 4.5590e-07 lr: 4.5590e-07 eta: 2:03:01 time: 0.4701 data_time: 0.1527 memory: 8783 loss: 0.7141 sim_loss_v2t: 0.3576 sim_loss_t2v: 0.3565 2023/07/30 23:06:01 - mmengine - INFO - Epoch(train) [42][ 500/1879] base_lr: 4.5056e-07 lr: 4.5056e-07 eta: 2:02:20 time: 0.5878 data_time: 0.0371 memory: 8783 loss: 0.6549 sim_loss_v2t: 0.3239 sim_loss_t2v: 0.3311 2023/07/30 23:07:01 - mmengine - INFO - Epoch(train) [42][ 600/1879] base_lr: 4.4526e-07 lr: 4.4526e-07 eta: 2:01:38 time: 0.6537 data_time: 0.0374 memory: 8783 loss: 0.6560 sim_loss_v2t: 0.3245 sim_loss_t2v: 0.3315 2023/07/30 23:08:00 - mmengine - INFO - Epoch(train) [42][ 700/1879] base_lr: 4.3998e-07 lr: 4.3998e-07 eta: 2:00:57 time: 0.5530 data_time: 0.0314 memory: 8783 loss: 0.6516 sim_loss_v2t: 0.3254 sim_loss_t2v: 0.3262 2023/07/30 23:08:57 - mmengine - INFO - Epoch(train) [42][ 800/1879] base_lr: 4.3473e-07 lr: 4.3473e-07 eta: 2:00:14 time: 0.5043 data_time: 0.0259 memory: 8783 loss: 0.6887 sim_loss_v2t: 0.3416 sim_loss_t2v: 0.3471 2023/07/30 23:09:57 - mmengine - INFO - Epoch(train) [42][ 900/1879] base_lr: 4.2951e-07 lr: 4.2951e-07 eta: 1:59:33 time: 0.6669 data_time: 0.0386 memory: 8783 loss: 0.6767 sim_loss_v2t: 0.3404 sim_loss_t2v: 0.3363 2023/07/30 23:10:34 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 23:10:55 - mmengine - INFO - Epoch(train) [42][1000/1879] base_lr: 4.2432e-07 lr: 4.2432e-07 eta: 1:58:51 time: 0.5520 data_time: 0.0369 memory: 8783 loss: 0.6215 sim_loss_v2t: 0.3057 sim_loss_t2v: 0.3158 2023/07/30 23:11:54 - mmengine - INFO - Epoch(train) [42][1100/1879] base_lr: 4.1916e-07 lr: 4.1916e-07 eta: 1:58:09 time: 0.5340 data_time: 0.0346 memory: 8783 loss: 0.6602 sim_loss_v2t: 0.3283 sim_loss_t2v: 0.3319 2023/07/30 23:12:57 - mmengine - INFO - Epoch(train) [42][1200/1879] base_lr: 4.1402e-07 lr: 4.1402e-07 eta: 1:57:27 time: 0.7487 data_time: 0.0340 memory: 8783 loss: 0.6568 sim_loss_v2t: 0.3244 sim_loss_t2v: 0.3323 2023/07/30 23:13:55 - mmengine - INFO - Epoch(train) [42][1300/1879] base_lr: 4.0892e-07 lr: 4.0892e-07 eta: 1:56:45 time: 0.5745 data_time: 0.0427 memory: 8783 loss: 0.6353 sim_loss_v2t: 0.3142 sim_loss_t2v: 0.3211 2023/07/30 23:14:51 - mmengine - INFO - Epoch(train) [42][1400/1879] base_lr: 4.0384e-07 lr: 4.0384e-07 eta: 1:56:02 time: 0.4903 data_time: 0.0368 memory: 8783 loss: 0.6459 sim_loss_v2t: 0.3200 sim_loss_t2v: 0.3260 2023/07/30 23:15:53 - mmengine - INFO - Epoch(train) [42][1500/1879] base_lr: 3.9879e-07 lr: 3.9879e-07 eta: 1:55:21 time: 0.6124 data_time: 0.0342 memory: 8783 loss: 0.6401 sim_loss_v2t: 0.3169 sim_loss_t2v: 0.3232 2023/07/30 23:16:51 - mmengine - INFO - Epoch(train) [42][1600/1879] base_lr: 3.9378e-07 lr: 3.9378e-07 eta: 1:54:38 time: 0.5101 data_time: 0.0425 memory: 8783 loss: 0.6328 sim_loss_v2t: 0.3140 sim_loss_t2v: 0.3188 2023/07/30 23:17:50 - mmengine - INFO - Epoch(train) [42][1700/1879] base_lr: 3.8879e-07 lr: 3.8879e-07 eta: 1:53:56 time: 0.6991 data_time: 0.0330 memory: 8783 loss: 0.6700 sim_loss_v2t: 0.3262 sim_loss_t2v: 0.3438 2023/07/30 23:18:48 - mmengine - INFO - Epoch(train) [42][1800/1879] base_lr: 3.8383e-07 lr: 3.8383e-07 eta: 1:53:14 time: 0.5567 data_time: 0.0569 memory: 8783 loss: 0.6734 sim_loss_v2t: 0.3300 sim_loss_t2v: 0.3434 2023/07/30 23:19:29 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 23:19:29 - mmengine - INFO - Epoch(train) [42][1879/1879] base_lr: 3.7993e-07 lr: 3.7993e-07 eta: 1:52:39 time: 0.3300 data_time: 0.0171 memory: 8783 loss: 0.6354 sim_loss_v2t: 0.3152 sim_loss_t2v: 0.3203 2023/07/30 23:19:29 - mmengine - INFO - Saving checkpoint at 42 epochs 2023/07/30 23:21:57 - mmengine - INFO - Epoch(val) [42][100/155] eta: 0:01:07 time: 1.1833 data_time: 0.0710 memory: 18758 2023/07/30 23:23:02 - mmengine - INFO - Epoch(val) [42][155/155] acc/top1: 0.7729 acc/top5: 0.9321 acc/mean1: 0.7729 data_time: 0.0849 time: 1.1962 2023/07/30 23:24:01 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 23:24:13 - mmengine - INFO - Epoch(train) [43][ 100/1879] base_lr: 3.7502e-07 lr: 3.7502e-07 eta: 1:51:59 time: 0.6367 data_time: 0.0472 memory: 18758 loss: 0.6182 sim_loss_v2t: 0.3076 sim_loss_t2v: 0.3106 2023/07/30 23:25:11 - mmengine - INFO - Epoch(train) [43][ 200/1879] base_lr: 3.7014e-07 lr: 3.7014e-07 eta: 1:51:17 time: 0.6022 data_time: 0.0399 memory: 8783 loss: 0.6906 sim_loss_v2t: 0.3417 sim_loss_t2v: 0.3490 2023/07/30 23:26:08 - mmengine - INFO - Epoch(train) [43][ 300/1879] base_lr: 3.6529e-07 lr: 3.6529e-07 eta: 1:50:34 time: 0.5271 data_time: 0.0713 memory: 8783 loss: 0.6780 sim_loss_v2t: 0.3323 sim_loss_t2v: 0.3456 2023/07/30 23:27:08 - mmengine - INFO - Epoch(train) [43][ 400/1879] base_lr: 3.6047e-07 lr: 3.6047e-07 eta: 1:49:51 time: 0.5298 data_time: 0.1217 memory: 8783 loss: 0.6707 sim_loss_v2t: 0.3289 sim_loss_t2v: 0.3418 2023/07/30 23:28:08 - mmengine - INFO - Epoch(train) [43][ 500/1879] base_lr: 3.5568e-07 lr: 3.5568e-07 eta: 1:49:09 time: 0.5917 data_time: 0.0406 memory: 8783 loss: 0.6350 sim_loss_v2t: 0.3208 sim_loss_t2v: 0.3141 2023/07/30 23:29:08 - mmengine - INFO - Epoch(train) [43][ 600/1879] base_lr: 3.5092e-07 lr: 3.5092e-07 eta: 1:48:27 time: 0.4699 data_time: 0.0369 memory: 8783 loss: 0.6477 sim_loss_v2t: 0.3237 sim_loss_t2v: 0.3241 2023/07/30 23:30:06 - mmengine - INFO - Epoch(train) [43][ 700/1879] base_lr: 3.4619e-07 lr: 3.4619e-07 eta: 1:47:44 time: 0.6083 data_time: 0.0420 memory: 8783 loss: 0.6279 sim_loss_v2t: 0.3097 sim_loss_t2v: 0.3182 2023/07/30 23:31:04 - mmengine - INFO - Epoch(train) [43][ 800/1879] base_lr: 3.4149e-07 lr: 3.4149e-07 eta: 1:47:01 time: 0.5567 data_time: 0.0591 memory: 8783 loss: 0.6536 sim_loss_v2t: 0.3272 sim_loss_t2v: 0.3265 2023/07/30 23:32:06 - mmengine - INFO - Epoch(train) [43][ 900/1879] base_lr: 3.3682e-07 lr: 3.3682e-07 eta: 1:46:19 time: 0.6313 data_time: 0.0354 memory: 8783 loss: 0.6008 sim_loss_v2t: 0.3012 sim_loss_t2v: 0.2996 2023/07/30 23:33:05 - mmengine - INFO - Epoch(train) [43][1000/1879] base_lr: 3.3218e-07 lr: 3.3218e-07 eta: 1:45:36 time: 0.6295 data_time: 0.0259 memory: 8783 loss: 0.6909 sim_loss_v2t: 0.3426 sim_loss_t2v: 0.3483 2023/07/30 23:33:54 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 23:34:05 - mmengine - INFO - Epoch(train) [43][1100/1879] base_lr: 3.2757e-07 lr: 3.2757e-07 eta: 1:44:54 time: 0.7539 data_time: 0.0395 memory: 8783 loss: 0.6963 sim_loss_v2t: 0.3445 sim_loss_t2v: 0.3518 2023/07/30 23:35:04 - mmengine - INFO - Epoch(train) [43][1200/1879] base_lr: 3.2299e-07 lr: 3.2299e-07 eta: 1:44:11 time: 0.5619 data_time: 0.0367 memory: 8783 loss: 0.6749 sim_loss_v2t: 0.3374 sim_loss_t2v: 0.3374 2023/07/30 23:36:01 - mmengine - INFO - Epoch(train) [43][1300/1879] base_lr: 3.1843e-07 lr: 3.1843e-07 eta: 1:43:28 time: 0.5206 data_time: 0.0360 memory: 8783 loss: 0.6970 sim_loss_v2t: 0.3423 sim_loss_t2v: 0.3548 2023/07/30 23:37:00 - mmengine - INFO - Epoch(train) [43][1400/1879] base_lr: 3.1391e-07 lr: 3.1391e-07 eta: 1:42:45 time: 0.5566 data_time: 0.0384 memory: 8783 loss: 0.6649 sim_loss_v2t: 0.3341 sim_loss_t2v: 0.3308 2023/07/30 23:38:01 - mmengine - INFO - Epoch(train) [43][1500/1879] base_lr: 3.0942e-07 lr: 3.0942e-07 eta: 1:42:02 time: 0.7406 data_time: 0.0411 memory: 8783 loss: 0.6824 sim_loss_v2t: 0.3361 sim_loss_t2v: 0.3462 2023/07/30 23:38:56 - mmengine - INFO - Epoch(train) [43][1600/1879] base_lr: 3.0496e-07 lr: 3.0496e-07 eta: 1:41:19 time: 0.5179 data_time: 0.0330 memory: 8783 loss: 0.6791 sim_loss_v2t: 0.3366 sim_loss_t2v: 0.3426 2023/07/30 23:39:58 - mmengine - INFO - Epoch(train) [43][1700/1879] base_lr: 3.0053e-07 lr: 3.0053e-07 eta: 1:40:36 time: 0.5088 data_time: 0.0364 memory: 8783 loss: 0.6521 sim_loss_v2t: 0.3248 sim_loss_t2v: 0.3273 2023/07/30 23:40:55 - mmengine - INFO - Epoch(train) [43][1800/1879] base_lr: 2.9613e-07 lr: 2.9613e-07 eta: 1:39:53 time: 0.4648 data_time: 0.0344 memory: 8783 loss: 0.6676 sim_loss_v2t: 0.3346 sim_loss_t2v: 0.3330 2023/07/30 23:41:36 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 23:41:36 - mmengine - INFO - Epoch(train) [43][1879/1879] base_lr: 2.9267e-07 lr: 2.9267e-07 eta: 1:39:18 time: 0.2533 data_time: 0.0147 memory: 8783 loss: 0.6254 sim_loss_v2t: 0.3137 sim_loss_t2v: 0.3117 2023/07/30 23:41:36 - mmengine - INFO - Saving checkpoint at 43 epochs 2023/07/30 23:44:03 - mmengine - INFO - Epoch(val) [43][100/155] eta: 0:01:08 time: 1.2055 data_time: 0.0916 memory: 18758 2023/07/30 23:45:07 - mmengine - INFO - Epoch(val) [43][155/155] acc/top1: 0.7747 acc/top5: 0.9321 acc/mean1: 0.7747 data_time: 0.0934 time: 1.2051 2023/07/30 23:45:07 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_41.pth is removed 2023/07/30 23:45:15 - mmengine - INFO - The best checkpoint with 0.7747 acc/top1 at 43 epoch is saved to best_acc_top1_epoch_43.pth. 2023/07/30 23:46:32 - mmengine - INFO - Epoch(train) [44][ 100/1879] base_lr: 2.8833e-07 lr: 2.8833e-07 eta: 1:38:35 time: 0.7196 data_time: 0.3845 memory: 18758 loss: 0.6460 sim_loss_v2t: 0.3200 sim_loss_t2v: 0.3260 2023/07/30 23:47:35 - mmengine - INFO - Epoch(train) [44][ 200/1879] base_lr: 2.8401e-07 lr: 2.8401e-07 eta: 1:37:52 time: 0.7923 data_time: 0.4706 memory: 8783 loss: 0.6906 sim_loss_v2t: 0.3432 sim_loss_t2v: 0.3474 2023/07/30 23:47:36 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 23:48:30 - mmengine - INFO - Epoch(train) [44][ 300/1879] base_lr: 2.7973e-07 lr: 2.7973e-07 eta: 1:37:09 time: 0.5295 data_time: 0.0720 memory: 8783 loss: 0.6484 sim_loss_v2t: 0.3235 sim_loss_t2v: 0.3249 2023/07/30 23:49:29 - mmengine - INFO - Epoch(train) [44][ 400/1879] base_lr: 2.7547e-07 lr: 2.7547e-07 eta: 1:36:25 time: 0.6009 data_time: 0.2679 memory: 8783 loss: 0.6885 sim_loss_v2t: 0.3435 sim_loss_t2v: 0.3450 2023/07/30 23:50:28 - mmengine - INFO - Epoch(train) [44][ 500/1879] base_lr: 2.7125e-07 lr: 2.7125e-07 eta: 1:35:42 time: 0.5702 data_time: 0.0504 memory: 8783 loss: 0.6166 sim_loss_v2t: 0.3065 sim_loss_t2v: 0.3101 2023/07/30 23:51:30 - mmengine - INFO - Epoch(train) [44][ 600/1879] base_lr: 2.6706e-07 lr: 2.6706e-07 eta: 1:34:59 time: 0.5693 data_time: 0.0405 memory: 8783 loss: 0.5997 sim_loss_v2t: 0.3028 sim_loss_t2v: 0.2969 2023/07/30 23:52:26 - mmengine - INFO - Epoch(train) [44][ 700/1879] base_lr: 2.6290e-07 lr: 2.6290e-07 eta: 1:34:15 time: 0.5234 data_time: 0.0317 memory: 8783 loss: 0.6695 sim_loss_v2t: 0.3299 sim_loss_t2v: 0.3395 2023/07/30 23:53:24 - mmengine - INFO - Epoch(train) [44][ 800/1879] base_lr: 2.5877e-07 lr: 2.5877e-07 eta: 1:33:32 time: 0.5343 data_time: 0.0364 memory: 8783 loss: 0.6485 sim_loss_v2t: 0.3196 sim_loss_t2v: 0.3289 2023/07/30 23:54:23 - mmengine - INFO - Epoch(train) [44][ 900/1879] base_lr: 2.5467e-07 lr: 2.5467e-07 eta: 1:32:49 time: 0.6830 data_time: 0.0404 memory: 8783 loss: 0.6843 sim_loss_v2t: 0.3440 sim_loss_t2v: 0.3403 2023/07/30 23:55:22 - mmengine - INFO - Epoch(train) [44][1000/1879] base_lr: 2.5060e-07 lr: 2.5060e-07 eta: 1:32:05 time: 0.5909 data_time: 0.0408 memory: 8783 loss: 0.7146 sim_loss_v2t: 0.3573 sim_loss_t2v: 0.3572 2023/07/30 23:56:23 - mmengine - INFO - Epoch(train) [44][1100/1879] base_lr: 2.4656e-07 lr: 2.4656e-07 eta: 1:31:22 time: 0.6201 data_time: 0.0309 memory: 8783 loss: 0.6419 sim_loss_v2t: 0.3120 sim_loss_t2v: 0.3299 2023/07/30 23:57:22 - mmengine - INFO - Epoch(train) [44][1200/1879] base_lr: 2.4255e-07 lr: 2.4255e-07 eta: 1:30:38 time: 0.5657 data_time: 0.0342 memory: 8783 loss: 0.6363 sim_loss_v2t: 0.3122 sim_loss_t2v: 0.3241 2023/07/30 23:57:23 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/30 23:58:24 - mmengine - INFO - Epoch(train) [44][1300/1879] base_lr: 2.3858e-07 lr: 2.3858e-07 eta: 1:29:55 time: 0.5586 data_time: 0.0397 memory: 8783 loss: 0.6268 sim_loss_v2t: 0.3116 sim_loss_t2v: 0.3151 2023/07/30 23:59:20 - mmengine - INFO - Epoch(train) [44][1400/1879] base_lr: 2.3463e-07 lr: 2.3463e-07 eta: 1:29:11 time: 0.5307 data_time: 0.0375 memory: 8783 loss: 0.6645 sim_loss_v2t: 0.3297 sim_loss_t2v: 0.3348 2023/07/31 00:00:17 - mmengine - INFO - Epoch(train) [44][1500/1879] base_lr: 2.3072e-07 lr: 2.3072e-07 eta: 1:28:27 time: 0.4981 data_time: 0.0317 memory: 8783 loss: 0.6677 sim_loss_v2t: 0.3303 sim_loss_t2v: 0.3374 2023/07/31 00:01:16 - mmengine - INFO - Epoch(train) [44][1600/1879] base_lr: 2.2684e-07 lr: 2.2684e-07 eta: 1:27:44 time: 0.6350 data_time: 0.1390 memory: 8783 loss: 0.6136 sim_loss_v2t: 0.3007 sim_loss_t2v: 0.3129 2023/07/31 00:02:16 - mmengine - INFO - Epoch(train) [44][1700/1879] base_lr: 2.2299e-07 lr: 2.2299e-07 eta: 1:27:00 time: 0.5660 data_time: 0.0403 memory: 8783 loss: 0.6606 sim_loss_v2t: 0.3283 sim_loss_t2v: 0.3323 2023/07/31 00:03:14 - mmengine - INFO - Epoch(train) [44][1800/1879] base_lr: 2.1917e-07 lr: 2.1917e-07 eta: 1:26:16 time: 0.5313 data_time: 0.0370 memory: 8783 loss: 0.6610 sim_loss_v2t: 0.3345 sim_loss_t2v: 0.3265 2023/07/31 00:03:54 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 00:03:54 - mmengine - INFO - Epoch(train) [44][1879/1879] base_lr: 2.1617e-07 lr: 2.1617e-07 eta: 1:25:41 time: 0.2016 data_time: 0.0124 memory: 8783 loss: 0.6268 sim_loss_v2t: 0.3046 sim_loss_t2v: 0.3222 2023/07/31 00:03:54 - mmengine - INFO - Saving checkpoint at 44 epochs 2023/07/31 00:06:19 - mmengine - INFO - Epoch(val) [44][100/155] eta: 0:01:08 time: 1.2020 data_time: 0.0898 memory: 18758 2023/07/31 00:07:24 - mmengine - INFO - Epoch(val) [44][155/155] acc/top1: 0.7753 acc/top5: 0.9322 acc/mean1: 0.7752 data_time: 0.0979 time: 1.2097 2023/07/31 00:07:24 - mmengine - INFO - The previous best checkpoint /mnt/petrelfs/daiwenxun/mmlab/mmaction2/projects/actionclip/work_dirs/actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb/best_acc_top1_epoch_43.pth is removed 2023/07/31 00:07:32 - mmengine - INFO - The best checkpoint with 0.7753 acc/top1 at 44 epoch is saved to best_acc_top1_epoch_44.pth. 2023/07/31 00:08:55 - mmengine - INFO - Epoch(train) [45][ 100/1879] base_lr: 2.1241e-07 lr: 2.1241e-07 eta: 1:24:58 time: 0.6043 data_time: 0.2717 memory: 18758 loss: 0.6760 sim_loss_v2t: 0.3378 sim_loss_t2v: 0.3383 2023/07/31 00:09:52 - mmengine - INFO - Epoch(train) [45][ 200/1879] base_lr: 2.0868e-07 lr: 2.0868e-07 eta: 1:24:14 time: 0.4272 data_time: 0.0447 memory: 8783 loss: 0.6578 sim_loss_v2t: 0.3230 sim_loss_t2v: 0.3348 2023/07/31 00:10:54 - mmengine - INFO - Epoch(train) [45][ 300/1879] base_lr: 2.0498e-07 lr: 2.0498e-07 eta: 1:23:30 time: 0.7591 data_time: 0.0482 memory: 8783 loss: 0.6194 sim_loss_v2t: 0.3085 sim_loss_t2v: 0.3109 2023/07/31 00:11:06 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 00:11:53 - mmengine - INFO - Epoch(train) [45][ 400/1879] base_lr: 2.0131e-07 lr: 2.0131e-07 eta: 1:22:46 time: 0.4728 data_time: 0.0344 memory: 8783 loss: 0.6766 sim_loss_v2t: 0.3355 sim_loss_t2v: 0.3410 2023/07/31 00:12:51 - mmengine - INFO - Epoch(train) [45][ 500/1879] base_lr: 1.9768e-07 lr: 1.9768e-07 eta: 1:22:02 time: 0.5406 data_time: 0.0324 memory: 8783 loss: 0.6010 sim_loss_v2t: 0.2983 sim_loss_t2v: 0.3028 2023/07/31 00:13:48 - mmengine - INFO - Epoch(train) [45][ 600/1879] base_lr: 1.9407e-07 lr: 1.9407e-07 eta: 1:21:18 time: 0.4930 data_time: 0.0368 memory: 8783 loss: 0.6576 sim_loss_v2t: 0.3264 sim_loss_t2v: 0.3312 2023/07/31 00:14:50 - mmengine - INFO - Epoch(train) [45][ 700/1879] base_lr: 1.9050e-07 lr: 1.9050e-07 eta: 1:20:34 time: 0.7097 data_time: 0.0456 memory: 8783 loss: 0.6289 sim_loss_v2t: 0.3097 sim_loss_t2v: 0.3192 2023/07/31 00:15:48 - mmengine - INFO - Epoch(train) [45][ 800/1879] base_lr: 1.8696e-07 lr: 1.8696e-07 eta: 1:19:50 time: 0.6201 data_time: 0.0346 memory: 8783 loss: 0.6349 sim_loss_v2t: 0.3191 sim_loss_t2v: 0.3158 2023/07/31 00:16:46 - mmengine - INFO - Epoch(train) [45][ 900/1879] base_lr: 1.8345e-07 lr: 1.8345e-07 eta: 1:19:06 time: 0.5072 data_time: 0.0389 memory: 8783 loss: 0.6349 sim_loss_v2t: 0.3161 sim_loss_t2v: 0.3188 2023/07/31 00:17:47 - mmengine - INFO - Epoch(train) [45][1000/1879] base_lr: 1.7998e-07 lr: 1.7998e-07 eta: 1:18:22 time: 0.7243 data_time: 0.0411 memory: 8783 loss: 0.6310 sim_loss_v2t: 0.3121 sim_loss_t2v: 0.3189 2023/07/31 00:18:47 - mmengine - INFO - Epoch(train) [45][1100/1879] base_lr: 1.7653e-07 lr: 1.7653e-07 eta: 1:17:38 time: 0.5537 data_time: 0.0371 memory: 8783 loss: 0.6556 sim_loss_v2t: 0.3244 sim_loss_t2v: 0.3311 2023/07/31 00:19:45 - mmengine - INFO - Epoch(train) [45][1200/1879] base_lr: 1.7312e-07 lr: 1.7312e-07 eta: 1:16:54 time: 0.5197 data_time: 0.0647 memory: 8783 loss: 0.6130 sim_loss_v2t: 0.3054 sim_loss_t2v: 0.3076 2023/07/31 00:20:43 - mmengine - INFO - Epoch(train) [45][1300/1879] base_lr: 1.6974e-07 lr: 1.6974e-07 eta: 1:16:09 time: 0.5180 data_time: 0.0306 memory: 8783 loss: 0.6282 sim_loss_v2t: 0.3111 sim_loss_t2v: 0.3171 2023/07/31 00:20:58 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 00:21:43 - mmengine - INFO - Epoch(train) [45][1400/1879] base_lr: 1.6639e-07 lr: 1.6639e-07 eta: 1:15:25 time: 0.5976 data_time: 0.0304 memory: 8783 loss: 0.6889 sim_loss_v2t: 0.3385 sim_loss_t2v: 0.3504 2023/07/31 00:22:42 - mmengine - INFO - Epoch(train) [45][1500/1879] base_lr: 1.6307e-07 lr: 1.6307e-07 eta: 1:14:41 time: 0.6526 data_time: 0.0332 memory: 8783 loss: 0.6551 sim_loss_v2t: 0.3236 sim_loss_t2v: 0.3315 2023/07/31 00:23:42 - mmengine - INFO - Epoch(train) [45][1600/1879] base_lr: 1.5979e-07 lr: 1.5979e-07 eta: 1:13:56 time: 0.7163 data_time: 0.0450 memory: 8783 loss: 0.6425 sim_loss_v2t: 0.3204 sim_loss_t2v: 0.3221 2023/07/31 00:24:41 - mmengine - INFO - Epoch(train) [45][1700/1879] base_lr: 1.5654e-07 lr: 1.5654e-07 eta: 1:13:12 time: 0.6943 data_time: 0.0362 memory: 8783 loss: 0.6305 sim_loss_v2t: 0.3145 sim_loss_t2v: 0.3161 2023/07/31 00:25:39 - mmengine - INFO - Epoch(train) [45][1800/1879] base_lr: 1.5332e-07 lr: 1.5332e-07 eta: 1:12:28 time: 0.6354 data_time: 0.0321 memory: 8783 loss: 0.6424 sim_loss_v2t: 0.3190 sim_loss_t2v: 0.3233 2023/07/31 00:26:17 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 00:26:17 - mmengine - INFO - Epoch(train) [45][1879/1879] base_lr: 1.5080e-07 lr: 1.5080e-07 eta: 1:11:51 time: 0.2442 data_time: 0.0224 memory: 8783 loss: 0.6361 sim_loss_v2t: 0.3120 sim_loss_t2v: 0.3241 2023/07/31 00:26:17 - mmengine - INFO - Saving checkpoint at 45 epochs 2023/07/31 00:28:41 - mmengine - INFO - Epoch(val) [45][100/155] eta: 0:01:08 time: 1.1974 data_time: 0.0786 memory: 18758 2023/07/31 00:29:45 - mmengine - INFO - Epoch(val) [45][155/155] acc/top1: 0.7746 acc/top5: 0.9334 acc/mean1: 0.7745 data_time: 0.0970 time: 1.2092 2023/07/31 00:30:57 - mmengine - INFO - Epoch(train) [46][ 100/1879] base_lr: 1.4764e-07 lr: 1.4764e-07 eta: 1:11:08 time: 0.7716 data_time: 0.0458 memory: 18758 loss: 0.6522 sim_loss_v2t: 0.3262 sim_loss_t2v: 0.3260 2023/07/31 00:31:56 - mmengine - INFO - Epoch(train) [46][ 200/1879] base_lr: 1.4451e-07 lr: 1.4451e-07 eta: 1:10:24 time: 0.5748 data_time: 0.2101 memory: 8783 loss: 0.6446 sim_loss_v2t: 0.3218 sim_loss_t2v: 0.3229 2023/07/31 00:32:55 - mmengine - INFO - Epoch(train) [46][ 300/1879] base_lr: 1.4141e-07 lr: 1.4141e-07 eta: 1:09:39 time: 0.6252 data_time: 0.1735 memory: 8783 loss: 0.6669 sim_loss_v2t: 0.3279 sim_loss_t2v: 0.3390 2023/07/31 00:33:55 - mmengine - INFO - Epoch(train) [46][ 400/1879] base_lr: 1.3835e-07 lr: 1.3835e-07 eta: 1:08:55 time: 0.6376 data_time: 0.3337 memory: 8783 loss: 0.6565 sim_loss_v2t: 0.3284 sim_loss_t2v: 0.3281 2023/07/31 00:34:21 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 00:34:54 - mmengine - INFO - Epoch(train) [46][ 500/1879] base_lr: 1.3532e-07 lr: 1.3532e-07 eta: 1:08:10 time: 0.6451 data_time: 0.0708 memory: 8783 loss: 0.6623 sim_loss_v2t: 0.3292 sim_loss_t2v: 0.3331 2023/07/31 00:35:53 - mmengine - INFO - Epoch(train) [46][ 600/1879] base_lr: 1.3232e-07 lr: 1.3232e-07 eta: 1:07:26 time: 0.4839 data_time: 0.0439 memory: 8783 loss: 0.6391 sim_loss_v2t: 0.3168 sim_loss_t2v: 0.3223 2023/07/31 00:36:53 - mmengine - INFO - Epoch(train) [46][ 700/1879] base_lr: 1.2936e-07 lr: 1.2936e-07 eta: 1:06:41 time: 0.5744 data_time: 0.0366 memory: 8783 loss: 0.6417 sim_loss_v2t: 0.3167 sim_loss_t2v: 0.3250 2023/07/31 00:37:49 - mmengine - INFO - Epoch(train) [46][ 800/1879] base_lr: 1.2642e-07 lr: 1.2642e-07 eta: 1:05:56 time: 0.5184 data_time: 0.0278 memory: 8783 loss: 0.6468 sim_loss_v2t: 0.3230 sim_loss_t2v: 0.3238 2023/07/31 00:38:48 - mmengine - INFO - Epoch(train) [46][ 900/1879] base_lr: 1.2352e-07 lr: 1.2352e-07 eta: 1:05:11 time: 0.6081 data_time: 0.0538 memory: 8783 loss: 0.5947 sim_loss_v2t: 0.2963 sim_loss_t2v: 0.2984 2023/07/31 00:39:46 - mmengine - INFO - Epoch(train) [46][1000/1879] base_lr: 1.2066e-07 lr: 1.2066e-07 eta: 1:04:26 time: 0.5398 data_time: 0.0463 memory: 8783 loss: 0.6075 sim_loss_v2t: 0.3032 sim_loss_t2v: 0.3043 2023/07/31 00:40:45 - mmengine - INFO - Epoch(train) [46][1100/1879] base_lr: 1.1782e-07 lr: 1.1782e-07 eta: 1:03:41 time: 0.4825 data_time: 0.0372 memory: 8783 loss: 0.6325 sim_loss_v2t: 0.3132 sim_loss_t2v: 0.3193 2023/07/31 00:41:45 - mmengine - INFO - Epoch(train) [46][1200/1879] base_lr: 1.1502e-07 lr: 1.1502e-07 eta: 1:02:57 time: 0.5406 data_time: 0.0395 memory: 8783 loss: 0.6459 sim_loss_v2t: 0.3229 sim_loss_t2v: 0.3229 2023/07/31 00:42:45 - mmengine - INFO - Epoch(train) [46][1300/1879] base_lr: 1.1225e-07 lr: 1.1225e-07 eta: 1:02:12 time: 0.5854 data_time: 0.0391 memory: 8783 loss: 0.6226 sim_loss_v2t: 0.3126 sim_loss_t2v: 0.3100 2023/07/31 00:43:43 - mmengine - INFO - Epoch(train) [46][1400/1879] base_lr: 1.0952e-07 lr: 1.0952e-07 eta: 1:01:27 time: 0.5173 data_time: 0.0363 memory: 8783 loss: 0.6547 sim_loss_v2t: 0.3257 sim_loss_t2v: 0.3290 2023/07/31 00:44:10 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 00:44:43 - mmengine - INFO - Epoch(train) [46][1500/1879] base_lr: 1.0681e-07 lr: 1.0681e-07 eta: 1:00:42 time: 0.5645 data_time: 0.1805 memory: 8783 loss: 0.6491 sim_loss_v2t: 0.3231 sim_loss_t2v: 0.3260 2023/07/31 00:45:41 - mmengine - INFO - Epoch(train) [46][1600/1879] base_lr: 1.0414e-07 lr: 1.0414e-07 eta: 0:59:57 time: 0.5501 data_time: 0.1361 memory: 8783 loss: 0.6267 sim_loss_v2t: 0.3124 sim_loss_t2v: 0.3143 2023/07/31 00:46:39 - mmengine - INFO - Epoch(train) [46][1700/1879] base_lr: 1.0151e-07 lr: 1.0151e-07 eta: 0:59:12 time: 0.5263 data_time: 0.0921 memory: 8783 loss: 0.6513 sim_loss_v2t: 0.3226 sim_loss_t2v: 0.3286 2023/07/31 00:47:39 - mmengine - INFO - Epoch(train) [46][1800/1879] base_lr: 9.8905e-08 lr: 9.8905e-08 eta: 0:58:27 time: 0.5467 data_time: 0.0380 memory: 8783 loss: 0.6321 sim_loss_v2t: 0.3094 sim_loss_t2v: 0.3227 2023/07/31 00:48:17 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 00:48:17 - mmengine - INFO - Epoch(train) [46][1879/1879] base_lr: 9.6871e-08 lr: 9.6871e-08 eta: 0:57:51 time: 0.2218 data_time: 0.0195 memory: 8783 loss: 0.6454 sim_loss_v2t: 0.3192 sim_loss_t2v: 0.3262 2023/07/31 00:48:17 - mmengine - INFO - Saving checkpoint at 46 epochs 2023/07/31 00:50:46 - mmengine - INFO - Epoch(val) [46][100/155] eta: 0:01:07 time: 1.1934 data_time: 0.0815 memory: 18758 2023/07/31 00:51:50 - mmengine - INFO - Epoch(val) [46][155/155] acc/top1: 0.7744 acc/top5: 0.9324 acc/mean1: 0.7744 data_time: 0.0867 time: 1.1977 2023/07/31 00:53:00 - mmengine - INFO - Epoch(train) [47][ 100/1879] base_lr: 9.4327e-08 lr: 9.4327e-08 eta: 0:57:06 time: 0.6841 data_time: 0.0911 memory: 18758 loss: 0.6583 sim_loss_v2t: 0.3226 sim_loss_t2v: 0.3358 2023/07/31 00:53:59 - mmengine - INFO - Epoch(train) [47][ 200/1879] base_lr: 9.1817e-08 lr: 9.1817e-08 eta: 0:56:21 time: 0.5277 data_time: 0.0447 memory: 8783 loss: 0.6692 sim_loss_v2t: 0.3356 sim_loss_t2v: 0.3336 2023/07/31 00:55:00 - mmengine - INFO - Epoch(train) [47][ 300/1879] base_lr: 8.9339e-08 lr: 8.9339e-08 eta: 0:55:36 time: 0.5353 data_time: 0.0290 memory: 8783 loss: 0.6711 sim_loss_v2t: 0.3297 sim_loss_t2v: 0.3415 2023/07/31 00:56:02 - mmengine - INFO - Epoch(train) [47][ 400/1879] base_lr: 8.6895e-08 lr: 8.6895e-08 eta: 0:54:51 time: 0.7311 data_time: 0.0341 memory: 8783 loss: 0.6399 sim_loss_v2t: 0.3156 sim_loss_t2v: 0.3243 2023/07/31 00:57:00 - mmengine - INFO - Epoch(train) [47][ 500/1879] base_lr: 8.4484e-08 lr: 8.4484e-08 eta: 0:54:06 time: 0.5155 data_time: 0.0472 memory: 8783 loss: 0.6241 sim_loss_v2t: 0.3119 sim_loss_t2v: 0.3122 2023/07/31 00:57:38 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 00:57:58 - mmengine - INFO - Epoch(train) [47][ 600/1879] base_lr: 8.2106e-08 lr: 8.2106e-08 eta: 0:53:21 time: 0.5575 data_time: 0.0503 memory: 8783 loss: 0.6585 sim_loss_v2t: 0.3262 sim_loss_t2v: 0.3323 2023/07/31 00:58:58 - mmengine - INFO - Epoch(train) [47][ 700/1879] base_lr: 7.9762e-08 lr: 7.9762e-08 eta: 0:52:35 time: 0.6168 data_time: 0.0405 memory: 8783 loss: 0.6419 sim_loss_v2t: 0.3175 sim_loss_t2v: 0.3244 2023/07/31 00:59:57 - mmengine - INFO - Epoch(train) [47][ 800/1879] base_lr: 7.7451e-08 lr: 7.7451e-08 eta: 0:51:50 time: 0.6719 data_time: 0.0358 memory: 8783 loss: 0.6135 sim_loss_v2t: 0.3092 sim_loss_t2v: 0.3043 2023/07/31 01:00:57 - mmengine - INFO - Epoch(train) [47][ 900/1879] base_lr: 7.5174e-08 lr: 7.5174e-08 eta: 0:51:05 time: 0.5857 data_time: 0.1029 memory: 8783 loss: 0.6285 sim_loss_v2t: 0.3159 sim_loss_t2v: 0.3126 2023/07/31 01:01:55 - mmengine - INFO - Epoch(train) [47][1000/1879] base_lr: 7.2930e-08 lr: 7.2930e-08 eta: 0:50:19 time: 0.5159 data_time: 0.1505 memory: 8783 loss: 0.6411 sim_loss_v2t: 0.3158 sim_loss_t2v: 0.3253 2023/07/31 01:02:54 - mmengine - INFO - Epoch(train) [47][1100/1879] base_lr: 7.0719e-08 lr: 7.0719e-08 eta: 0:49:34 time: 0.5540 data_time: 0.0314 memory: 8783 loss: 0.6806 sim_loss_v2t: 0.3380 sim_loss_t2v: 0.3426 2023/07/31 01:03:51 - mmengine - INFO - Epoch(train) [47][1200/1879] base_lr: 6.8542e-08 lr: 6.8542e-08 eta: 0:48:48 time: 0.5702 data_time: 0.0547 memory: 8783 loss: 0.6167 sim_loss_v2t: 0.3071 sim_loss_t2v: 0.3096 2023/07/31 01:04:55 - mmengine - INFO - Epoch(train) [47][1300/1879] base_lr: 6.6399e-08 lr: 6.6399e-08 eta: 0:48:03 time: 0.6654 data_time: 0.0383 memory: 8783 loss: 0.6650 sim_loss_v2t: 0.3294 sim_loss_t2v: 0.3356 2023/07/31 01:05:54 - mmengine - INFO - Epoch(train) [47][1400/1879] base_lr: 6.4289e-08 lr: 6.4289e-08 eta: 0:47:18 time: 0.5858 data_time: 0.0366 memory: 8783 loss: 0.6323 sim_loss_v2t: 0.3146 sim_loss_t2v: 0.3177 2023/07/31 01:06:51 - mmengine - INFO - Epoch(train) [47][1500/1879] base_lr: 6.2213e-08 lr: 6.2213e-08 eta: 0:46:32 time: 0.5881 data_time: 0.0364 memory: 8783 loss: 0.6596 sim_loss_v2t: 0.3260 sim_loss_t2v: 0.3336 2023/07/31 01:07:30 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 01:07:50 - mmengine - INFO - Epoch(train) [47][1600/1879] base_lr: 6.0171e-08 lr: 6.0171e-08 eta: 0:45:46 time: 0.5638 data_time: 0.1313 memory: 8783 loss: 0.6629 sim_loss_v2t: 0.3277 sim_loss_t2v: 0.3352 2023/07/31 01:08:50 - mmengine - INFO - Epoch(train) [47][1700/1879] base_lr: 5.8162e-08 lr: 5.8162e-08 eta: 0:45:01 time: 0.5052 data_time: 0.0336 memory: 8783 loss: 0.6698 sim_loss_v2t: 0.3319 sim_loss_t2v: 0.3379 2023/07/31 01:09:50 - mmengine - INFO - Epoch(train) [47][1800/1879] base_lr: 5.6187e-08 lr: 5.6187e-08 eta: 0:44:15 time: 0.6522 data_time: 0.0422 memory: 8783 loss: 0.6589 sim_loss_v2t: 0.3271 sim_loss_t2v: 0.3318 2023/07/31 01:10:27 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 01:10:27 - mmengine - INFO - Epoch(train) [47][1879/1879] base_lr: 5.4650e-08 lr: 5.4650e-08 eta: 0:43:38 time: 0.2518 data_time: 0.0174 memory: 8783 loss: 0.6450 sim_loss_v2t: 0.3230 sim_loss_t2v: 0.3220 2023/07/31 01:10:27 - mmengine - INFO - Saving checkpoint at 47 epochs 2023/07/31 01:12:53 - mmengine - INFO - Epoch(val) [47][100/155] eta: 0:01:07 time: 1.1902 data_time: 0.0779 memory: 18758 2023/07/31 01:13:58 - mmengine - INFO - Epoch(val) [47][155/155] acc/top1: 0.7739 acc/top5: 0.9329 acc/mean1: 0.7739 data_time: 0.0877 time: 1.1997 2023/07/31 01:15:08 - mmengine - INFO - Epoch(train) [48][ 100/1879] base_lr: 5.2736e-08 lr: 5.2736e-08 eta: 0:42:54 time: 0.7080 data_time: 0.1453 memory: 18758 loss: 0.6449 sim_loss_v2t: 0.3225 sim_loss_t2v: 0.3223 2023/07/31 01:16:08 - mmengine - INFO - Epoch(train) [48][ 200/1879] base_lr: 5.0855e-08 lr: 5.0855e-08 eta: 0:42:08 time: 0.5529 data_time: 0.0999 memory: 8783 loss: 0.6555 sim_loss_v2t: 0.3277 sim_loss_t2v: 0.3278 2023/07/31 01:17:07 - mmengine - INFO - Epoch(train) [48][ 300/1879] base_lr: 4.9008e-08 lr: 4.9008e-08 eta: 0:41:22 time: 0.5113 data_time: 0.0373 memory: 8783 loss: 0.6332 sim_loss_v2t: 0.3155 sim_loss_t2v: 0.3177 2023/07/31 01:18:04 - mmengine - INFO - Epoch(train) [48][ 400/1879] base_lr: 4.7194e-08 lr: 4.7194e-08 eta: 0:40:36 time: 0.4821 data_time: 0.0828 memory: 8783 loss: 0.6394 sim_loss_v2t: 0.3140 sim_loss_t2v: 0.3255 2023/07/31 01:19:04 - mmengine - INFO - Epoch(train) [48][ 500/1879] base_lr: 4.5415e-08 lr: 4.5415e-08 eta: 0:39:50 time: 0.6062 data_time: 0.0431 memory: 8783 loss: 0.6259 sim_loss_v2t: 0.3098 sim_loss_t2v: 0.3161 2023/07/31 01:20:03 - mmengine - INFO - Epoch(train) [48][ 600/1879] base_lr: 4.3670e-08 lr: 4.3670e-08 eta: 0:39:05 time: 0.4897 data_time: 0.0468 memory: 8783 loss: 0.6365 sim_loss_v2t: 0.3182 sim_loss_t2v: 0.3183 2023/07/31 01:20:55 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 01:21:03 - mmengine - INFO - Epoch(train) [48][ 700/1879] base_lr: 4.1958e-08 lr: 4.1958e-08 eta: 0:38:19 time: 0.6755 data_time: 0.0428 memory: 8783 loss: 0.6525 sim_loss_v2t: 0.3246 sim_loss_t2v: 0.3278 2023/07/31 01:22:01 - mmengine - INFO - Epoch(train) [48][ 800/1879] base_lr: 4.0280e-08 lr: 4.0280e-08 eta: 0:37:33 time: 0.5980 data_time: 0.0628 memory: 8783 loss: 0.6838 sim_loss_v2t: 0.3419 sim_loss_t2v: 0.3418 2023/07/31 01:22:59 - mmengine - INFO - Epoch(train) [48][ 900/1879] base_lr: 3.8637e-08 lr: 3.8637e-08 eta: 0:36:47 time: 0.5841 data_time: 0.0641 memory: 8783 loss: 0.6358 sim_loss_v2t: 0.3133 sim_loss_t2v: 0.3225 2023/07/31 01:23:58 - mmengine - INFO - Epoch(train) [48][1000/1879] base_lr: 3.7027e-08 lr: 3.7027e-08 eta: 0:36:01 time: 0.6574 data_time: 0.0414 memory: 8783 loss: 0.6650 sim_loss_v2t: 0.3321 sim_loss_t2v: 0.3328 2023/07/31 01:24:55 - mmengine - INFO - Epoch(train) [48][1100/1879] base_lr: 3.5451e-08 lr: 3.5451e-08 eta: 0:35:15 time: 0.4788 data_time: 0.0363 memory: 8783 loss: 0.6348 sim_loss_v2t: 0.3140 sim_loss_t2v: 0.3208 2023/07/31 01:25:54 - mmengine - INFO - Epoch(train) [48][1200/1879] base_lr: 3.3910e-08 lr: 3.3910e-08 eta: 0:34:29 time: 0.5763 data_time: 0.0362 memory: 8783 loss: 0.6917 sim_loss_v2t: 0.3375 sim_loss_t2v: 0.3542 2023/07/31 01:26:52 - mmengine - INFO - Epoch(train) [48][1300/1879] base_lr: 3.2402e-08 lr: 3.2402e-08 eta: 0:33:43 time: 0.5365 data_time: 0.0391 memory: 8783 loss: 0.6572 sim_loss_v2t: 0.3203 sim_loss_t2v: 0.3369 2023/07/31 01:27:54 - mmengine - INFO - Epoch(train) [48][1400/1879] base_lr: 3.0928e-08 lr: 3.0928e-08 eta: 0:32:57 time: 0.5530 data_time: 0.0957 memory: 8783 loss: 0.6070 sim_loss_v2t: 0.3005 sim_loss_t2v: 0.3065 2023/07/31 01:28:53 - mmengine - INFO - Epoch(train) [48][1500/1879] base_lr: 2.9489e-08 lr: 2.9489e-08 eta: 0:32:11 time: 0.5506 data_time: 0.0404 memory: 8783 loss: 0.6324 sim_loss_v2t: 0.3132 sim_loss_t2v: 0.3192 2023/07/31 01:29:51 - mmengine - INFO - Epoch(train) [48][1600/1879] base_lr: 2.8083e-08 lr: 2.8083e-08 eta: 0:31:24 time: 0.5175 data_time: 0.1711 memory: 8783 loss: 0.6349 sim_loss_v2t: 0.3175 sim_loss_t2v: 0.3174 2023/07/31 01:30:42 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 01:30:48 - mmengine - INFO - Epoch(train) [48][1700/1879] base_lr: 2.6712e-08 lr: 2.6712e-08 eta: 0:30:38 time: 0.6064 data_time: 0.0756 memory: 8783 loss: 0.6429 sim_loss_v2t: 0.3186 sim_loss_t2v: 0.3243 2023/07/31 01:31:48 - mmengine - INFO - Epoch(train) [48][1800/1879] base_lr: 2.5375e-08 lr: 2.5375e-08 eta: 0:29:52 time: 0.5595 data_time: 0.1504 memory: 8783 loss: 0.6381 sim_loss_v2t: 0.3184 sim_loss_t2v: 0.3196 2023/07/31 01:32:30 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 01:32:30 - mmengine - INFO - Epoch(train) [48][1879/1879] base_lr: 2.4343e-08 lr: 2.4343e-08 eta: 0:29:15 time: 0.1984 data_time: 0.0123 memory: 8783 loss: 0.6312 sim_loss_v2t: 0.3117 sim_loss_t2v: 0.3195 2023/07/31 01:32:30 - mmengine - INFO - Saving checkpoint at 48 epochs 2023/07/31 01:34:59 - mmengine - INFO - Epoch(val) [48][100/155] eta: 0:01:07 time: 1.1971 data_time: 0.0843 memory: 18758 2023/07/31 01:36:04 - mmengine - INFO - Epoch(val) [48][155/155] acc/top1: 0.7749 acc/top5: 0.9327 acc/mean1: 0.7748 data_time: 0.0844 time: 1.1961 2023/07/31 01:37:13 - mmengine - INFO - Epoch(train) [49][ 100/1879] base_lr: 2.3067e-08 lr: 2.3067e-08 eta: 0:28:30 time: 0.7177 data_time: 0.0463 memory: 18758 loss: 0.6375 sim_loss_v2t: 0.3144 sim_loss_t2v: 0.3231 2023/07/31 01:38:12 - mmengine - INFO - Epoch(train) [49][ 200/1879] base_lr: 2.1825e-08 lr: 2.1825e-08 eta: 0:27:43 time: 0.5921 data_time: 0.0295 memory: 8783 loss: 0.6224 sim_loss_v2t: 0.3088 sim_loss_t2v: 0.3136 2023/07/31 01:39:11 - mmengine - INFO - Epoch(train) [49][ 300/1879] base_lr: 2.0617e-08 lr: 2.0617e-08 eta: 0:26:57 time: 0.5136 data_time: 0.0549 memory: 8783 loss: 0.6298 sim_loss_v2t: 0.3077 sim_loss_t2v: 0.3221 2023/07/31 01:40:09 - mmengine - INFO - Epoch(train) [49][ 400/1879] base_lr: 1.9444e-08 lr: 1.9444e-08 eta: 0:26:11 time: 0.5141 data_time: 0.1398 memory: 8783 loss: 0.6518 sim_loss_v2t: 0.3232 sim_loss_t2v: 0.3287 2023/07/31 01:41:11 - mmengine - INFO - Epoch(train) [49][ 500/1879] base_lr: 1.8305e-08 lr: 1.8305e-08 eta: 0:25:24 time: 0.5362 data_time: 0.0436 memory: 8783 loss: 0.6327 sim_loss_v2t: 0.3121 sim_loss_t2v: 0.3206 2023/07/31 01:42:08 - mmengine - INFO - Epoch(train) [49][ 600/1879] base_lr: 1.7200e-08 lr: 1.7200e-08 eta: 0:24:38 time: 0.5181 data_time: 0.0369 memory: 8783 loss: 0.6510 sim_loss_v2t: 0.3223 sim_loss_t2v: 0.3287 2023/07/31 01:43:09 - mmengine - INFO - Epoch(train) [49][ 700/1879] base_lr: 1.6130e-08 lr: 1.6130e-08 eta: 0:23:52 time: 0.6246 data_time: 0.0369 memory: 8783 loss: 0.6718 sim_loss_v2t: 0.3318 sim_loss_t2v: 0.3400 2023/07/31 01:44:08 - mmengine - INFO - Epoch(train) [49][ 800/1879] base_lr: 1.5093e-08 lr: 1.5093e-08 eta: 0:23:05 time: 0.5305 data_time: 0.0376 memory: 8783 loss: 0.5884 sim_loss_v2t: 0.2917 sim_loss_t2v: 0.2967 2023/07/31 01:44:14 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 01:45:03 - mmengine - INFO - Epoch(train) [49][ 900/1879] base_lr: 1.4091e-08 lr: 1.4091e-08 eta: 0:22:19 time: 0.5152 data_time: 0.0391 memory: 8783 loss: 0.6509 sim_loss_v2t: 0.3230 sim_loss_t2v: 0.3278 2023/07/31 01:46:05 - mmengine - INFO - Epoch(train) [49][1000/1879] base_lr: 1.3124e-08 lr: 1.3124e-08 eta: 0:21:32 time: 0.7368 data_time: 0.0344 memory: 8783 loss: 0.5936 sim_loss_v2t: 0.2978 sim_loss_t2v: 0.2957 2023/07/31 01:47:04 - mmengine - INFO - Epoch(train) [49][1100/1879] base_lr: 1.2190e-08 lr: 1.2190e-08 eta: 0:20:46 time: 0.5560 data_time: 0.0350 memory: 8783 loss: 0.6511 sim_loss_v2t: 0.3199 sim_loss_t2v: 0.3311 2023/07/31 01:48:01 - mmengine - INFO - Epoch(train) [49][1200/1879] base_lr: 1.1291e-08 lr: 1.1291e-08 eta: 0:19:59 time: 0.5519 data_time: 0.0389 memory: 8783 loss: 0.6565 sim_loss_v2t: 0.3259 sim_loss_t2v: 0.3306 2023/07/31 01:49:02 - mmengine - INFO - Epoch(train) [49][1300/1879] base_lr: 1.0427e-08 lr: 1.0427e-08 eta: 0:19:12 time: 0.6373 data_time: 0.2456 memory: 8783 loss: 0.6408 sim_loss_v2t: 0.3162 sim_loss_t2v: 0.3246 2023/07/31 01:50:00 - mmengine - INFO - Epoch(train) [49][1400/1879] base_lr: 9.5964e-09 lr: 9.5964e-09 eta: 0:18:26 time: 0.5436 data_time: 0.0324 memory: 8783 loss: 0.6399 sim_loss_v2t: 0.3140 sim_loss_t2v: 0.3258 2023/07/31 01:51:00 - mmengine - INFO - Epoch(train) [49][1500/1879] base_lr: 8.8005e-09 lr: 8.8005e-09 eta: 0:17:39 time: 0.5765 data_time: 0.2165 memory: 8783 loss: 0.5871 sim_loss_v2t: 0.2884 sim_loss_t2v: 0.2987 2023/07/31 01:52:07 - mmengine - INFO - Epoch(train) [49][1600/1879] base_lr: 8.0390e-09 lr: 8.0390e-09 eta: 0:16:53 time: 0.7070 data_time: 0.0352 memory: 8783 loss: 0.5904 sim_loss_v2t: 0.2894 sim_loss_t2v: 0.3010 2023/07/31 01:53:05 - mmengine - INFO - Epoch(train) [49][1700/1879] base_lr: 7.3119e-09 lr: 7.3119e-09 eta: 0:16:06 time: 0.5267 data_time: 0.0413 memory: 8783 loss: 0.6381 sim_loss_v2t: 0.3132 sim_loss_t2v: 0.3249 2023/07/31 01:54:01 - mmengine - INFO - Epoch(train) [49][1800/1879] base_lr: 6.6192e-09 lr: 6.6192e-09 eta: 0:15:19 time: 0.5988 data_time: 0.0518 memory: 8783 loss: 0.6561 sim_loss_v2t: 0.3251 sim_loss_t2v: 0.3311 2023/07/31 01:54:07 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 01:54:41 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 01:54:41 - mmengine - INFO - Epoch(train) [49][1879/1879] base_lr: 6.0964e-09 lr: 6.0964e-09 eta: 0:14:42 time: 0.2512 data_time: 0.0210 memory: 8783 loss: 0.5907 sim_loss_v2t: 0.2935 sim_loss_t2v: 0.2972 2023/07/31 01:54:41 - mmengine - INFO - Saving checkpoint at 49 epochs 2023/07/31 01:57:09 - mmengine - INFO - Epoch(val) [49][100/155] eta: 0:01:07 time: 1.2060 data_time: 0.0933 memory: 18758 2023/07/31 01:58:13 - mmengine - INFO - Epoch(val) [49][155/155] acc/top1: 0.7748 acc/top5: 0.9327 acc/mean1: 0.7748 data_time: 0.0887 time: 1.1992 2023/07/31 01:59:24 - mmengine - INFO - Epoch(train) [50][ 100/1879] base_lr: 5.4653e-09 lr: 5.4653e-09 eta: 0:13:56 time: 0.5593 data_time: 0.0426 memory: 18758 loss: 0.6266 sim_loss_v2t: 0.3082 sim_loss_t2v: 0.3185 2023/07/31 02:00:25 - mmengine - INFO - Epoch(train) [50][ 200/1879] base_lr: 4.8687e-09 lr: 4.8687e-09 eta: 0:13:09 time: 0.7734 data_time: 0.0330 memory: 8783 loss: 0.6260 sim_loss_v2t: 0.3127 sim_loss_t2v: 0.3133 2023/07/31 02:01:23 - mmengine - INFO - Epoch(train) [50][ 300/1879] base_lr: 4.3065e-09 lr: 4.3065e-09 eta: 0:12:22 time: 0.5043 data_time: 0.0406 memory: 8783 loss: 0.6702 sim_loss_v2t: 0.3307 sim_loss_t2v: 0.3395 2023/07/31 02:02:23 - mmengine - INFO - Epoch(train) [50][ 400/1879] base_lr: 3.7787e-09 lr: 3.7787e-09 eta: 0:11:35 time: 0.5023 data_time: 0.0445 memory: 8783 loss: 0.6268 sim_loss_v2t: 0.3102 sim_loss_t2v: 0.3166 2023/07/31 02:03:21 - mmengine - INFO - Epoch(train) [50][ 500/1879] base_lr: 3.2854e-09 lr: 3.2854e-09 eta: 0:10:48 time: 0.5440 data_time: 0.0346 memory: 8783 loss: 0.6647 sim_loss_v2t: 0.3314 sim_loss_t2v: 0.3333 2023/07/31 02:04:19 - mmengine - INFO - Epoch(train) [50][ 600/1879] base_lr: 2.8266e-09 lr: 2.8266e-09 eta: 0:10:02 time: 0.5993 data_time: 0.0335 memory: 8783 loss: 0.6028 sim_loss_v2t: 0.3008 sim_loss_t2v: 0.3020 2023/07/31 02:05:19 - mmengine - INFO - Epoch(train) [50][ 700/1879] base_lr: 2.4023e-09 lr: 2.4023e-09 eta: 0:09:15 time: 0.6039 data_time: 0.0358 memory: 8783 loss: 0.6525 sim_loss_v2t: 0.3283 sim_loss_t2v: 0.3241 2023/07/31 02:06:15 - mmengine - INFO - Epoch(train) [50][ 800/1879] base_lr: 2.0124e-09 lr: 2.0124e-09 eta: 0:08:28 time: 0.4926 data_time: 0.0435 memory: 8783 loss: 0.6481 sim_loss_v2t: 0.3209 sim_loss_t2v: 0.3272 2023/07/31 02:07:17 - mmengine - INFO - Epoch(train) [50][ 900/1879] base_lr: 1.6570e-09 lr: 1.6570e-09 eta: 0:07:41 time: 0.6504 data_time: 0.0326 memory: 8783 loss: 0.6516 sim_loss_v2t: 0.3240 sim_loss_t2v: 0.3277 2023/07/31 02:07:32 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 02:08:13 - mmengine - INFO - Epoch(train) [50][1000/1879] base_lr: 1.3362e-09 lr: 1.3362e-09 eta: 0:06:54 time: 0.5284 data_time: 0.0685 memory: 8783 loss: 0.5944 sim_loss_v2t: 0.2950 sim_loss_t2v: 0.2995 2023/07/31 02:09:15 - mmengine - INFO - Epoch(train) [50][1100/1879] base_lr: 1.0498e-09 lr: 1.0498e-09 eta: 0:06:07 time: 0.7090 data_time: 0.0329 memory: 8783 loss: 0.6017 sim_loss_v2t: 0.2998 sim_loss_t2v: 0.3019 2023/07/31 02:10:14 - mmengine - INFO - Epoch(train) [50][1200/1879] base_lr: 7.9786e-10 lr: 7.9786e-10 eta: 0:05:20 time: 0.6134 data_time: 0.0456 memory: 8783 loss: 0.6378 sim_loss_v2t: 0.3176 sim_loss_t2v: 0.3203 2023/07/31 02:11:11 - mmengine - INFO - Epoch(train) [50][1300/1879] base_lr: 5.8046e-10 lr: 5.8046e-10 eta: 0:04:33 time: 0.5438 data_time: 0.0354 memory: 8783 loss: 0.6269 sim_loss_v2t: 0.3091 sim_loss_t2v: 0.3178 2023/07/31 02:12:10 - mmengine - INFO - Epoch(train) [50][1400/1879] base_lr: 3.9756e-10 lr: 3.9756e-10 eta: 0:03:45 time: 0.5560 data_time: 0.0397 memory: 8783 loss: 0.6368 sim_loss_v2t: 0.3195 sim_loss_t2v: 0.3174 2023/07/31 02:13:08 - mmengine - INFO - Epoch(train) [50][1500/1879] base_lr: 2.4917e-10 lr: 2.4917e-10 eta: 0:02:58 time: 0.5322 data_time: 0.0346 memory: 8783 loss: 0.6589 sim_loss_v2t: 0.3282 sim_loss_t2v: 0.3307 2023/07/31 02:14:09 - mmengine - INFO - Epoch(train) [50][1600/1879] base_lr: 1.3528e-10 lr: 1.3528e-10 eta: 0:02:11 time: 0.6882 data_time: 0.0387 memory: 8783 loss: 0.5802 sim_loss_v2t: 0.2909 sim_loss_t2v: 0.2892 2023/07/31 02:15:07 - mmengine - INFO - Epoch(train) [50][1700/1879] base_lr: 5.5908e-11 lr: 5.5908e-11 eta: 0:01:24 time: 0.5464 data_time: 0.0415 memory: 8783 loss: 0.6444 sim_loss_v2t: 0.3194 sim_loss_t2v: 0.3250 2023/07/31 02:16:06 - mmengine - INFO - Epoch(train) [50][1800/1879] base_lr: 1.1044e-11 lr: 1.1044e-11 eta: 0:00:37 time: 0.6333 data_time: 0.0378 memory: 8783 loss: 0.6259 sim_loss_v2t: 0.3122 sim_loss_t2v: 0.3137 2023/07/31 02:16:45 - mmengine - INFO - Exp name: actionclip_vit-base-p32-res224-clip-pre_g8xb16_1x1x8_k400-rgb_20230730_110110 2023/07/31 02:16:45 - mmengine - INFO - Epoch(train) [50][1879/1879] base_lr: 1.7256e-15 lr: 1.7256e-15 eta: 0:00:00 time: 0.2597 data_time: 0.0165 memory: 8783 loss: 0.6529 sim_loss_v2t: 0.3195 sim_loss_t2v: 0.3335 2023/07/31 02:16:45 - mmengine - INFO - Saving checkpoint at 50 epochs 2023/07/31 02:19:11 - mmengine - INFO - Epoch(val) [50][100/155] eta: 0:01:07 time: 1.1897 data_time: 0.0762 memory: 18758 2023/07/31 02:20:16 - mmengine - INFO - Epoch(val) [50][155/155] acc/top1: 0.7747 acc/top5: 0.9328 acc/mean1: 0.7747 data_time: 0.0886 time: 1.2004