2023/05/14 03:01:48 - mmengine - INFO - ------------------------------------------------------------ System environment: sys.platform: linux Python: 3.9.0 (default, Nov 15 2020, 14:28:56) [GCC 7.3.0] CUDA available: True numpy_random_seed: 85018212 GPU 0,1,2,3,4,5,6,7: Tesla V100-SXM2-32GB CUDA_HOME: /usr/local/cuda NVCC: Cuda compilation tools, release 11.7, V11.7.64 GCC: gcc (GCC) 7.5.0 PyTorch: 1.13.1+cu117 PyTorch compiling details: PyTorch built with: - GCC 9.3 - C++ Version: 201402 - Intel(R) Math Kernel Library Version 2020.0.0 Product Build 20191122 for Intel(R) 64 architecture applications - Intel(R) MKL-DNN v2.6.0 (Git Hash 52b5f107dd9cf10910aaa19cb47f3abf9b349815) - 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.7 - 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_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 - CuDNN 8.5 - Magma 2.6.1 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.7, CUDNN_VERSION=8.5.0, CXX_COMPILER=/opt/rh/devtoolset-9/root/usr/bin/c++, CXX_FLAGS= -fabi-version=11 -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 -Werror=non-virtual-dtor -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wunused-local-typedefs -Wno-unused-parameter -Wno-unused-function -Wno-unused-result -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 -Werror=cast-function-type -Wno-stringop-overflow, LAPACK_INFO=mkl, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, TORCH_VERSION=1.13.1, USE_CUDA=ON, USE_CUDNN=ON, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_ROCM=OFF, TorchVision: 0.14.1+cu117 OpenCV: 4.7.0 MMEngine: 0.7.3 Runtime environment: cudnn_benchmark: False mp_cfg: {'mp_start_method': 'fork', 'opencv_num_threads': 0} dist_cfg: {'backend': 'nccl'} seed: None diff_rank_seed: False deterministic: False Distributed launcher: pytorch Distributed training: True GPU number: 8 ------------------------------------------------------------ 2023/05/14 03:01:49 - mmengine - INFO - Config: preprocess_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375]) model = dict( _scope_='mmrazor', type='SingleTeacherDistill', architecture=dict( cfg_path= 'mmaction::recognition/tsm/tsm_imagenet-pretrained-mobilenetv2_8xb16-1x1x8-100e_kinetics400-rgb.py', pretrained=False), teacher=dict( cfg_path= 'mmaction::recognition/tsm/tsm_imagenet-pretrained-r50_8xb16-1x1x8-50e_kinetics400-rgb.py', pretrained=False), teacher_ckpt= 'https://download.openmmlab.com/mmaction/v1.0/recognition/tsm/tsm_imagenet-pretrained-r50_8xb16-1x1x8-50e_kinetics400-rgb/tsm_imagenet-pretrained-r50_8xb16-1x1x8-50e_kinetics400-rgb_20220831-64d69186.pth', distiller=dict( type='ConfigurableDistiller', student_recorders=dict( logits=dict(type='ModuleOutputs', source='cls_head.fc_cls')), teacher_recorders=dict( logits=dict(type='ModuleOutputs', source='cls_head.fc_cls')), distill_losses=dict( loss_dist=dict( type='DISTLoss', inter_loss_weight=1.0, intra_loss_weight=1.0, tau=1, loss_weight=1)), loss_forward_mappings=dict( loss_dist=dict( logits_S=dict(from_student=True, recorder='logits'), logits_T=dict(from_student=False, recorder='logits'))))) default_scope = 'mmaction' default_hooks = dict( runtime_info=dict(type='RuntimeInfoHook', _scope_='mmaction'), timer=dict(type='IterTimerHook', _scope_='mmaction'), logger=dict( type='LoggerHook', interval=20, ignore_last=False, _scope_='mmaction'), param_scheduler=dict(type='ParamSchedulerHook', _scope_='mmaction'), checkpoint=dict( type='CheckpointHook', interval=3, save_best='auto', max_keep_ckpts=3, _scope_='mmaction'), sampler_seed=dict(type='DistSamplerSeedHook', _scope_='mmaction'), sync_buffers=dict(type='SyncBuffersHook', _scope_='mmaction')) env_cfg = dict( cudnn_benchmark=False, mp_cfg=dict(mp_start_method='fork', opencv_num_threads=0), dist_cfg=dict(backend='nccl')) log_processor = dict( type='LogProcessor', window_size=20, by_epoch=True, _scope_='mmaction') vis_backends = [dict(type='LocalVisBackend', _scope_='mmaction')] visualizer = dict( type='ActionVisualizer', vis_backends=[dict(type='LocalVisBackend')], _scope_='mmaction') log_level = 'INFO' load_from = None resume = False dataset_type = 'VideoDataset' data_root = 'data/kinetics400/videos_train' data_root_val = 'data/kinetics400/videos_val' ann_file_train = 'data/kinetics400/kinetics400_train_list_videos.txt' ann_file_val = 'data/kinetics400/kinetics400_val_list_videos.txt' file_client_args = dict(io_backend='disk') train_pipeline = [ dict(type='DecordInit', io_backend='disk', _scope_='mmaction'), dict( type='SampleFrames', clip_len=1, frame_interval=1, num_clips=8, _scope_='mmaction'), dict(type='DecordDecode', _scope_='mmaction'), dict(type='Resize', scale=(-1, 256), _scope_='mmaction'), dict( type='MultiScaleCrop', input_size=224, scales=(1, 0.875, 0.75, 0.66), random_crop=False, max_wh_scale_gap=1, num_fixed_crops=13, _scope_='mmaction'), dict( type='Resize', scale=(224, 224), keep_ratio=False, _scope_='mmaction'), dict(type='Flip', flip_ratio=0.5, _scope_='mmaction'), dict(type='FormatShape', input_format='NCHW', _scope_='mmaction'), dict(type='PackActionInputs', _scope_='mmaction') ] val_pipeline = [ dict(type='DecordInit', io_backend='disk', _scope_='mmaction'), dict( type='SampleFrames', clip_len=1, frame_interval=1, num_clips=8, test_mode=True, _scope_='mmaction'), dict(type='DecordDecode', _scope_='mmaction'), dict(type='Resize', scale=(-1, 256), _scope_='mmaction'), dict(type='CenterCrop', crop_size=224, _scope_='mmaction'), dict(type='FormatShape', input_format='NCHW', _scope_='mmaction'), dict(type='PackActionInputs', _scope_='mmaction') ] test_pipeline = [ dict(type='DecordInit', io_backend='disk', _scope_='mmaction'), dict( type='SampleFrames', clip_len=1, frame_interval=1, num_clips=8, test_mode=True, _scope_='mmaction'), dict(type='DecordDecode', _scope_='mmaction'), dict(type='Resize', scale=(-1, 256), _scope_='mmaction'), dict(type='ThreeCrop', crop_size=256, _scope_='mmaction'), dict(type='FormatShape', input_format='NCHW', _scope_='mmaction'), dict(type='PackActionInputs', _scope_='mmaction') ] train_dataloader = dict( batch_size=16, num_workers=6, persistent_workers=True, sampler=dict(type='DefaultSampler', shuffle=True, _scope_='mmaction'), dataset=dict( type='VideoDataset', ann_file='data/kinetics400/kinetics400_train_list_videos.txt', data_prefix=dict(video='data/kinetics400/videos_train'), pipeline=[ dict(type='DecordInit', io_backend='disk'), dict( type='SampleFrames', clip_len=1, frame_interval=1, num_clips=8), dict(type='DecordDecode'), dict(type='Resize', scale=(-1, 256)), dict( type='MultiScaleCrop', input_size=224, scales=(1, 0.875, 0.75, 0.66), random_crop=False, max_wh_scale_gap=1, num_fixed_crops=13), dict(type='Resize', scale=(224, 224), keep_ratio=False), dict(type='Flip', flip_ratio=0.5), dict(type='FormatShape', input_format='NCHW'), dict(type='PackActionInputs') ], _scope_='mmaction')) val_dataloader = dict( batch_size=16, num_workers=8, persistent_workers=True, sampler=dict(type='DefaultSampler', shuffle=False, _scope_='mmaction'), dataset=dict( type='VideoDataset', ann_file='data/kinetics400/kinetics400_val_list_videos.txt', data_prefix=dict(video='data/kinetics400/videos_val'), pipeline=[ dict(type='DecordInit', io_backend='disk'), dict( type='SampleFrames', clip_len=1, frame_interval=1, num_clips=8, test_mode=True), dict(type='DecordDecode'), dict(type='Resize', scale=(-1, 256)), dict(type='CenterCrop', crop_size=224), dict(type='FormatShape', input_format='NCHW'), dict(type='PackActionInputs') ], test_mode=True, _scope_='mmaction')) test_dataloader = dict( batch_size=1, num_workers=8, persistent_workers=True, sampler=dict(type='DefaultSampler', shuffle=False, _scope_='mmaction'), dataset=dict( type='VideoDataset', ann_file='data/kinetics400/kinetics400_val_list_videos.txt', data_prefix=dict(video='data/kinetics400/videos_val'), pipeline=[ dict(type='DecordInit', io_backend='disk'), dict( type='SampleFrames', clip_len=1, frame_interval=1, num_clips=8, test_mode=True), dict(type='DecordDecode'), dict(type='Resize', scale=(-1, 256)), dict(type='ThreeCrop', crop_size=256), dict(type='FormatShape', input_format='NCHW'), dict(type='PackActionInputs') ], test_mode=True, _scope_='mmaction')) val_evaluator = dict(type='AccMetric', _scope_='mmaction') test_evaluator = dict(type='AccMetric', _scope_='mmaction') train_cfg = dict( type='EpochBasedTrainLoop', max_epochs=100, val_begin=1, val_interval=1, _scope_='mmaction') val_cfg = dict(type='mmrazor.SingleTeacherDistillValLoop') test_cfg = dict(type='TestLoop', _scope_='mmaction') param_scheduler = [ dict( type='MultiStepLR', begin=0, end=100, by_epoch=True, milestones=[40, 80], gamma=0.1, _scope_='mmaction') ] optim_wrapper = dict( constructor='TSMOptimWrapperConstructor', paramwise_cfg=dict(fc_lr5=True), optimizer=dict( type='SGD', lr=0.02, momentum=0.9, weight_decay=2e-05, _scope_='mmaction'), clip_grad=dict(max_norm=20, norm_type=2)) auto_scale_lr = dict(enable=True, base_batch_size=128) teacher_ckpt = 'https://download.openmmlab.com/mmaction/v1.0/recognition/tsm/tsm_imagenet-pretrained-r50_8xb16-1x1x8-50e_kinetics400-rgb/tsm_imagenet-pretrained-r50_8xb16-1x1x8-50e_kinetics400-rgb_20220831-64d69186.pth' launcher = 'pytorch' work_dir = 'work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1' randomness = dict(seed=None, diff_rank_seed=False, deterministic=False) 2023/05/14 03:01:54 - 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/05/14 03:01:57 - mmengine - INFO - LR is set based on batch size of 128 and the current batch size is 128. Scaling the original LR by 1.0. 2023/05/14 03:01:58 - mmengine - INFO - 2023/05/14 03:01:58 - mmengine - WARNING - init_weights of Recognizer2D has been called more than once. Name of parameter - Initialization information architecture.backbone.conv1.conv.weight - torch.Size([32, 3, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.conv1.bn.weight - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.conv1.bn.bias - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer1.0.conv.0.conv.weight - torch.Size([32, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer1.0.conv.0.bn.weight - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer1.0.conv.0.bn.bias - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer1.0.conv.1.conv.weight - torch.Size([16, 32, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer1.0.conv.1.bn.weight - torch.Size([16]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer1.0.conv.1.bn.bias - torch.Size([16]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.0.conv.weight - torch.Size([96, 16, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.0.bn.weight - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.0.bn.bias - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.1.conv.weight - torch.Size([96, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.1.bn.weight - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.1.bn.bias - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.2.conv.weight - torch.Size([24, 96, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.2.bn.weight - torch.Size([24]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.0.conv.2.bn.bias - torch.Size([24]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.0.net.conv.weight - torch.Size([144, 24, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.0.net.bn.weight - torch.Size([144]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.0.net.bn.bias - torch.Size([144]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.1.conv.weight - torch.Size([144, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.1.bn.weight - torch.Size([144]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.1.bn.bias - torch.Size([144]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.2.conv.weight - torch.Size([24, 144, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.2.bn.weight - torch.Size([24]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer2.1.conv.2.bn.bias - torch.Size([24]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.0.conv.weight - torch.Size([144, 24, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.0.bn.weight - torch.Size([144]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.0.bn.bias - torch.Size([144]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.1.conv.weight - torch.Size([144, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.1.bn.weight - torch.Size([144]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.1.bn.bias - torch.Size([144]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.2.conv.weight - torch.Size([32, 144, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.2.bn.weight - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.0.conv.2.bn.bias - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.0.net.conv.weight - torch.Size([192, 32, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.0.net.bn.weight - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.0.net.bn.bias - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.1.conv.weight - torch.Size([192, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.1.bn.weight - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.1.bn.bias - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.2.conv.weight - torch.Size([32, 192, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.2.bn.weight - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.1.conv.2.bn.bias - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.0.net.conv.weight - torch.Size([192, 32, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.0.net.bn.weight - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.0.net.bn.bias - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.1.conv.weight - torch.Size([192, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.1.bn.weight - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.1.bn.bias - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.2.conv.weight - torch.Size([32, 192, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.2.bn.weight - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer3.2.conv.2.bn.bias - torch.Size([32]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.0.conv.weight - torch.Size([192, 32, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.0.bn.weight - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.0.bn.bias - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.1.conv.weight - torch.Size([192, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.1.bn.weight - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.1.bn.bias - torch.Size([192]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.2.conv.weight - torch.Size([64, 192, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.2.bn.weight - torch.Size([64]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.0.conv.2.bn.bias - torch.Size([64]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.0.net.conv.weight - torch.Size([384, 64, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.0.net.bn.weight - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.0.net.bn.bias - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.1.conv.weight - torch.Size([384, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.1.bn.weight - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.1.bn.bias - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.2.conv.weight - torch.Size([64, 384, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.2.bn.weight - torch.Size([64]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.1.conv.2.bn.bias - torch.Size([64]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.0.net.conv.weight - torch.Size([384, 64, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.0.net.bn.weight - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.0.net.bn.bias - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.1.conv.weight - torch.Size([384, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.1.bn.weight - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.1.bn.bias - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.2.conv.weight - torch.Size([64, 384, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.2.bn.weight - torch.Size([64]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.2.conv.2.bn.bias - torch.Size([64]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.0.net.conv.weight - torch.Size([384, 64, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.0.net.bn.weight - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.0.net.bn.bias - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.1.conv.weight - torch.Size([384, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.1.bn.weight - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.1.bn.bias - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.2.conv.weight - torch.Size([64, 384, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.2.bn.weight - torch.Size([64]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer4.3.conv.2.bn.bias - torch.Size([64]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.0.conv.weight - torch.Size([384, 64, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.0.bn.weight - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.0.bn.bias - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.1.conv.weight - torch.Size([384, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.1.bn.weight - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.1.bn.bias - torch.Size([384]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.2.conv.weight - torch.Size([96, 384, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.2.bn.weight - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.0.conv.2.bn.bias - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.0.net.conv.weight - torch.Size([576, 96, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.0.net.bn.weight - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.0.net.bn.bias - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.1.conv.weight - torch.Size([576, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.1.bn.weight - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.1.bn.bias - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.2.conv.weight - torch.Size([96, 576, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.2.bn.weight - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.1.conv.2.bn.bias - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.0.net.conv.weight - torch.Size([576, 96, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.0.net.bn.weight - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.0.net.bn.bias - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.1.conv.weight - torch.Size([576, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.1.bn.weight - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.1.bn.bias - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.2.conv.weight - torch.Size([96, 576, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.2.bn.weight - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer5.2.conv.2.bn.bias - torch.Size([96]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.0.conv.weight - torch.Size([576, 96, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.0.bn.weight - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.0.bn.bias - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.1.conv.weight - torch.Size([576, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.1.bn.weight - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.1.bn.bias - torch.Size([576]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.2.conv.weight - torch.Size([160, 576, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.2.bn.weight - torch.Size([160]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.0.conv.2.bn.bias - torch.Size([160]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.0.net.conv.weight - torch.Size([960, 160, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.0.net.bn.weight - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.0.net.bn.bias - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.1.conv.weight - torch.Size([960, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.1.bn.weight - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.1.bn.bias - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.2.conv.weight - torch.Size([160, 960, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.2.bn.weight - torch.Size([160]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.1.conv.2.bn.bias - torch.Size([160]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.0.net.conv.weight - torch.Size([960, 160, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.0.net.bn.weight - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.0.net.bn.bias - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.1.conv.weight - torch.Size([960, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.1.bn.weight - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.1.bn.bias - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.2.conv.weight - torch.Size([160, 960, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.2.bn.weight - torch.Size([160]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer6.2.conv.2.bn.bias - torch.Size([160]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.0.conv.weight - torch.Size([960, 160, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.0.bn.weight - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.0.bn.bias - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.1.conv.weight - torch.Size([960, 1, 3, 3]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.1.bn.weight - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.1.bn.bias - torch.Size([960]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.2.conv.weight - torch.Size([320, 960, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.2.bn.weight - torch.Size([320]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.layer7.0.conv.2.bn.bias - torch.Size([320]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.conv2.conv.weight - torch.Size([1280, 320, 1, 1]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.conv2.bn.weight - torch.Size([1280]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.backbone.conv2.bn.bias - torch.Size([1280]): Initialized by user-defined `init_weights` in MobileNetV2TSM architecture.cls_head.fc_cls.weight - torch.Size([400, 1280]): Initialized by user-defined `init_weights` in TSMHead architecture.cls_head.fc_cls.bias - torch.Size([400]): Initialized by user-defined `init_weights` in TSMHead teacher.backbone.conv1.conv.weight - torch.Size([64, 3, 7, 7]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.conv1.bn.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.conv1.bn.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv1.conv.net.weight - torch.Size([64, 64, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv1.bn.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv1.bn.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv2.conv.weight - torch.Size([64, 64, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv2.bn.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv2.bn.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv3.conv.weight - torch.Size([256, 64, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv3.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.conv3.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.downsample.conv.weight - torch.Size([256, 64, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.downsample.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.0.downsample.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv1.conv.net.weight - torch.Size([64, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv1.bn.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv1.bn.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv2.conv.weight - torch.Size([64, 64, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv2.bn.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv2.bn.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv3.conv.weight - torch.Size([256, 64, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv3.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.1.conv3.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv1.conv.net.weight - torch.Size([64, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv1.bn.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv1.bn.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv2.conv.weight - torch.Size([64, 64, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv2.bn.weight - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv2.bn.bias - torch.Size([64]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv3.conv.weight - torch.Size([256, 64, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv3.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer1.2.conv3.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv1.conv.net.weight - torch.Size([128, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv1.bn.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv1.bn.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv2.conv.weight - torch.Size([128, 128, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv2.bn.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv2.bn.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv3.conv.weight - torch.Size([512, 128, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv3.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.conv3.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.downsample.conv.weight - torch.Size([512, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.downsample.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.0.downsample.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv1.conv.net.weight - torch.Size([128, 512, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv1.bn.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv1.bn.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv2.conv.weight - torch.Size([128, 128, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv2.bn.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv2.bn.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv3.conv.weight - torch.Size([512, 128, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv3.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.1.conv3.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv1.conv.net.weight - torch.Size([128, 512, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv1.bn.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv1.bn.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv2.conv.weight - torch.Size([128, 128, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv2.bn.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv2.bn.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv3.conv.weight - torch.Size([512, 128, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv3.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.2.conv3.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv1.conv.net.weight - torch.Size([128, 512, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv1.bn.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv1.bn.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv2.conv.weight - torch.Size([128, 128, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv2.bn.weight - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv2.bn.bias - torch.Size([128]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv3.conv.weight - torch.Size([512, 128, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv3.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer2.3.conv3.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv1.conv.net.weight - torch.Size([256, 512, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv1.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv1.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv2.conv.weight - torch.Size([256, 256, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv2.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv2.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv3.conv.weight - torch.Size([1024, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv3.bn.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.conv3.bn.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.downsample.conv.weight - torch.Size([1024, 512, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.downsample.bn.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.0.downsample.bn.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv1.conv.net.weight - torch.Size([256, 1024, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv1.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv1.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv2.conv.weight - torch.Size([256, 256, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv2.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv2.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv3.conv.weight - torch.Size([1024, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv3.bn.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.1.conv3.bn.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv1.conv.net.weight - torch.Size([256, 1024, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv1.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv1.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv2.conv.weight - torch.Size([256, 256, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv2.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv2.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv3.conv.weight - torch.Size([1024, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv3.bn.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.2.conv3.bn.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv1.conv.net.weight - torch.Size([256, 1024, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv1.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv1.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv2.conv.weight - torch.Size([256, 256, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv2.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv2.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv3.conv.weight - torch.Size([1024, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv3.bn.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.3.conv3.bn.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv1.conv.net.weight - torch.Size([256, 1024, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv1.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv1.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv2.conv.weight - torch.Size([256, 256, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv2.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv2.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv3.conv.weight - torch.Size([1024, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv3.bn.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.4.conv3.bn.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv1.conv.net.weight - torch.Size([256, 1024, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv1.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv1.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv2.conv.weight - torch.Size([256, 256, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv2.bn.weight - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv2.bn.bias - torch.Size([256]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv3.conv.weight - torch.Size([1024, 256, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv3.bn.weight - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer3.5.conv3.bn.bias - torch.Size([1024]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv1.conv.net.weight - torch.Size([512, 1024, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv2.conv.weight - torch.Size([512, 512, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv2.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv2.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv3.conv.weight - torch.Size([2048, 512, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv3.bn.weight - torch.Size([2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.conv3.bn.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.downsample.conv.weight - torch.Size([2048, 1024, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.downsample.bn.weight - torch.Size([2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.0.downsample.bn.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv1.conv.net.weight - torch.Size([512, 2048, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv2.conv.weight - torch.Size([512, 512, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv2.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv2.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv3.conv.weight - torch.Size([2048, 512, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv3.bn.weight - torch.Size([2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.1.conv3.bn.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv1.conv.net.weight - torch.Size([512, 2048, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv1.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv1.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv2.conv.weight - torch.Size([512, 512, 3, 3]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv2.bn.weight - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv2.bn.bias - torch.Size([512]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv3.conv.weight - torch.Size([2048, 512, 1, 1]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv3.bn.weight - torch.Size([2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.backbone.layer4.2.conv3.bn.bias - torch.Size([2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.cls_head.fc_cls.weight - torch.Size([400, 2048]): The value is the same before and after calling `init_weights` of SingleTeacherDistill teacher.cls_head.fc_cls.bias - torch.Size([400]): The value is the same before and after calling `init_weights` of SingleTeacherDistill 2023/05/14 03:01:58 - 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/05/14 03:01:58 - mmengine - WARNING - "HardDiskBackend" is the alias of "LocalBackend" and the former will be deprecated in future. 2023/05/14 03:01:58 - mmengine - INFO - Checkpoints will be saved to /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1. 2023/05/14 03:02:32 - mmengine - INFO - Epoch(train) [1][ 20/1879] lr: 2.0000e-02 eta: 3 days, 15:09:24 time: 1.6700 data_time: 0.2866 memory: 9812 grad_norm: 3.4989 loss: 7.5686 student.top1_acc: 0.0000 student.top5_acc: 0.1875 student.loss_cls: 5.7434 distill.loss_dist: 1.8251 2023/05/14 03:02:52 - mmengine - INFO - Epoch(train) [1][ 40/1879] lr: 2.0000e-02 eta: 2 days, 21:29:53 time: 0.9936 data_time: 0.0636 memory: 9812 grad_norm: 3.7878 loss: 7.0001 student.top1_acc: 0.1250 student.top5_acc: 0.2500 student.loss_cls: 5.2808 distill.loss_dist: 1.7192 2023/05/14 03:03:15 - mmengine - INFO - Epoch(train) [1][ 60/1879] lr: 2.0000e-02 eta: 2 days, 18:37:38 time: 1.1672 data_time: 0.1135 memory: 9812 grad_norm: 4.0401 loss: 6.5763 student.top1_acc: 0.0000 student.top5_acc: 0.3750 student.loss_cls: 4.8905 distill.loss_dist: 1.6857 2023/05/14 03:03:38 - mmengine - INFO - Epoch(train) [1][ 80/1879] lr: 2.0000e-02 eta: 2 days, 16:44:51 time: 1.1334 data_time: 0.0305 memory: 9812 grad_norm: 4.2704 loss: 6.3926 student.top1_acc: 0.1250 student.top5_acc: 0.1250 student.loss_cls: 4.7200 distill.loss_dist: 1.6725 2023/05/14 03:04:02 - mmengine - INFO - Epoch(train) [1][ 100/1879] lr: 2.0000e-02 eta: 2 days, 16:21:08 time: 1.2038 data_time: 0.0327 memory: 9812 grad_norm: 4.2931 loss: 6.1725 student.top1_acc: 0.1250 student.top5_acc: 0.3750 student.loss_cls: 4.5358 distill.loss_dist: 1.6367 2023/05/14 03:04:24 - mmengine - INFO - Epoch(train) [1][ 120/1879] lr: 2.0000e-02 eta: 2 days, 15:30:45 time: 1.1378 data_time: 0.0328 memory: 9812 grad_norm: 4.4267 loss: 6.0140 student.top1_acc: 0.0625 student.top5_acc: 0.1875 student.loss_cls: 4.3811 distill.loss_dist: 1.6329 2023/05/14 03:04:49 - mmengine - INFO - Epoch(train) [1][ 140/1879] lr: 2.0000e-02 eta: 2 days, 15:35:29 time: 1.2291 data_time: 0.0321 memory: 9812 grad_norm: 4.4026 loss: 5.8465 student.top1_acc: 0.0625 student.top5_acc: 0.2500 student.loss_cls: 4.2355 distill.loss_dist: 1.6109 2023/05/14 03:05:10 - mmengine - INFO - Epoch(train) [1][ 160/1879] lr: 2.0000e-02 eta: 2 days, 14:27:16 time: 1.0459 data_time: 0.0279 memory: 9812 grad_norm: 4.4234 loss: 5.7751 student.top1_acc: 0.0625 student.top5_acc: 0.5000 student.loss_cls: 4.1684 distill.loss_dist: 1.6066 2023/05/14 03:05:34 - mmengine - INFO - Epoch(train) [1][ 180/1879] lr: 2.0000e-02 eta: 2 days, 14:25:41 time: 1.1942 data_time: 0.0300 memory: 9812 grad_norm: 4.5041 loss: 5.6048 student.top1_acc: 0.2500 student.top5_acc: 0.4375 student.loss_cls: 4.0109 distill.loss_dist: 1.5940 2023/05/14 03:05:56 - mmengine - INFO - Epoch(train) [1][ 200/1879] lr: 2.0000e-02 eta: 2 days, 13:55:45 time: 1.1028 data_time: 0.0287 memory: 9812 grad_norm: 4.4474 loss: 5.4228 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 3.8333 distill.loss_dist: 1.5895 2023/05/14 03:06:18 - mmengine - INFO - Epoch(train) [1][ 220/1879] lr: 2.0000e-02 eta: 2 days, 13:38:27 time: 1.1283 data_time: 0.0307 memory: 9812 grad_norm: 4.4929 loss: 5.5092 student.top1_acc: 0.1875 student.top5_acc: 0.6250 student.loss_cls: 3.9282 distill.loss_dist: 1.5811 2023/05/14 03:06:42 - mmengine - INFO - Epoch(train) [1][ 240/1879] lr: 2.0000e-02 eta: 2 days, 13:31:02 time: 1.1554 data_time: 0.0291 memory: 9812 grad_norm: 4.5434 loss: 5.3932 student.top1_acc: 0.0625 student.top5_acc: 0.2500 student.loss_cls: 3.8210 distill.loss_dist: 1.5722 2023/05/14 03:07:04 - mmengine - INFO - Epoch(train) [1][ 260/1879] lr: 2.0000e-02 eta: 2 days, 13:17:47 time: 1.1267 data_time: 0.0380 memory: 9812 grad_norm: 4.4934 loss: 5.5268 student.top1_acc: 0.1875 student.top5_acc: 0.3125 student.loss_cls: 3.9329 distill.loss_dist: 1.5938 2023/05/14 03:07:28 - mmengine - INFO - Epoch(train) [1][ 280/1879] lr: 2.0000e-02 eta: 2 days, 13:16:08 time: 1.1704 data_time: 0.0326 memory: 9812 grad_norm: 4.5885 loss: 5.3500 student.top1_acc: 0.1875 student.top5_acc: 0.5000 student.loss_cls: 3.7748 distill.loss_dist: 1.5752 2023/05/14 03:07:51 - mmengine - INFO - Epoch(train) [1][ 300/1879] lr: 2.0000e-02 eta: 2 days, 13:17:58 time: 1.1863 data_time: 0.0335 memory: 9812 grad_norm: 4.5627 loss: 5.4826 student.top1_acc: 0.1875 student.top5_acc: 0.3125 student.loss_cls: 3.8867 distill.loss_dist: 1.5958 2023/05/14 03:08:13 - mmengine - INFO - Epoch(train) [1][ 320/1879] lr: 2.0000e-02 eta: 2 days, 12:57:56 time: 1.0758 data_time: 0.0288 memory: 9812 grad_norm: 4.5235 loss: 5.2024 student.top1_acc: 0.2500 student.top5_acc: 0.4375 student.loss_cls: 3.6327 distill.loss_dist: 1.5697 2023/05/14 03:08:34 - mmengine - INFO - Epoch(train) [1][ 340/1879] lr: 2.0000e-02 eta: 2 days, 12:40:32 time: 1.0776 data_time: 0.0324 memory: 9812 grad_norm: 4.5087 loss: 5.1492 student.top1_acc: 0.1250 student.top5_acc: 0.4375 student.loss_cls: 3.5873 distill.loss_dist: 1.5619 2023/05/14 03:08:57 - mmengine - INFO - Epoch(train) [1][ 360/1879] lr: 2.0000e-02 eta: 2 days, 12:30:42 time: 1.1102 data_time: 0.1032 memory: 9812 grad_norm: 4.5346 loss: 5.2329 student.top1_acc: 0.3125 student.top5_acc: 0.3750 student.loss_cls: 3.6569 distill.loss_dist: 1.5760 2023/05/14 03:09:18 - mmengine - INFO - Epoch(train) [1][ 380/1879] lr: 2.0000e-02 eta: 2 days, 12:17:56 time: 1.0864 data_time: 0.0368 memory: 9812 grad_norm: 4.4838 loss: 5.3836 student.top1_acc: 0.1875 student.top5_acc: 0.5625 student.loss_cls: 3.8153 distill.loss_dist: 1.5682 2023/05/14 03:09:42 - mmengine - INFO - Epoch(train) [1][ 400/1879] lr: 2.0000e-02 eta: 2 days, 12:23:42 time: 1.1969 data_time: 0.0328 memory: 9812 grad_norm: 4.5144 loss: 5.1515 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 3.5902 distill.loss_dist: 1.5613 2023/05/14 03:10:04 - mmengine - INFO - Epoch(train) [1][ 420/1879] lr: 2.0000e-02 eta: 2 days, 12:10:36 time: 1.0741 data_time: 0.0447 memory: 9812 grad_norm: 4.4916 loss: 5.0993 student.top1_acc: 0.1875 student.top5_acc: 0.3750 student.loss_cls: 3.5536 distill.loss_dist: 1.5457 2023/05/14 03:10:25 - mmengine - INFO - Epoch(train) [1][ 440/1879] lr: 2.0000e-02 eta: 2 days, 12:00:07 time: 1.0844 data_time: 0.0294 memory: 9812 grad_norm: 4.5234 loss: 5.0671 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 3.5270 distill.loss_dist: 1.5401 2023/05/14 03:10:49 - mmengine - INFO - Epoch(train) [1][ 460/1879] lr: 2.0000e-02 eta: 2 days, 12:04:51 time: 1.1900 data_time: 0.0798 memory: 9812 grad_norm: 4.4849 loss: 4.9653 student.top1_acc: 0.2500 student.top5_acc: 0.5000 student.loss_cls: 3.4303 distill.loss_dist: 1.5350 2023/05/14 03:11:12 - mmengine - INFO - Epoch(train) [1][ 480/1879] lr: 2.0000e-02 eta: 2 days, 12:05:27 time: 1.1614 data_time: 0.0715 memory: 9812 grad_norm: 4.5002 loss: 5.0385 student.top1_acc: 0.1875 student.top5_acc: 0.5625 student.loss_cls: 3.5025 distill.loss_dist: 1.5360 2023/05/14 03:11:35 - mmengine - INFO - Epoch(train) [1][ 500/1879] lr: 2.0000e-02 eta: 2 days, 11:59:20 time: 1.1084 data_time: 0.0282 memory: 9812 grad_norm: 4.4919 loss: 5.2529 student.top1_acc: 0.1875 student.top5_acc: 0.5000 student.loss_cls: 3.6889 distill.loss_dist: 1.5641 2023/05/14 03:11:57 - mmengine - INFO - Epoch(train) [1][ 520/1879] lr: 2.0000e-02 eta: 2 days, 11:54:25 time: 1.1146 data_time: 0.0305 memory: 9812 grad_norm: 4.5145 loss: 4.9906 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 3.4464 distill.loss_dist: 1.5442 2023/05/14 03:12:21 - mmengine - INFO - Epoch(train) [1][ 540/1879] lr: 2.0000e-02 eta: 2 days, 12:01:12 time: 1.2130 data_time: 0.0322 memory: 9812 grad_norm: 4.5524 loss: 5.0300 student.top1_acc: 0.0625 student.top5_acc: 0.3750 student.loss_cls: 3.4908 distill.loss_dist: 1.5392 2023/05/14 03:12:42 - mmengine - INFO - Epoch(train) [1][ 560/1879] lr: 2.0000e-02 eta: 2 days, 11:50:02 time: 1.0565 data_time: 0.0317 memory: 9812 grad_norm: 4.4931 loss: 4.8342 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 3.3303 distill.loss_dist: 1.5039 2023/05/14 03:13:06 - mmengine - INFO - Epoch(train) [1][ 580/1879] lr: 2.0000e-02 eta: 2 days, 11:55:21 time: 1.2028 data_time: 0.0307 memory: 9812 grad_norm: 4.4711 loss: 5.2689 student.top1_acc: 0.1250 student.top5_acc: 0.3125 student.loss_cls: 3.7183 distill.loss_dist: 1.5506 2023/05/14 03:13:28 - mmengine - INFO - Epoch(train) [1][ 600/1879] lr: 2.0000e-02 eta: 2 days, 11:50:40 time: 1.1103 data_time: 0.0264 memory: 9812 grad_norm: 4.5592 loss: 5.0205 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 3.4773 distill.loss_dist: 1.5432 2023/05/14 03:13:49 - mmengine - INFO - Epoch(train) [1][ 620/1879] lr: 2.0000e-02 eta: 2 days, 11:38:33 time: 1.0338 data_time: 0.0329 memory: 9812 grad_norm: 4.5121 loss: 4.8321 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 3.3177 distill.loss_dist: 1.5145 2023/05/14 03:14:14 - mmengine - INFO - Epoch(train) [1][ 640/1879] lr: 2.0000e-02 eta: 2 days, 11:47:38 time: 1.2435 data_time: 0.0272 memory: 9812 grad_norm: 4.4380 loss: 5.0418 student.top1_acc: 0.2500 student.top5_acc: 0.3750 student.loss_cls: 3.4778 distill.loss_dist: 1.5640 2023/05/14 03:14:37 - mmengine - INFO - Epoch(train) [1][ 660/1879] lr: 2.0000e-02 eta: 2 days, 11:47:19 time: 1.1502 data_time: 0.0292 memory: 9812 grad_norm: 4.4500 loss: 5.0507 student.top1_acc: 0.1875 student.top5_acc: 0.3125 student.loss_cls: 3.5308 distill.loss_dist: 1.5199 2023/05/14 03:14:59 - mmengine - INFO - Epoch(train) [1][ 680/1879] lr: 2.0000e-02 eta: 2 days, 11:43:27 time: 1.1116 data_time: 0.0286 memory: 9812 grad_norm: 4.5165 loss: 5.1506 student.top1_acc: 0.1875 student.top5_acc: 0.3750 student.loss_cls: 3.6195 distill.loss_dist: 1.5311 2023/05/14 03:15:21 - mmengine - INFO - Epoch(train) [1][ 700/1879] lr: 2.0000e-02 eta: 2 days, 11:39:00 time: 1.1027 data_time: 0.0291 memory: 9812 grad_norm: 4.5470 loss: 4.9738 student.top1_acc: 0.2500 student.top5_acc: 0.3750 student.loss_cls: 3.4320 distill.loss_dist: 1.5417 2023/05/14 03:15:44 - mmengine - INFO - Epoch(train) [1][ 720/1879] lr: 2.0000e-02 eta: 2 days, 11:35:33 time: 1.1118 data_time: 0.0322 memory: 9812 grad_norm: 4.4455 loss: 5.0478 student.top1_acc: 0.0625 student.top5_acc: 0.4375 student.loss_cls: 3.4907 distill.loss_dist: 1.5572 2023/05/14 03:16:06 - mmengine - INFO - Epoch(train) [1][ 740/1879] lr: 2.0000e-02 eta: 2 days, 11:32:16 time: 1.1117 data_time: 0.0332 memory: 9812 grad_norm: 4.4324 loss: 4.7838 student.top1_acc: 0.0625 student.top5_acc: 0.3750 student.loss_cls: 3.2785 distill.loss_dist: 1.5053 2023/05/14 03:16:28 - mmengine - INFO - Epoch(train) [1][ 760/1879] lr: 2.0000e-02 eta: 2 days, 11:30:22 time: 1.1267 data_time: 0.0318 memory: 9812 grad_norm: 4.4996 loss: 4.5571 student.top1_acc: 0.2500 student.top5_acc: 0.5000 student.loss_cls: 3.0600 distill.loss_dist: 1.4971 2023/05/14 03:16:51 - mmengine - INFO - Epoch(train) [1][ 780/1879] lr: 2.0000e-02 eta: 2 days, 11:27:40 time: 1.1158 data_time: 0.0554 memory: 9812 grad_norm: 4.4315 loss: 4.8719 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 3.3486 distill.loss_dist: 1.5233 2023/05/14 03:17:13 - mmengine - INFO - Epoch(train) [1][ 800/1879] lr: 2.0000e-02 eta: 2 days, 11:26:43 time: 1.1367 data_time: 0.1364 memory: 9812 grad_norm: 4.4039 loss: 4.9568 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 3.4476 distill.loss_dist: 1.5092 2023/05/14 03:17:37 - mmengine - INFO - Epoch(train) [1][ 820/1879] lr: 2.0000e-02 eta: 2 days, 11:28:52 time: 1.1771 data_time: 0.0449 memory: 9812 grad_norm: 4.4975 loss: 4.7912 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 3.2636 distill.loss_dist: 1.5276 2023/05/14 03:17:59 - mmengine - INFO - Epoch(train) [1][ 840/1879] lr: 2.0000e-02 eta: 2 days, 11:25:19 time: 1.1018 data_time: 0.0428 memory: 9812 grad_norm: 4.4563 loss: 4.7651 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 3.2605 distill.loss_dist: 1.5046 2023/05/14 03:18:21 - mmengine - INFO - Epoch(train) [1][ 860/1879] lr: 2.0000e-02 eta: 2 days, 11:21:05 time: 1.0905 data_time: 0.0285 memory: 9812 grad_norm: 4.4194 loss: 4.9573 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 3.4124 distill.loss_dist: 1.5449 2023/05/14 03:18:44 - mmengine - INFO - Epoch(train) [1][ 880/1879] lr: 2.0000e-02 eta: 2 days, 11:21:44 time: 1.1569 data_time: 0.0354 memory: 9812 grad_norm: 4.4061 loss: 4.7109 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 3.1950 distill.loss_dist: 1.5160 2023/05/14 03:19:07 - mmengine - INFO - Epoch(train) [1][ 900/1879] lr: 2.0000e-02 eta: 2 days, 11:20:45 time: 1.1339 data_time: 0.0311 memory: 9812 grad_norm: 4.4428 loss: 4.4436 student.top1_acc: 0.2500 student.top5_acc: 0.4375 student.loss_cls: 2.9609 distill.loss_dist: 1.4827 2023/05/14 03:19:27 - mmengine - INFO - Epoch(train) [1][ 920/1879] lr: 2.0000e-02 eta: 2 days, 11:13:28 time: 1.0408 data_time: 0.0314 memory: 9812 grad_norm: 4.4981 loss: 4.6697 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 3.1871 distill.loss_dist: 1.4825 2023/05/14 03:19:51 - mmengine - INFO - Epoch(train) [1][ 940/1879] lr: 2.0000e-02 eta: 2 days, 11:16:12 time: 1.1870 data_time: 0.1474 memory: 9812 grad_norm: 4.4368 loss: 4.5596 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 3.0641 distill.loss_dist: 1.4955 2023/05/14 03:20:14 - mmengine - INFO - Epoch(train) [1][ 960/1879] lr: 2.0000e-02 eta: 2 days, 11:16:18 time: 1.1489 data_time: 0.2567 memory: 9812 grad_norm: 4.4258 loss: 4.5760 student.top1_acc: 0.2500 student.top5_acc: 0.5000 student.loss_cls: 3.1010 distill.loss_dist: 1.4750 2023/05/14 03:20:37 - mmengine - INFO - Epoch(train) [1][ 980/1879] lr: 2.0000e-02 eta: 2 days, 11:15:49 time: 1.1396 data_time: 0.2135 memory: 9812 grad_norm: 4.3836 loss: 4.5412 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 3.0421 distill.loss_dist: 1.4991 2023/05/14 03:21:00 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 03:21:00 - mmengine - INFO - Epoch(train) [1][1000/1879] lr: 2.0000e-02 eta: 2 days, 11:14:39 time: 1.1289 data_time: 0.0759 memory: 9812 grad_norm: 4.4231 loss: 4.8055 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 3.2796 distill.loss_dist: 1.5260 2023/05/14 03:21:22 - mmengine - INFO - Epoch(train) [1][1020/1879] lr: 2.0000e-02 eta: 2 days, 11:14:29 time: 1.1447 data_time: 0.0904 memory: 9812 grad_norm: 4.4518 loss: 4.7060 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 3.1739 distill.loss_dist: 1.5320 2023/05/14 03:21:44 - mmengine - INFO - Epoch(train) [1][1040/1879] lr: 2.0000e-02 eta: 2 days, 11:11:32 time: 1.0982 data_time: 0.1226 memory: 9812 grad_norm: 4.3979 loss: 4.7180 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 3.2211 distill.loss_dist: 1.4969 2023/05/14 03:22:03 - mmengine - INFO - Epoch(train) [1][1060/1879] lr: 2.0000e-02 eta: 2 days, 10:57:58 time: 0.9158 data_time: 0.1568 memory: 9812 grad_norm: 4.4219 loss: 4.5460 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 3.0698 distill.loss_dist: 1.4762 2023/05/14 03:22:20 - mmengine - INFO - Epoch(train) [1][1080/1879] lr: 2.0000e-02 eta: 2 days, 10:42:32 time: 0.8753 data_time: 0.1946 memory: 9812 grad_norm: 4.3553 loss: 4.4609 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 2.9698 distill.loss_dist: 1.4910 2023/05/14 03:22:36 - mmengine - INFO - Epoch(train) [1][1100/1879] lr: 2.0000e-02 eta: 2 days, 10:24:12 time: 0.8140 data_time: 0.0656 memory: 9812 grad_norm: 4.3785 loss: 4.6138 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 3.1237 distill.loss_dist: 1.4901 2023/05/14 03:22:56 - mmengine - INFO - Epoch(train) [1][1120/1879] lr: 2.0000e-02 eta: 2 days, 10:14:29 time: 0.9574 data_time: 0.0379 memory: 9812 grad_norm: 4.3636 loss: 4.6130 student.top1_acc: 0.1875 student.top5_acc: 0.5625 student.loss_cls: 3.1317 distill.loss_dist: 1.4813 2023/05/14 03:23:12 - mmengine - INFO - Epoch(train) [1][1140/1879] lr: 2.0000e-02 eta: 2 days, 9:57:56 time: 0.8266 data_time: 0.0281 memory: 9812 grad_norm: 4.4018 loss: 4.6958 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 3.1832 distill.loss_dist: 1.5127 2023/05/14 03:23:32 - mmengine - INFO - Epoch(train) [1][1160/1879] lr: 2.0000e-02 eta: 2 days, 9:49:40 time: 0.9701 data_time: 0.0229 memory: 9812 grad_norm: 4.4181 loss: 4.5067 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 3.0037 distill.loss_dist: 1.5031 2023/05/14 03:23:48 - mmengine - INFO - Epoch(train) [1][1180/1879] lr: 2.0000e-02 eta: 2 days, 9:33:33 time: 0.8162 data_time: 0.0267 memory: 9812 grad_norm: 4.4572 loss: 4.7909 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 3.2764 distill.loss_dist: 1.5145 2023/05/14 03:24:05 - mmengine - INFO - Epoch(train) [1][1200/1879] lr: 2.0000e-02 eta: 2 days, 9:21:07 time: 0.8773 data_time: 0.0270 memory: 9812 grad_norm: 4.3720 loss: 4.6624 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 3.1688 distill.loss_dist: 1.4936 2023/05/14 03:24:21 - mmengine - INFO - Epoch(train) [1][1220/1879] lr: 2.0000e-02 eta: 2 days, 9:05:11 time: 0.8008 data_time: 0.0243 memory: 9812 grad_norm: 4.4119 loss: 4.6348 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 3.1434 distill.loss_dist: 1.4914 2023/05/14 03:24:39 - mmengine - INFO - Epoch(train) [1][1240/1879] lr: 2.0000e-02 eta: 2 days, 8:54:35 time: 0.8968 data_time: 0.0300 memory: 9812 grad_norm: 4.2819 loss: 4.6208 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 3.1212 distill.loss_dist: 1.4996 2023/05/14 03:24:56 - mmengine - INFO - Epoch(train) [1][1260/1879] lr: 2.0000e-02 eta: 2 days, 8:41:51 time: 0.8469 data_time: 0.0309 memory: 9812 grad_norm: 4.3440 loss: 4.8212 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 3.3128 distill.loss_dist: 1.5084 2023/05/14 03:25:14 - mmengine - INFO - Epoch(train) [1][1280/1879] lr: 2.0000e-02 eta: 2 days, 8:30:12 time: 0.8616 data_time: 0.0381 memory: 9812 grad_norm: 4.3458 loss: 4.5652 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 3.0709 distill.loss_dist: 1.4943 2023/05/14 03:25:32 - mmengine - INFO - Epoch(train) [1][1300/1879] lr: 2.0000e-02 eta: 2 days, 8:20:54 time: 0.9033 data_time: 0.0254 memory: 9812 grad_norm: 4.3441 loss: 4.5291 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 3.0588 distill.loss_dist: 1.4702 2023/05/14 03:25:51 - mmengine - INFO - Epoch(train) [1][1320/1879] lr: 2.0000e-02 eta: 2 days, 8:13:57 time: 0.9471 data_time: 0.0460 memory: 9812 grad_norm: 4.3783 loss: 4.7476 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 3.2340 distill.loss_dist: 1.5136 2023/05/14 03:26:06 - mmengine - INFO - Epoch(train) [1][1340/1879] lr: 2.0000e-02 eta: 2 days, 8:00:01 time: 0.7925 data_time: 0.0241 memory: 9812 grad_norm: 4.4222 loss: 4.7403 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 3.2335 distill.loss_dist: 1.5067 2023/05/14 03:26:23 - mmengine - INFO - Epoch(train) [1][1360/1879] lr: 2.0000e-02 eta: 2 days, 7:48:43 time: 0.8416 data_time: 0.0267 memory: 9812 grad_norm: 4.3071 loss: 4.4935 student.top1_acc: 0.2500 student.top5_acc: 0.7500 student.loss_cls: 3.0045 distill.loss_dist: 1.4890 2023/05/14 03:26:40 - mmengine - INFO - Epoch(train) [1][1380/1879] lr: 2.0000e-02 eta: 2 days, 7:38:10 time: 0.8506 data_time: 0.0276 memory: 9812 grad_norm: 4.4265 loss: 4.6000 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 3.1076 distill.loss_dist: 1.4924 2023/05/14 03:26:57 - mmengine - INFO - Epoch(train) [1][1400/1879] lr: 2.0000e-02 eta: 2 days, 7:26:23 time: 0.8165 data_time: 0.0265 memory: 9812 grad_norm: 4.2517 loss: 4.4898 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 3.0092 distill.loss_dist: 1.4806 2023/05/14 03:27:15 - mmengine - INFO - Epoch(train) [1][1420/1879] lr: 2.0000e-02 eta: 2 days, 7:18:33 time: 0.8995 data_time: 0.0275 memory: 9812 grad_norm: 4.2878 loss: 4.6194 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 3.1230 distill.loss_dist: 1.4964 2023/05/14 03:27:32 - mmengine - INFO - Epoch(train) [1][1440/1879] lr: 2.0000e-02 eta: 2 days, 7:09:04 time: 0.8560 data_time: 0.0262 memory: 9812 grad_norm: 4.3821 loss: 4.5252 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 3.0364 distill.loss_dist: 1.4888 2023/05/14 03:27:49 - mmengine - INFO - Epoch(train) [1][1460/1879] lr: 2.0000e-02 eta: 2 days, 6:59:15 time: 0.8427 data_time: 0.0283 memory: 9812 grad_norm: 4.3674 loss: 4.4486 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 2.9616 distill.loss_dist: 1.4870 2023/05/14 03:28:07 - mmengine - INFO - Epoch(train) [1][1480/1879] lr: 2.0000e-02 eta: 2 days, 6:52:03 time: 0.8989 data_time: 0.0262 memory: 9812 grad_norm: 4.3272 loss: 4.4695 student.top1_acc: 0.3125 student.top5_acc: 0.4375 student.loss_cls: 2.9860 distill.loss_dist: 1.4835 2023/05/14 03:28:24 - mmengine - INFO - Epoch(train) [1][1500/1879] lr: 2.0000e-02 eta: 2 days, 6:43:20 time: 0.8575 data_time: 0.0341 memory: 9812 grad_norm: 4.3792 loss: 4.5186 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 3.0329 distill.loss_dist: 1.4857 2023/05/14 03:28:41 - mmengine - INFO - Epoch(train) [1][1520/1879] lr: 2.0000e-02 eta: 2 days, 6:36:05 time: 0.8882 data_time: 0.0535 memory: 9812 grad_norm: 4.3474 loss: 4.5858 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 3.0688 distill.loss_dist: 1.5170 2023/05/14 03:29:00 - mmengine - INFO - Epoch(train) [1][1540/1879] lr: 2.0000e-02 eta: 2 days, 6:30:46 time: 0.9316 data_time: 0.0228 memory: 9812 grad_norm: 4.1963 loss: 4.3080 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.8560 distill.loss_dist: 1.4520 2023/05/14 03:29:17 - mmengine - INFO - Epoch(train) [1][1560/1879] lr: 2.0000e-02 eta: 2 days, 6:22:02 time: 0.8427 data_time: 0.0248 memory: 9812 grad_norm: 4.3444 loss: 4.4849 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 3.0017 distill.loss_dist: 1.4832 2023/05/14 03:29:34 - mmengine - INFO - Epoch(train) [1][1580/1879] lr: 2.0000e-02 eta: 2 days, 6:13:54 time: 0.8523 data_time: 0.0298 memory: 9812 grad_norm: 4.2623 loss: 4.3929 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.9139 distill.loss_dist: 1.4790 2023/05/14 03:29:51 - mmengine - INFO - Epoch(train) [1][1600/1879] lr: 2.0000e-02 eta: 2 days, 6:05:40 time: 0.8446 data_time: 0.0330 memory: 9812 grad_norm: 4.2943 loss: 4.5098 student.top1_acc: 0.1250 student.top5_acc: 0.6250 student.loss_cls: 3.0346 distill.loss_dist: 1.4751 2023/05/14 03:30:09 - mmengine - INFO - Epoch(train) [1][1620/1879] lr: 2.0000e-02 eta: 2 days, 5:59:15 time: 0.8869 data_time: 0.0903 memory: 9812 grad_norm: 4.3177 loss: 4.4122 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.9208 distill.loss_dist: 1.4914 2023/05/14 03:30:26 - mmengine - INFO - Epoch(train) [1][1640/1879] lr: 2.0000e-02 eta: 2 days, 5:51:52 time: 0.8575 data_time: 0.0251 memory: 9812 grad_norm: 4.2572 loss: 4.5217 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 3.0488 distill.loss_dist: 1.4729 2023/05/14 03:30:44 - mmengine - INFO - Epoch(train) [1][1660/1879] lr: 2.0000e-02 eta: 2 days, 5:46:15 time: 0.9003 data_time: 0.0257 memory: 9812 grad_norm: 4.2719 loss: 4.6265 student.top1_acc: 0.1875 student.top5_acc: 0.5000 student.loss_cls: 3.1377 distill.loss_dist: 1.4888 2023/05/14 03:31:00 - mmengine - INFO - Epoch(train) [1][1680/1879] lr: 2.0000e-02 eta: 2 days, 5:36:45 time: 0.7916 data_time: 0.0301 memory: 9812 grad_norm: 4.2617 loss: 4.4420 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.9850 distill.loss_dist: 1.4570 2023/05/14 03:31:18 - mmengine - INFO - Epoch(train) [1][1700/1879] lr: 2.0000e-02 eta: 2 days, 5:32:19 time: 0.9243 data_time: 0.0233 memory: 9812 grad_norm: 4.2806 loss: 4.2816 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.8326 distill.loss_dist: 1.4490 2023/05/14 03:31:34 - mmengine - INFO - Epoch(train) [1][1720/1879] lr: 2.0000e-02 eta: 2 days, 5:24:07 time: 0.8177 data_time: 0.0263 memory: 9812 grad_norm: 4.2042 loss: 4.3460 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 2.8780 distill.loss_dist: 1.4680 2023/05/14 03:31:52 - mmengine - INFO - Epoch(train) [1][1740/1879] lr: 2.0000e-02 eta: 2 days, 5:17:33 time: 0.8577 data_time: 0.0270 memory: 9812 grad_norm: 4.2391 loss: 4.5505 student.top1_acc: 0.2500 student.top5_acc: 0.3750 student.loss_cls: 3.0647 distill.loss_dist: 1.4858 2023/05/14 03:32:08 - mmengine - INFO - Epoch(train) [1][1760/1879] lr: 2.0000e-02 eta: 2 days, 5:10:04 time: 0.8283 data_time: 0.0242 memory: 9812 grad_norm: 4.2458 loss: 4.4963 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 3.0246 distill.loss_dist: 1.4717 2023/05/14 03:32:27 - mmengine - INFO - Epoch(train) [1][1780/1879] lr: 2.0000e-02 eta: 2 days, 5:06:40 time: 0.9407 data_time: 0.0273 memory: 9812 grad_norm: 4.2684 loss: 4.4149 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.9535 distill.loss_dist: 1.4614 2023/05/14 03:32:44 - mmengine - INFO - Epoch(train) [1][1800/1879] lr: 2.0000e-02 eta: 2 days, 4:59:28 time: 0.8282 data_time: 0.0274 memory: 9812 grad_norm: 4.2899 loss: 4.2475 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.7978 distill.loss_dist: 1.4497 2023/05/14 03:33:01 - mmengine - INFO - Epoch(train) [1][1820/1879] lr: 2.0000e-02 eta: 2 days, 4:53:26 time: 0.8581 data_time: 0.0250 memory: 9812 grad_norm: 4.2401 loss: 4.1656 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.7230 distill.loss_dist: 1.4427 2023/05/14 03:33:18 - mmengine - INFO - Epoch(train) [1][1840/1879] lr: 2.0000e-02 eta: 2 days, 4:47:05 time: 0.8449 data_time: 0.0263 memory: 9812 grad_norm: 4.2376 loss: 4.1118 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.6718 distill.loss_dist: 1.4400 2023/05/14 03:33:35 - mmengine - INFO - Epoch(train) [1][1860/1879] lr: 2.0000e-02 eta: 2 days, 4:41:03 time: 0.8504 data_time: 0.0297 memory: 9812 grad_norm: 4.2687 loss: 4.3391 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.8815 distill.loss_dist: 1.4576 2023/05/14 03:33:48 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 03:33:48 - mmengine - INFO - Epoch(train) [1][1879/1879] lr: 2.0000e-02 eta: 2 days, 4:30:50 time: 0.7161 data_time: 0.0210 memory: 9812 grad_norm: 4.3566 loss: 4.4017 student.top1_acc: 0.2857 student.top5_acc: 0.4286 student.loss_cls: 2.9385 distill.loss_dist: 1.4632 2023/05/14 03:34:08 - mmengine - INFO - Epoch(val) [1][ 20/155] eta: 0:02:13 time: 0.9923 data_time: 0.9294 memory: 1484 2023/05/14 03:34:22 - mmengine - INFO - Epoch(val) [1][ 40/155] eta: 0:01:36 time: 0.6850 data_time: 0.6200 memory: 1484 2023/05/14 03:34:40 - mmengine - INFO - Epoch(val) [1][ 60/155] eta: 0:01:22 time: 0.9149 data_time: 0.8544 memory: 1484 2023/05/14 03:34:53 - mmengine - INFO - Epoch(val) [1][ 80/155] eta: 0:01:01 time: 0.6696 data_time: 0.6071 memory: 1484 2023/05/14 03:35:13 - mmengine - INFO - Epoch(val) [1][100/155] eta: 0:00:46 time: 0.9752 data_time: 0.9172 memory: 1484 2023/05/14 03:35:25 - mmengine - INFO - Epoch(val) [1][120/155] eta: 0:00:28 time: 0.6301 data_time: 0.5641 memory: 1484 2023/05/14 03:35:44 - mmengine - INFO - Epoch(val) [1][140/155] eta: 0:00:12 time: 0.9423 data_time: 0.8803 memory: 1484 2023/05/14 03:36:15 - mmengine - INFO - Epoch(val) [1][ 20/155] eta: 0:16:14 time: 0.9868 data_time: 0.8342 memory: 1582 2023/05/14 03:36:29 - mmengine - INFO - Epoch(val) [1][ 40/155] eta: 0:07:35 time: 0.6932 data_time: 0.5432 memory: 1582 2023/05/14 03:36:48 - mmengine - INFO - Epoch(val) [1][ 60/155] eta: 0:04:40 time: 0.9378 data_time: 0.7839 memory: 1582 2023/05/14 03:37:02 - mmengine - INFO - Epoch(val) [1][ 80/155] eta: 0:02:58 time: 0.6771 data_time: 0.5268 memory: 1582 2023/05/14 03:37:21 - mmengine - INFO - Epoch(val) [1][100/155] eta: 0:01:55 time: 0.9839 data_time: 0.8358 memory: 1582 2023/05/14 03:37:35 - mmengine - INFO - Epoch(val) [1][120/155] eta: 0:01:05 time: 0.6628 data_time: 0.5120 memory: 1582 2023/05/14 03:37:55 - mmengine - INFO - Epoch(val) [1][140/155] eta: 0:00:26 time: 1.0211 data_time: 0.8679 memory: 1582 2023/05/14 03:38:05 - mmengine - INFO - Epoch(val) [1][155/155] acc/top1: 0.3549 acc/top5: 0.6271 acc/mean1: 0.3549 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6673 time: 0.8167 2023/05/14 03:38:06 - mmengine - INFO - The best checkpoint with 0.3549 acc/top1 at 1 epoch is saved to best_acc_top1_epoch_1.pth. 2023/05/14 03:38:28 - mmengine - INFO - Epoch(train) [2][ 20/1879] lr: 2.0000e-02 eta: 2 days, 4:32:18 time: 1.0715 data_time: 0.6580 memory: 9812 grad_norm: 4.2174 loss: 4.3953 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.9022 distill.loss_dist: 1.4932 2023/05/14 03:38:44 - mmengine - INFO - Epoch(train) [2][ 40/1879] lr: 2.0000e-02 eta: 2 days, 4:25:41 time: 0.8226 data_time: 0.3888 memory: 9812 grad_norm: 4.2921 loss: 4.2435 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.8028 distill.loss_dist: 1.4407 2023/05/14 03:39:01 - mmengine - INFO - Epoch(train) [2][ 60/1879] lr: 2.0000e-02 eta: 2 days, 4:19:08 time: 0.8205 data_time: 0.3019 memory: 9812 grad_norm: 4.2186 loss: 4.4805 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.9875 distill.loss_dist: 1.4930 2023/05/14 03:39:19 - mmengine - INFO - Epoch(train) [2][ 80/1879] lr: 2.0000e-02 eta: 2 days, 4:16:19 time: 0.9343 data_time: 0.2708 memory: 9812 grad_norm: 4.2918 loss: 4.3693 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.9022 distill.loss_dist: 1.4671 2023/05/14 03:39:37 - mmengine - INFO - Epoch(train) [2][ 100/1879] lr: 2.0000e-02 eta: 2 days, 4:11:09 time: 0.8578 data_time: 0.3189 memory: 9812 grad_norm: 4.2555 loss: 4.3412 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 2.8894 distill.loss_dist: 1.4518 2023/05/14 03:39:54 - mmengine - INFO - Epoch(train) [2][ 120/1879] lr: 2.0000e-02 eta: 2 days, 4:06:51 time: 0.8827 data_time: 0.3651 memory: 9812 grad_norm: 4.2077 loss: 4.1117 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.6835 distill.loss_dist: 1.4282 2023/05/14 03:39:55 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 03:40:14 - mmengine - INFO - Epoch(train) [2][ 140/1879] lr: 2.0000e-02 eta: 2 days, 4:05:25 time: 0.9738 data_time: 0.5558 memory: 9812 grad_norm: 4.2238 loss: 4.2024 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.7489 distill.loss_dist: 1.4535 2023/05/14 03:40:30 - mmengine - INFO - Epoch(train) [2][ 160/1879] lr: 2.0000e-02 eta: 2 days, 3:59:57 time: 0.8397 data_time: 0.4133 memory: 9812 grad_norm: 4.1890 loss: 4.3961 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.9444 distill.loss_dist: 1.4517 2023/05/14 03:40:46 - mmengine - INFO - Epoch(train) [2][ 180/1879] lr: 2.0000e-02 eta: 2 days, 3:53:19 time: 0.7978 data_time: 0.3668 memory: 9812 grad_norm: 4.2373 loss: 4.2989 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.8216 distill.loss_dist: 1.4773 2023/05/14 03:41:05 - mmengine - INFO - Epoch(train) [2][ 200/1879] lr: 2.0000e-02 eta: 2 days, 3:50:37 time: 0.9262 data_time: 0.4909 memory: 9812 grad_norm: 4.2019 loss: 4.4207 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 2.9567 distill.loss_dist: 1.4640 2023/05/14 03:41:22 - mmengine - INFO - Epoch(train) [2][ 220/1879] lr: 2.0000e-02 eta: 2 days, 3:45:16 time: 0.8342 data_time: 0.3803 memory: 9812 grad_norm: 4.2610 loss: 4.3209 student.top1_acc: 0.1875 student.top5_acc: 0.5000 student.loss_cls: 2.8811 distill.loss_dist: 1.4398 2023/05/14 03:41:39 - mmengine - INFO - Epoch(train) [2][ 240/1879] lr: 2.0000e-02 eta: 2 days, 3:40:18 time: 0.8443 data_time: 0.4073 memory: 9812 grad_norm: 4.2551 loss: 4.4186 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.9472 distill.loss_dist: 1.4715 2023/05/14 03:41:58 - mmengine - INFO - Epoch(train) [2][ 260/1879] lr: 2.0000e-02 eta: 2 days, 3:38:29 time: 0.9498 data_time: 0.5185 memory: 9812 grad_norm: 4.2466 loss: 4.3941 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.9580 distill.loss_dist: 1.4361 2023/05/14 03:42:14 - mmengine - INFO - Epoch(train) [2][ 280/1879] lr: 2.0000e-02 eta: 2 days, 3:32:44 time: 0.8122 data_time: 0.3657 memory: 9812 grad_norm: 4.2447 loss: 4.3165 student.top1_acc: 0.2500 student.top5_acc: 0.3750 student.loss_cls: 2.8559 distill.loss_dist: 1.4607 2023/05/14 03:42:30 - mmengine - INFO - Epoch(train) [2][ 300/1879] lr: 2.0000e-02 eta: 2 days, 3:26:56 time: 0.8067 data_time: 0.3695 memory: 9812 grad_norm: 4.2601 loss: 4.1766 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.7237 distill.loss_dist: 1.4529 2023/05/14 03:42:49 - mmengine - INFO - Epoch(train) [2][ 320/1879] lr: 2.0000e-02 eta: 2 days, 3:25:20 time: 0.9519 data_time: 0.5149 memory: 9812 grad_norm: 4.2491 loss: 4.3343 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 2.8874 distill.loss_dist: 1.4469 2023/05/14 03:43:05 - mmengine - INFO - Epoch(train) [2][ 340/1879] lr: 2.0000e-02 eta: 2 days, 3:19:54 time: 0.8140 data_time: 0.3713 memory: 9812 grad_norm: 4.2869 loss: 4.2759 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.8436 distill.loss_dist: 1.4323 2023/05/14 03:43:21 - mmengine - INFO - Epoch(train) [2][ 360/1879] lr: 2.0000e-02 eta: 2 days, 3:14:11 time: 0.8008 data_time: 0.3622 memory: 9812 grad_norm: 4.2174 loss: 4.3165 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.8419 distill.loss_dist: 1.4746 2023/05/14 03:43:39 - mmengine - INFO - Epoch(train) [2][ 380/1879] lr: 2.0000e-02 eta: 2 days, 3:10:30 time: 0.8711 data_time: 0.3411 memory: 9812 grad_norm: 4.2788 loss: 4.3075 student.top1_acc: 0.2500 student.top5_acc: 0.4375 student.loss_cls: 2.8586 distill.loss_dist: 1.4489 2023/05/14 03:43:57 - mmengine - INFO - Epoch(train) [2][ 400/1879] lr: 2.0000e-02 eta: 2 days, 3:08:09 time: 0.9175 data_time: 0.0235 memory: 9812 grad_norm: 4.2676 loss: 4.1383 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.6907 distill.loss_dist: 1.4476 2023/05/14 03:44:13 - mmengine - INFO - Epoch(train) [2][ 420/1879] lr: 2.0000e-02 eta: 2 days, 3:02:35 time: 0.7972 data_time: 0.0264 memory: 9812 grad_norm: 4.2260 loss: 4.5846 student.top1_acc: 0.1875 student.top5_acc: 0.3750 student.loss_cls: 3.1236 distill.loss_dist: 1.4610 2023/05/14 03:44:30 - mmengine - INFO - Epoch(train) [2][ 440/1879] lr: 2.0000e-02 eta: 2 days, 2:58:02 time: 0.8322 data_time: 0.0263 memory: 9812 grad_norm: 4.2378 loss: 3.9943 student.top1_acc: 0.1875 student.top5_acc: 0.6250 student.loss_cls: 2.5673 distill.loss_dist: 1.4271 2023/05/14 03:44:48 - mmengine - INFO - Epoch(train) [2][ 460/1879] lr: 2.0000e-02 eta: 2 days, 2:56:10 time: 0.9303 data_time: 0.0267 memory: 9812 grad_norm: 4.1988 loss: 4.2720 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.8265 distill.loss_dist: 1.4454 2023/05/14 03:45:06 - mmengine - INFO - Epoch(train) [2][ 480/1879] lr: 2.0000e-02 eta: 2 days, 2:52:38 time: 0.8661 data_time: 0.0219 memory: 9812 grad_norm: 4.2284 loss: 4.1608 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.7104 distill.loss_dist: 1.4505 2023/05/14 03:45:22 - mmengine - INFO - Epoch(train) [2][ 500/1879] lr: 2.0000e-02 eta: 2 days, 2:47:52 time: 0.8165 data_time: 0.0249 memory: 9812 grad_norm: 4.2867 loss: 4.4751 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.9980 distill.loss_dist: 1.4771 2023/05/14 03:45:41 - mmengine - INFO - Epoch(train) [2][ 520/1879] lr: 2.0000e-02 eta: 2 days, 2:46:12 time: 0.9337 data_time: 0.0264 memory: 9812 grad_norm: 4.1932 loss: 4.0032 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.5896 distill.loss_dist: 1.4136 2023/05/14 03:45:57 - mmengine - INFO - Epoch(train) [2][ 540/1879] lr: 2.0000e-02 eta: 2 days, 2:41:20 time: 0.8082 data_time: 0.0255 memory: 9812 grad_norm: 4.1583 loss: 4.2234 student.top1_acc: 0.2500 student.top5_acc: 0.3750 student.loss_cls: 2.7971 distill.loss_dist: 1.4262 2023/05/14 03:46:13 - mmengine - INFO - Epoch(train) [2][ 560/1879] lr: 2.0000e-02 eta: 2 days, 2:37:02 time: 0.8265 data_time: 0.0253 memory: 9812 grad_norm: 4.2064 loss: 4.3007 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.8544 distill.loss_dist: 1.4463 2023/05/14 03:46:31 - mmengine - INFO - Epoch(train) [2][ 580/1879] lr: 2.0000e-02 eta: 2 days, 2:34:36 time: 0.8988 data_time: 0.0329 memory: 9812 grad_norm: 4.1873 loss: 4.3547 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 2.9212 distill.loss_dist: 1.4335 2023/05/14 03:46:47 - mmengine - INFO - Epoch(train) [2][ 600/1879] lr: 2.0000e-02 eta: 2 days, 2:29:49 time: 0.8037 data_time: 0.0272 memory: 9812 grad_norm: 4.2008 loss: 4.0504 student.top1_acc: 0.2500 student.top5_acc: 0.4375 student.loss_cls: 2.6108 distill.loss_dist: 1.4396 2023/05/14 03:47:04 - mmengine - INFO - Epoch(train) [2][ 620/1879] lr: 2.0000e-02 eta: 2 days, 2:25:26 time: 0.8160 data_time: 0.0255 memory: 9812 grad_norm: 4.1837 loss: 4.0815 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.6438 distill.loss_dist: 1.4377 2023/05/14 03:47:22 - mmengine - INFO - Epoch(train) [2][ 640/1879] lr: 2.0000e-02 eta: 2 days, 2:24:12 time: 0.9425 data_time: 0.0248 memory: 9812 grad_norm: 4.2291 loss: 4.2812 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.8438 distill.loss_dist: 1.4374 2023/05/14 03:47:39 - mmengine - INFO - Epoch(train) [2][ 660/1879] lr: 2.0000e-02 eta: 2 days, 2:20:28 time: 0.8383 data_time: 0.0281 memory: 9812 grad_norm: 4.1222 loss: 4.2348 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.8026 distill.loss_dist: 1.4323 2023/05/14 03:47:56 - mmengine - INFO - Epoch(train) [2][ 680/1879] lr: 2.0000e-02 eta: 2 days, 2:16:28 time: 0.8254 data_time: 0.0284 memory: 9812 grad_norm: 4.1833 loss: 4.4109 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.9468 distill.loss_dist: 1.4641 2023/05/14 03:48:14 - mmengine - INFO - Epoch(train) [2][ 700/1879] lr: 2.0000e-02 eta: 2 days, 2:15:12 time: 0.9374 data_time: 0.0260 memory: 9812 grad_norm: 4.1515 loss: 4.2257 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.7805 distill.loss_dist: 1.4452 2023/05/14 03:48:31 - mmengine - INFO - Epoch(train) [2][ 720/1879] lr: 2.0000e-02 eta: 2 days, 2:11:49 time: 0.8475 data_time: 0.0239 memory: 9812 grad_norm: 4.2293 loss: 4.3189 student.top1_acc: 0.2500 student.top5_acc: 0.5000 student.loss_cls: 2.8661 distill.loss_dist: 1.4528 2023/05/14 03:48:49 - mmengine - INFO - Epoch(train) [2][ 740/1879] lr: 2.0000e-02 eta: 2 days, 2:09:46 time: 0.9023 data_time: 0.0256 memory: 9812 grad_norm: 4.1081 loss: 4.1731 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.7301 distill.loss_dist: 1.4430 2023/05/14 03:49:06 - mmengine - INFO - Epoch(train) [2][ 760/1879] lr: 2.0000e-02 eta: 2 days, 2:06:15 time: 0.8382 data_time: 0.0241 memory: 9812 grad_norm: 4.1170 loss: 4.1792 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.7338 distill.loss_dist: 1.4454 2023/05/14 03:49:23 - mmengine - INFO - Epoch(train) [2][ 780/1879] lr: 2.0000e-02 eta: 2 days, 2:02:35 time: 0.8297 data_time: 0.0279 memory: 9812 grad_norm: 4.1095 loss: 4.0692 student.top1_acc: 0.2500 student.top5_acc: 0.5000 student.loss_cls: 2.6506 distill.loss_dist: 1.4187 2023/05/14 03:49:40 - mmengine - INFO - Epoch(train) [2][ 800/1879] lr: 2.0000e-02 eta: 2 days, 1:59:51 time: 0.8679 data_time: 0.0274 memory: 9812 grad_norm: 4.1673 loss: 4.0657 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.6432 distill.loss_dist: 1.4225 2023/05/14 03:49:58 - mmengine - INFO - Epoch(train) [2][ 820/1879] lr: 2.0000e-02 eta: 2 days, 1:57:13 time: 0.8710 data_time: 0.0246 memory: 9812 grad_norm: 4.1011 loss: 4.0717 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.6466 distill.loss_dist: 1.4251 2023/05/14 03:50:16 - mmengine - INFO - Epoch(train) [2][ 840/1879] lr: 2.0000e-02 eta: 2 days, 1:55:42 time: 0.9184 data_time: 0.0299 memory: 9812 grad_norm: 4.0875 loss: 4.1698 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.7239 distill.loss_dist: 1.4459 2023/05/14 03:50:32 - mmengine - INFO - Epoch(train) [2][ 860/1879] lr: 2.0000e-02 eta: 2 days, 1:51:35 time: 0.8021 data_time: 0.0242 memory: 9812 grad_norm: 4.0157 loss: 4.1186 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.6843 distill.loss_dist: 1.4342 2023/05/14 03:50:50 - mmengine - INFO - Epoch(train) [2][ 880/1879] lr: 2.0000e-02 eta: 2 days, 1:49:40 time: 0.8980 data_time: 0.0252 memory: 9812 grad_norm: 4.1407 loss: 4.1471 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.7227 distill.loss_dist: 1.4243 2023/05/14 03:51:07 - mmengine - INFO - Epoch(train) [2][ 900/1879] lr: 2.0000e-02 eta: 2 days, 1:46:24 time: 0.8366 data_time: 0.0293 memory: 9812 grad_norm: 4.0861 loss: 4.3082 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.8632 distill.loss_dist: 1.4451 2023/05/14 03:51:23 - mmengine - INFO - Epoch(train) [2][ 920/1879] lr: 2.0000e-02 eta: 2 days, 1:42:57 time: 0.8262 data_time: 0.0241 memory: 9812 grad_norm: 4.1539 loss: 4.3519 student.top1_acc: 0.4375 student.top5_acc: 0.4375 student.loss_cls: 2.8989 distill.loss_dist: 1.4531 2023/05/14 03:51:43 - mmengine - INFO - Epoch(train) [2][ 940/1879] lr: 2.0000e-02 eta: 2 days, 1:43:32 time: 1.0082 data_time: 0.0370 memory: 9812 grad_norm: 4.1851 loss: 4.1849 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.7546 distill.loss_dist: 1.4303 2023/05/14 03:51:59 - mmengine - INFO - Epoch(train) [2][ 960/1879] lr: 2.0000e-02 eta: 2 days, 1:39:21 time: 0.7893 data_time: 0.0304 memory: 9812 grad_norm: 4.1772 loss: 4.3810 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.9371 distill.loss_dist: 1.4439 2023/05/14 03:52:15 - mmengine - INFO - Epoch(train) [2][ 980/1879] lr: 2.0000e-02 eta: 2 days, 1:35:18 time: 0.7932 data_time: 0.0247 memory: 9812 grad_norm: 4.2313 loss: 4.1480 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 2.7065 distill.loss_dist: 1.4415 2023/05/14 03:52:34 - mmengine - INFO - Epoch(train) [2][1000/1879] lr: 2.0000e-02 eta: 2 days, 1:34:29 time: 0.9417 data_time: 0.0263 memory: 9812 grad_norm: 4.1653 loss: 4.1057 student.top1_acc: 0.1250 student.top5_acc: 0.4375 student.loss_cls: 2.6813 distill.loss_dist: 1.4244 2023/05/14 03:52:51 - mmengine - INFO - Epoch(train) [2][1020/1879] lr: 2.0000e-02 eta: 2 days, 1:32:20 time: 0.8786 data_time: 0.1792 memory: 9812 grad_norm: 4.0989 loss: 4.1791 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.7480 distill.loss_dist: 1.4311 2023/05/14 03:53:07 - mmengine - INFO - Epoch(train) [2][1040/1879] lr: 2.0000e-02 eta: 2 days, 1:28:04 time: 0.7777 data_time: 0.1523 memory: 9812 grad_norm: 4.1783 loss: 4.3420 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.8859 distill.loss_dist: 1.4560 2023/05/14 03:53:27 - mmengine - INFO - Epoch(train) [2][1060/1879] lr: 2.0000e-02 eta: 2 days, 1:28:33 time: 1.0008 data_time: 0.0234 memory: 9812 grad_norm: 4.1828 loss: 4.0902 student.top1_acc: 0.0000 student.top5_acc: 0.4375 student.loss_cls: 2.6587 distill.loss_dist: 1.4314 2023/05/14 03:53:43 - mmengine - INFO - Epoch(train) [2][1080/1879] lr: 2.0000e-02 eta: 2 days, 1:25:01 time: 0.8088 data_time: 0.0834 memory: 9812 grad_norm: 4.0972 loss: 4.0798 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.6589 distill.loss_dist: 1.4208 2023/05/14 03:54:00 - mmengine - INFO - Epoch(train) [2][1100/1879] lr: 2.0000e-02 eta: 2 days, 1:22:36 time: 0.8605 data_time: 0.0212 memory: 9812 grad_norm: 4.1587 loss: 4.2581 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 2.8090 distill.loss_dist: 1.4491 2023/05/14 03:54:18 - mmengine - INFO - Epoch(train) [2][1120/1879] lr: 2.0000e-02 eta: 2 days, 1:20:32 time: 0.8762 data_time: 0.0242 memory: 9812 grad_norm: 4.0826 loss: 4.1217 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 2.6970 distill.loss_dist: 1.4247 2023/05/14 03:54:18 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 03:54:34 - mmengine - INFO - Epoch(train) [2][1140/1879] lr: 2.0000e-02 eta: 2 days, 1:17:13 time: 0.8143 data_time: 0.0299 memory: 9812 grad_norm: 4.1290 loss: 4.0723 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.6612 distill.loss_dist: 1.4111 2023/05/14 03:54:51 - mmengine - INFO - Epoch(train) [2][1160/1879] lr: 2.0000e-02 eta: 2 days, 1:14:35 time: 0.8453 data_time: 0.0226 memory: 9812 grad_norm: 4.1489 loss: 4.1663 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.7389 distill.loss_dist: 1.4274 2023/05/14 03:55:10 - mmengine - INFO - Epoch(train) [2][1180/1879] lr: 2.0000e-02 eta: 2 days, 1:13:40 time: 0.9294 data_time: 0.0241 memory: 9812 grad_norm: 4.1133 loss: 4.2675 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.8158 distill.loss_dist: 1.4517 2023/05/14 03:55:27 - mmengine - INFO - Epoch(train) [2][1200/1879] lr: 2.0000e-02 eta: 2 days, 1:11:45 time: 0.8794 data_time: 0.0593 memory: 9812 grad_norm: 4.0414 loss: 4.1539 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.7063 distill.loss_dist: 1.4476 2023/05/14 03:55:44 - mmengine - INFO - Epoch(train) [2][1220/1879] lr: 2.0000e-02 eta: 2 days, 1:08:31 time: 0.8109 data_time: 0.1786 memory: 9812 grad_norm: 4.0956 loss: 4.1429 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.7209 distill.loss_dist: 1.4220 2023/05/14 03:56:02 - mmengine - INFO - Epoch(train) [2][1240/1879] lr: 2.0000e-02 eta: 2 days, 1:07:41 time: 0.9319 data_time: 0.1062 memory: 9812 grad_norm: 4.1195 loss: 4.1311 student.top1_acc: 0.1250 student.top5_acc: 0.6250 student.loss_cls: 2.7141 distill.loss_dist: 1.4170 2023/05/14 03:56:19 - mmengine - INFO - Epoch(train) [2][1260/1879] lr: 2.0000e-02 eta: 2 days, 1:05:02 time: 0.8380 data_time: 0.0822 memory: 9812 grad_norm: 4.0466 loss: 3.8639 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.4645 distill.loss_dist: 1.3995 2023/05/14 03:56:34 - mmengine - INFO - Epoch(train) [2][1280/1879] lr: 2.0000e-02 eta: 2 days, 1:01:03 time: 0.7689 data_time: 0.0780 memory: 9812 grad_norm: 4.1167 loss: 4.3604 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.9030 distill.loss_dist: 1.4574 2023/05/14 03:56:54 - mmengine - INFO - Epoch(train) [2][1300/1879] lr: 2.0000e-02 eta: 2 days, 1:01:14 time: 0.9808 data_time: 0.0351 memory: 9812 grad_norm: 4.0616 loss: 4.3798 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.9216 distill.loss_dist: 1.4583 2023/05/14 03:57:10 - mmengine - INFO - Epoch(train) [2][1320/1879] lr: 2.0000e-02 eta: 2 days, 0:58:17 time: 0.8183 data_time: 0.0266 memory: 9812 grad_norm: 4.0106 loss: 4.3450 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.8982 distill.loss_dist: 1.4467 2023/05/14 03:57:27 - mmengine - INFO - Epoch(train) [2][1340/1879] lr: 2.0000e-02 eta: 2 days, 0:55:43 time: 0.8375 data_time: 0.0230 memory: 9812 grad_norm: 4.1162 loss: 4.1623 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.7472 distill.loss_dist: 1.4151 2023/05/14 03:57:46 - mmengine - INFO - Epoch(train) [2][1360/1879] lr: 2.0000e-02 eta: 2 days, 0:55:39 time: 0.9667 data_time: 0.0264 memory: 9812 grad_norm: 4.0694 loss: 4.0789 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.6624 distill.loss_dist: 1.4165 2023/05/14 03:58:02 - mmengine - INFO - Epoch(train) [2][1380/1879] lr: 2.0000e-02 eta: 2 days, 0:52:18 time: 0.7931 data_time: 0.0283 memory: 9812 grad_norm: 4.1028 loss: 4.2146 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 2.8038 distill.loss_dist: 1.4108 2023/05/14 03:58:21 - mmengine - INFO - Epoch(train) [2][1400/1879] lr: 2.0000e-02 eta: 2 days, 0:51:15 time: 0.9141 data_time: 0.0247 memory: 9812 grad_norm: 4.0340 loss: 4.1279 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.6929 distill.loss_dist: 1.4349 2023/05/14 03:58:37 - mmengine - INFO - Epoch(train) [2][1420/1879] lr: 2.0000e-02 eta: 2 days, 0:48:39 time: 0.8302 data_time: 0.0617 memory: 9812 grad_norm: 4.0020 loss: 4.2355 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.7705 distill.loss_dist: 1.4649 2023/05/14 03:58:54 - mmengine - INFO - Epoch(train) [2][1440/1879] lr: 2.0000e-02 eta: 2 days, 0:46:46 time: 0.8675 data_time: 0.1855 memory: 9812 grad_norm: 4.0426 loss: 4.0883 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.6840 distill.loss_dist: 1.4043 2023/05/14 03:59:13 - mmengine - INFO - Epoch(train) [2][1460/1879] lr: 2.0000e-02 eta: 2 days, 0:46:23 time: 0.9479 data_time: 0.0744 memory: 9812 grad_norm: 4.0793 loss: 3.8243 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.4580 distill.loss_dist: 1.3663 2023/05/14 03:59:30 - mmengine - INFO - Epoch(train) [2][1480/1879] lr: 2.0000e-02 eta: 2 days, 0:43:55 time: 0.8336 data_time: 0.0348 memory: 9812 grad_norm: 4.0628 loss: 4.3673 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.9059 distill.loss_dist: 1.4614 2023/05/14 03:59:47 - mmengine - INFO - Epoch(train) [2][1500/1879] lr: 2.0000e-02 eta: 2 days, 0:41:24 time: 0.8299 data_time: 0.0257 memory: 9812 grad_norm: 4.0113 loss: 4.1880 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.7551 distill.loss_dist: 1.4329 2023/05/14 04:00:05 - mmengine - INFO - Epoch(train) [2][1520/1879] lr: 2.0000e-02 eta: 2 days, 0:40:22 time: 0.9104 data_time: 0.0260 memory: 9812 grad_norm: 4.0402 loss: 4.2306 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.7910 distill.loss_dist: 1.4395 2023/05/14 04:00:22 - mmengine - INFO - Epoch(train) [2][1540/1879] lr: 2.0000e-02 eta: 2 days, 0:38:01 time: 0.8369 data_time: 0.0262 memory: 9812 grad_norm: 4.0131 loss: 3.9680 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.5795 distill.loss_dist: 1.3885 2023/05/14 04:00:37 - mmengine - INFO - Epoch(train) [2][1560/1879] lr: 2.0000e-02 eta: 2 days, 0:34:42 time: 0.7814 data_time: 0.0282 memory: 9812 grad_norm: 4.0445 loss: 4.1506 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.7250 distill.loss_dist: 1.4256 2023/05/14 04:00:56 - mmengine - INFO - Epoch(train) [2][1580/1879] lr: 2.0000e-02 eta: 2 days, 0:34:17 time: 0.9424 data_time: 0.0272 memory: 9812 grad_norm: 4.0708 loss: 4.1231 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.7175 distill.loss_dist: 1.4056 2023/05/14 04:01:13 - mmengine - INFO - Epoch(train) [2][1600/1879] lr: 2.0000e-02 eta: 2 days, 0:32:27 time: 0.8618 data_time: 0.0261 memory: 9812 grad_norm: 4.0567 loss: 4.0283 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 2.6024 distill.loss_dist: 1.4259 2023/05/14 04:01:30 - mmengine - INFO - Epoch(train) [2][1620/1879] lr: 2.0000e-02 eta: 2 days, 0:30:01 time: 0.8270 data_time: 0.0290 memory: 9812 grad_norm: 4.0552 loss: 4.0488 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 2.6278 distill.loss_dist: 1.4210 2023/05/14 04:01:48 - mmengine - INFO - Epoch(train) [2][1640/1879] lr: 2.0000e-02 eta: 2 days, 0:29:09 time: 0.9158 data_time: 0.0245 memory: 9812 grad_norm: 4.0614 loss: 4.0732 student.top1_acc: 0.3125 student.top5_acc: 0.4375 student.loss_cls: 2.6684 distill.loss_dist: 1.4048 2023/05/14 04:02:05 - mmengine - INFO - Epoch(train) [2][1660/1879] lr: 2.0000e-02 eta: 2 days, 0:27:02 time: 0.8426 data_time: 0.0265 memory: 9812 grad_norm: 4.0406 loss: 3.9109 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.5025 distill.loss_dist: 1.4084 2023/05/14 04:02:21 - mmengine - INFO - Epoch(train) [2][1680/1879] lr: 2.0000e-02 eta: 2 days, 0:24:23 time: 0.8110 data_time: 0.0262 memory: 9812 grad_norm: 3.9929 loss: 4.2002 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.7648 distill.loss_dist: 1.4354 2023/05/14 04:02:41 - mmengine - INFO - Epoch(train) [2][1700/1879] lr: 2.0000e-02 eta: 2 days, 0:24:34 time: 0.9740 data_time: 0.0244 memory: 9812 grad_norm: 3.9867 loss: 4.2944 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.8513 distill.loss_dist: 1.4431 2023/05/14 04:02:56 - mmengine - INFO - Epoch(train) [2][1720/1879] lr: 2.0000e-02 eta: 2 days, 0:21:26 time: 0.7805 data_time: 0.0255 memory: 9812 grad_norm: 3.9407 loss: 4.0099 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.6222 distill.loss_dist: 1.3877 2023/05/14 04:03:13 - mmengine - INFO - Epoch(train) [2][1740/1879] lr: 2.0000e-02 eta: 2 days, 0:18:48 time: 0.8083 data_time: 0.0251 memory: 9812 grad_norm: 4.0796 loss: 4.2123 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.7680 distill.loss_dist: 1.4443 2023/05/14 04:03:31 - mmengine - INFO - Epoch(train) [2][1760/1879] lr: 2.0000e-02 eta: 2 days, 0:18:26 time: 0.9403 data_time: 0.0257 memory: 9812 grad_norm: 4.0082 loss: 4.1513 student.top1_acc: 0.1875 student.top5_acc: 0.6875 student.loss_cls: 2.7185 distill.loss_dist: 1.4328 2023/05/14 04:03:48 - mmengine - INFO - Epoch(train) [2][1780/1879] lr: 2.0000e-02 eta: 2 days, 0:16:01 time: 0.8184 data_time: 0.0281 memory: 9812 grad_norm: 4.0699 loss: 4.0295 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.6212 distill.loss_dist: 1.4082 2023/05/14 04:04:04 - mmengine - INFO - Epoch(train) [2][1800/1879] lr: 2.0000e-02 eta: 2 days, 0:13:20 time: 0.8015 data_time: 0.0266 memory: 9812 grad_norm: 4.0748 loss: 3.8668 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.4746 distill.loss_dist: 1.3922 2023/05/14 04:04:23 - mmengine - INFO - Epoch(train) [2][1820/1879] lr: 2.0000e-02 eta: 2 days, 0:13:34 time: 0.9750 data_time: 0.0235 memory: 9812 grad_norm: 3.9848 loss: 4.1296 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 2.7012 distill.loss_dist: 1.4284 2023/05/14 04:04:40 - mmengine - INFO - Epoch(train) [2][1840/1879] lr: 2.0000e-02 eta: 2 days, 0:11:52 time: 0.8589 data_time: 0.0249 memory: 9812 grad_norm: 3.9565 loss: 3.9104 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.5121 distill.loss_dist: 1.3983 2023/05/14 04:04:57 - mmengine - INFO - Epoch(train) [2][1860/1879] lr: 2.0000e-02 eta: 2 days, 0:09:39 time: 0.8267 data_time: 0.0268 memory: 9812 grad_norm: 4.0664 loss: 4.1874 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.7420 distill.loss_dist: 1.4454 2023/05/14 04:05:10 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 04:05:10 - mmengine - INFO - Epoch(train) [2][1879/1879] lr: 2.0000e-02 eta: 2 days, 0:05:32 time: 0.7336 data_time: 0.0198 memory: 9812 grad_norm: 4.1191 loss: 4.1608 student.top1_acc: 0.2857 student.top5_acc: 0.7143 student.loss_cls: 2.7079 distill.loss_dist: 1.4529 2023/05/14 04:05:29 - mmengine - INFO - Epoch(val) [2][ 20/155] eta: 0:02:09 time: 0.9590 data_time: 0.8975 memory: 1484 2023/05/14 04:05:43 - mmengine - INFO - Epoch(val) [2][ 40/155] eta: 0:01:34 time: 0.6798 data_time: 0.6146 memory: 1484 2023/05/14 04:06:02 - mmengine - INFO - Epoch(val) [2][ 60/155] eta: 0:01:22 time: 0.9524 data_time: 0.8894 memory: 1484 2023/05/14 04:06:15 - mmengine - INFO - Epoch(val) [2][ 80/155] eta: 0:01:00 time: 0.6275 data_time: 0.5675 memory: 1484 2023/05/14 04:06:34 - mmengine - INFO - Epoch(val) [2][100/155] eta: 0:00:46 time: 0.9707 data_time: 0.9089 memory: 1484 2023/05/14 04:06:47 - mmengine - INFO - Epoch(val) [2][120/155] eta: 0:00:28 time: 0.6372 data_time: 0.5685 memory: 1484 2023/05/14 04:07:06 - mmengine - INFO - Epoch(val) [2][140/155] eta: 0:00:12 time: 0.9572 data_time: 0.8978 memory: 1484 2023/05/14 04:07:38 - mmengine - INFO - Epoch(val) [2][ 20/155] eta: 0:16:13 time: 0.9754 data_time: 0.8208 memory: 1582 2023/05/14 04:07:52 - mmengine - INFO - Epoch(val) [2][ 40/155] eta: 0:07:35 time: 0.7159 data_time: 0.5631 memory: 1582 2023/05/14 04:08:11 - mmengine - INFO - Epoch(val) [2][ 60/155] eta: 0:04:41 time: 0.9790 data_time: 0.8275 memory: 1582 2023/05/14 04:08:25 - mmengine - INFO - Epoch(val) [2][ 80/155] eta: 0:02:59 time: 0.6842 data_time: 0.5319 memory: 1582 2023/05/14 04:08:45 - mmengine - INFO - Epoch(val) [2][100/155] eta: 0:01:56 time: 0.9692 data_time: 0.8149 memory: 1582 2023/05/14 04:08:59 - mmengine - INFO - Epoch(val) [2][120/155] eta: 0:01:05 time: 0.6976 data_time: 0.5450 memory: 1582 2023/05/14 04:09:19 - mmengine - INFO - Epoch(val) [2][140/155] eta: 0:00:26 time: 1.0061 data_time: 0.8522 memory: 1582 2023/05/14 04:09:27 - mmengine - INFO - Epoch(val) [2][155/155] acc/top1: 0.4210 acc/top5: 0.6924 acc/mean1: 0.4209 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6705 time: 0.8216 2023/05/14 04:09:27 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_1.pth is removed 2023/05/14 04:09:29 - mmengine - INFO - The best checkpoint with 0.4210 acc/top1 at 2 epoch is saved to best_acc_top1_epoch_2.pth. 2023/05/14 04:09:50 - mmengine - INFO - Epoch(train) [3][ 20/1879] lr: 2.0000e-02 eta: 2 days, 0:07:06 time: 1.0555 data_time: 0.6085 memory: 9812 grad_norm: 3.9681 loss: 4.2096 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.7977 distill.loss_dist: 1.4119 2023/05/14 04:10:06 - mmengine - INFO - Epoch(train) [3][ 40/1879] lr: 2.0000e-02 eta: 2 days, 0:05:03 time: 0.8338 data_time: 0.2464 memory: 9812 grad_norm: 3.8749 loss: 4.1472 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.7215 distill.loss_dist: 1.4257 2023/05/14 04:10:23 - mmengine - INFO - Epoch(train) [3][ 60/1879] lr: 2.0000e-02 eta: 2 days, 0:03:07 time: 0.8398 data_time: 0.2484 memory: 9812 grad_norm: 3.9225 loss: 3.9946 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.6019 distill.loss_dist: 1.3926 2023/05/14 04:10:42 - mmengine - INFO - Epoch(train) [3][ 80/1879] lr: 2.0000e-02 eta: 2 days, 0:02:24 time: 0.9145 data_time: 0.2114 memory: 9812 grad_norm: 4.0099 loss: 3.8568 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.4870 distill.loss_dist: 1.3698 2023/05/14 04:10:58 - mmengine - INFO - Epoch(train) [3][ 100/1879] lr: 2.0000e-02 eta: 2 days, 0:00:16 time: 0.8248 data_time: 0.0783 memory: 9812 grad_norm: 3.9790 loss: 4.1051 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.6701 distill.loss_dist: 1.4350 2023/05/14 04:11:15 - mmengine - INFO - Epoch(train) [3][ 120/1879] lr: 2.0000e-02 eta: 1 day, 23:58:20 time: 0.8367 data_time: 0.2139 memory: 9812 grad_norm: 4.0288 loss: 3.8699 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.4810 distill.loss_dist: 1.3888 2023/05/14 04:11:32 - mmengine - INFO - Epoch(train) [3][ 140/1879] lr: 2.0000e-02 eta: 1 day, 23:56:33 time: 0.8450 data_time: 0.2061 memory: 9812 grad_norm: 4.0651 loss: 3.9342 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.5589 distill.loss_dist: 1.3754 2023/05/14 04:11:50 - mmengine - INFO - Epoch(train) [3][ 160/1879] lr: 2.0000e-02 eta: 1 day, 23:56:11 time: 0.9343 data_time: 0.2664 memory: 9812 grad_norm: 4.0230 loss: 3.8482 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.4593 distill.loss_dist: 1.3888 2023/05/14 04:12:07 - mmengine - INFO - Epoch(train) [3][ 180/1879] lr: 2.0000e-02 eta: 1 day, 23:53:58 time: 0.8158 data_time: 0.3363 memory: 9812 grad_norm: 4.0456 loss: 4.1945 student.top1_acc: 0.3125 student.top5_acc: 0.4375 student.loss_cls: 2.7585 distill.loss_dist: 1.4360 2023/05/14 04:12:24 - mmengine - INFO - Epoch(train) [3][ 200/1879] lr: 2.0000e-02 eta: 1 day, 23:52:52 time: 0.8864 data_time: 0.2520 memory: 9812 grad_norm: 4.0765 loss: 4.0835 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.6797 distill.loss_dist: 1.4038 2023/05/14 04:12:43 - mmengine - INFO - Epoch(train) [3][ 220/1879] lr: 2.0000e-02 eta: 1 day, 23:52:41 time: 0.9452 data_time: 0.3186 memory: 9812 grad_norm: 4.0197 loss: 3.8932 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.5008 distill.loss_dist: 1.3924 2023/05/14 04:13:00 - mmengine - INFO - Epoch(train) [3][ 240/1879] lr: 2.0000e-02 eta: 1 day, 23:50:48 time: 0.8352 data_time: 0.1651 memory: 9812 grad_norm: 4.0054 loss: 3.9644 student.top1_acc: 0.4375 student.top5_acc: 0.5000 student.loss_cls: 2.5714 distill.loss_dist: 1.3930 2023/05/14 04:13:01 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 04:13:16 - mmengine - INFO - Epoch(train) [3][ 260/1879] lr: 2.0000e-02 eta: 1 day, 23:48:17 time: 0.7917 data_time: 0.1635 memory: 9812 grad_norm: 3.9620 loss: 3.9402 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.5294 distill.loss_dist: 1.4108 2023/05/14 04:13:33 - mmengine - INFO - Epoch(train) [3][ 280/1879] lr: 2.0000e-02 eta: 1 day, 23:46:28 time: 0.8368 data_time: 0.1310 memory: 9812 grad_norm: 4.0606 loss: 3.8371 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.4519 distill.loss_dist: 1.3851 2023/05/14 04:13:49 - mmengine - INFO - Epoch(train) [3][ 300/1879] lr: 2.0000e-02 eta: 1 day, 23:44:03 time: 0.7964 data_time: 0.0857 memory: 9812 grad_norm: 4.0116 loss: 3.7299 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 2.3602 distill.loss_dist: 1.3697 2023/05/14 04:14:07 - mmengine - INFO - Epoch(train) [3][ 320/1879] lr: 2.0000e-02 eta: 1 day, 23:43:28 time: 0.9166 data_time: 0.0288 memory: 9812 grad_norm: 3.9763 loss: 4.0043 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.5846 distill.loss_dist: 1.4198 2023/05/14 04:14:24 - mmengine - INFO - Epoch(train) [3][ 340/1879] lr: 2.0000e-02 eta: 1 day, 23:42:20 time: 0.8791 data_time: 0.0224 memory: 9812 grad_norm: 3.9883 loss: 3.9107 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.4841 distill.loss_dist: 1.4266 2023/05/14 04:14:41 - mmengine - INFO - Epoch(train) [3][ 360/1879] lr: 2.0000e-02 eta: 1 day, 23:40:06 time: 0.8052 data_time: 0.0547 memory: 9812 grad_norm: 3.9651 loss: 3.9235 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.5375 distill.loss_dist: 1.3859 2023/05/14 04:15:00 - mmengine - INFO - Epoch(train) [3][ 380/1879] lr: 2.0000e-02 eta: 1 day, 23:40:42 time: 0.9961 data_time: 0.0948 memory: 9812 grad_norm: 4.0920 loss: 4.2387 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 2.8014 distill.loss_dist: 1.4373 2023/05/14 04:15:16 - mmengine - INFO - Epoch(train) [3][ 400/1879] lr: 2.0000e-02 eta: 1 day, 23:37:57 time: 0.7682 data_time: 0.0246 memory: 9812 grad_norm: 4.0724 loss: 3.9644 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.5736 distill.loss_dist: 1.3908 2023/05/14 04:15:32 - mmengine - INFO - Epoch(train) [3][ 420/1879] lr: 2.0000e-02 eta: 1 day, 23:36:08 time: 0.8308 data_time: 0.0246 memory: 9812 grad_norm: 4.0224 loss: 4.0601 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.6327 distill.loss_dist: 1.4274 2023/05/14 04:15:51 - mmengine - INFO - Epoch(train) [3][ 440/1879] lr: 2.0000e-02 eta: 1 day, 23:36:01 time: 0.9464 data_time: 0.0279 memory: 9812 grad_norm: 3.9149 loss: 3.9686 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.5660 distill.loss_dist: 1.4027 2023/05/14 04:16:09 - mmengine - INFO - Epoch(train) [3][ 460/1879] lr: 2.0000e-02 eta: 1 day, 23:34:42 time: 0.8631 data_time: 0.0274 memory: 9812 grad_norm: 4.0073 loss: 3.8896 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.4868 distill.loss_dist: 1.4027 2023/05/14 04:16:25 - mmengine - INFO - Epoch(train) [3][ 480/1879] lr: 2.0000e-02 eta: 1 day, 23:32:47 time: 0.8213 data_time: 0.0262 memory: 9812 grad_norm: 3.9848 loss: 3.8284 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.4485 distill.loss_dist: 1.3799 2023/05/14 04:16:44 - mmengine - INFO - Epoch(train) [3][ 500/1879] lr: 2.0000e-02 eta: 1 day, 23:32:44 time: 0.9503 data_time: 0.0301 memory: 9812 grad_norm: 4.0084 loss: 4.0015 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.6180 distill.loss_dist: 1.3835 2023/05/14 04:17:01 - mmengine - INFO - Epoch(train) [3][ 520/1879] lr: 2.0000e-02 eta: 1 day, 23:31:30 time: 0.8672 data_time: 0.0245 memory: 9812 grad_norm: 3.9384 loss: 4.0274 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 2.6198 distill.loss_dist: 1.4076 2023/05/14 04:17:18 - mmengine - INFO - Epoch(train) [3][ 540/1879] lr: 2.0000e-02 eta: 1 day, 23:29:56 time: 0.8441 data_time: 0.0265 memory: 9812 grad_norm: 3.9518 loss: 3.9751 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 2.5815 distill.loss_dist: 1.3936 2023/05/14 04:17:38 - mmengine - INFO - Epoch(train) [3][ 560/1879] lr: 2.0000e-02 eta: 1 day, 23:30:15 time: 0.9749 data_time: 0.0236 memory: 9812 grad_norm: 3.9630 loss: 3.9271 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.5238 distill.loss_dist: 1.4033 2023/05/14 04:17:53 - mmengine - INFO - Epoch(train) [3][ 580/1879] lr: 2.0000e-02 eta: 1 day, 23:27:42 time: 0.7733 data_time: 0.0261 memory: 9812 grad_norm: 3.9338 loss: 3.7281 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.3698 distill.loss_dist: 1.3582 2023/05/14 04:18:11 - mmengine - INFO - Epoch(train) [3][ 600/1879] lr: 2.0000e-02 eta: 1 day, 23:26:41 time: 0.8806 data_time: 0.0272 memory: 9812 grad_norm: 3.9601 loss: 3.9586 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.5648 distill.loss_dist: 1.3938 2023/05/14 04:18:27 - mmengine - INFO - Epoch(train) [3][ 620/1879] lr: 2.0000e-02 eta: 1 day, 23:24:46 time: 0.8147 data_time: 0.0262 memory: 9812 grad_norm: 3.9810 loss: 4.0138 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.6083 distill.loss_dist: 1.4055 2023/05/14 04:18:46 - mmengine - INFO - Epoch(train) [3][ 640/1879] lr: 2.0000e-02 eta: 1 day, 23:24:25 time: 0.9281 data_time: 0.0269 memory: 9812 grad_norm: 3.9414 loss: 4.1164 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.6976 distill.loss_dist: 1.4187 2023/05/14 04:19:03 - mmengine - INFO - Epoch(train) [3][ 660/1879] lr: 2.0000e-02 eta: 1 day, 23:23:21 time: 0.8746 data_time: 0.0313 memory: 9812 grad_norm: 3.9988 loss: 3.8899 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.4976 distill.loss_dist: 1.3923 2023/05/14 04:19:20 - mmengine - INFO - Epoch(train) [3][ 680/1879] lr: 2.0000e-02 eta: 1 day, 23:21:42 time: 0.8328 data_time: 0.0256 memory: 9812 grad_norm: 4.0427 loss: 4.0154 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.6016 distill.loss_dist: 1.4139 2023/05/14 04:19:39 - mmengine - INFO - Epoch(train) [3][ 700/1879] lr: 2.0000e-02 eta: 1 day, 23:21:48 time: 0.9590 data_time: 0.0266 memory: 9812 grad_norm: 3.9313 loss: 4.0398 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.6703 distill.loss_dist: 1.3694 2023/05/14 04:19:55 - mmengine - INFO - Epoch(train) [3][ 720/1879] lr: 2.0000e-02 eta: 1 day, 23:19:25 time: 0.7784 data_time: 0.0279 memory: 9812 grad_norm: 3.9943 loss: 4.2186 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.7956 distill.loss_dist: 1.4231 2023/05/14 04:20:11 - mmengine - INFO - Epoch(train) [3][ 740/1879] lr: 2.0000e-02 eta: 1 day, 23:17:34 time: 0.8153 data_time: 0.0249 memory: 9812 grad_norm: 3.9201 loss: 4.0297 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.6362 distill.loss_dist: 1.3935 2023/05/14 04:20:29 - mmengine - INFO - Epoch(train) [3][ 760/1879] lr: 2.0000e-02 eta: 1 day, 23:17:08 time: 0.9192 data_time: 0.0265 memory: 9812 grad_norm: 4.0259 loss: 3.8837 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.5081 distill.loss_dist: 1.3756 2023/05/14 04:20:47 - mmengine - INFO - Epoch(train) [3][ 780/1879] lr: 2.0000e-02 eta: 1 day, 23:16:22 time: 0.8943 data_time: 0.0281 memory: 9812 grad_norm: 3.9579 loss: 4.0650 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.6473 distill.loss_dist: 1.4177 2023/05/14 04:21:03 - mmengine - INFO - Epoch(train) [3][ 800/1879] lr: 2.0000e-02 eta: 1 day, 23:14:15 time: 0.7928 data_time: 0.0225 memory: 9812 grad_norm: 3.9443 loss: 3.9066 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.4919 distill.loss_dist: 1.4146 2023/05/14 04:21:22 - mmengine - INFO - Epoch(train) [3][ 820/1879] lr: 2.0000e-02 eta: 1 day, 23:13:52 time: 0.9227 data_time: 0.0263 memory: 9812 grad_norm: 3.9487 loss: 3.7925 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.4033 distill.loss_dist: 1.3892 2023/05/14 04:21:38 - mmengine - INFO - Epoch(train) [3][ 840/1879] lr: 2.0000e-02 eta: 1 day, 23:12:03 time: 0.8141 data_time: 0.0263 memory: 9812 grad_norm: 3.9040 loss: 4.0938 student.top1_acc: 0.3750 student.top5_acc: 0.4375 student.loss_cls: 2.6915 distill.loss_dist: 1.4023 2023/05/14 04:21:54 - mmengine - INFO - Epoch(train) [3][ 860/1879] lr: 2.0000e-02 eta: 1 day, 23:10:24 time: 0.8250 data_time: 0.0497 memory: 9812 grad_norm: 4.0025 loss: 3.9335 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.5298 distill.loss_dist: 1.4037 2023/05/14 04:22:15 - mmengine - INFO - Epoch(train) [3][ 880/1879] lr: 2.0000e-02 eta: 1 day, 23:11:18 time: 1.0188 data_time: 0.0964 memory: 9812 grad_norm: 3.9652 loss: 3.8384 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.4485 distill.loss_dist: 1.3899 2023/05/14 04:22:31 - mmengine - INFO - Epoch(train) [3][ 900/1879] lr: 2.0000e-02 eta: 1 day, 23:09:30 time: 0.8127 data_time: 0.0302 memory: 9812 grad_norm: 3.9445 loss: 4.0103 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.6220 distill.loss_dist: 1.3882 2023/05/14 04:22:48 - mmengine - INFO - Epoch(train) [3][ 920/1879] lr: 2.0000e-02 eta: 1 day, 23:08:15 time: 0.8543 data_time: 0.0425 memory: 9812 grad_norm: 3.8586 loss: 3.5637 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.2120 distill.loss_dist: 1.3517 2023/05/14 04:23:07 - mmengine - INFO - Epoch(train) [3][ 940/1879] lr: 2.0000e-02 eta: 1 day, 23:07:58 time: 0.9283 data_time: 0.0539 memory: 9812 grad_norm: 3.9711 loss: 3.8784 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.4769 distill.loss_dist: 1.4015 2023/05/14 04:23:24 - mmengine - INFO - Epoch(train) [3][ 960/1879] lr: 2.0000e-02 eta: 1 day, 23:06:42 time: 0.8520 data_time: 0.0278 memory: 9812 grad_norm: 4.0001 loss: 3.7959 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.4119 distill.loss_dist: 1.3840 2023/05/14 04:23:39 - mmengine - INFO - Epoch(train) [3][ 980/1879] lr: 2.0000e-02 eta: 1 day, 23:04:30 time: 0.7798 data_time: 0.0244 memory: 9812 grad_norm: 3.9656 loss: 4.0387 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.6212 distill.loss_dist: 1.4175 2023/05/14 04:23:57 - mmengine - INFO - Epoch(train) [3][1000/1879] lr: 2.0000e-02 eta: 1 day, 23:03:46 time: 0.8916 data_time: 0.0250 memory: 9812 grad_norm: 3.9830 loss: 3.9045 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.5350 distill.loss_dist: 1.3695 2023/05/14 04:24:16 - mmengine - INFO - Epoch(train) [3][1020/1879] lr: 2.0000e-02 eta: 1 day, 23:03:38 time: 0.9394 data_time: 0.0283 memory: 9812 grad_norm: 3.9396 loss: 3.7041 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 2.3375 distill.loss_dist: 1.3666 2023/05/14 04:24:32 - mmengine - INFO - Epoch(train) [3][1040/1879] lr: 2.0000e-02 eta: 1 day, 23:01:58 time: 0.8173 data_time: 0.0264 memory: 9812 grad_norm: 3.9856 loss: 3.9524 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.5496 distill.loss_dist: 1.4027 2023/05/14 04:24:49 - mmengine - INFO - Epoch(train) [3][1060/1879] lr: 2.0000e-02 eta: 1 day, 23:00:29 time: 0.8323 data_time: 0.0234 memory: 9812 grad_norm: 4.0010 loss: 4.1119 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.6774 distill.loss_dist: 1.4346 2023/05/14 04:25:07 - mmengine - INFO - Epoch(train) [3][1080/1879] lr: 2.0000e-02 eta: 1 day, 22:59:51 time: 0.8982 data_time: 0.0291 memory: 9812 grad_norm: 3.9681 loss: 3.8633 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.4724 distill.loss_dist: 1.3909 2023/05/14 04:25:24 - mmengine - INFO - Epoch(train) [3][1100/1879] lr: 2.0000e-02 eta: 1 day, 22:58:51 time: 0.8699 data_time: 0.0265 memory: 9812 grad_norm: 4.0005 loss: 4.0871 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.6785 distill.loss_dist: 1.4086 2023/05/14 04:25:42 - mmengine - INFO - Epoch(train) [3][1120/1879] lr: 2.0000e-02 eta: 1 day, 22:57:59 time: 0.8789 data_time: 0.0249 memory: 9812 grad_norm: 3.9553 loss: 4.0306 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.6071 distill.loss_dist: 1.4235 2023/05/14 04:26:00 - mmengine - INFO - Epoch(train) [3][1140/1879] lr: 2.0000e-02 eta: 1 day, 22:57:21 time: 0.8982 data_time: 0.0275 memory: 9812 grad_norm: 3.8695 loss: 4.0515 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.6611 distill.loss_dist: 1.3903 2023/05/14 04:26:16 - mmengine - INFO - Epoch(train) [3][1160/1879] lr: 2.0000e-02 eta: 1 day, 22:55:39 time: 0.8117 data_time: 0.0256 memory: 9812 grad_norm: 4.0106 loss: 4.1225 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.6858 distill.loss_dist: 1.4367 2023/05/14 04:26:34 - mmengine - INFO - Epoch(train) [3][1180/1879] lr: 2.0000e-02 eta: 1 day, 22:54:55 time: 0.8877 data_time: 0.0261 memory: 9812 grad_norm: 3.8705 loss: 4.0915 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.6772 distill.loss_dist: 1.4143 2023/05/14 04:26:51 - mmengine - INFO - Epoch(train) [3][1200/1879] lr: 2.0000e-02 eta: 1 day, 22:53:36 time: 0.8419 data_time: 0.0275 memory: 9812 grad_norm: 3.9314 loss: 4.1982 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.7964 distill.loss_dist: 1.4018 2023/05/14 04:27:08 - mmengine - INFO - Epoch(train) [3][1220/1879] lr: 2.0000e-02 eta: 1 day, 22:52:40 time: 0.8710 data_time: 0.0249 memory: 9812 grad_norm: 3.9208 loss: 3.9211 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.5426 distill.loss_dist: 1.3785 2023/05/14 04:27:24 - mmengine - INFO - Epoch(train) [3][1240/1879] lr: 2.0000e-02 eta: 1 day, 22:50:43 time: 0.7880 data_time: 0.0251 memory: 9812 grad_norm: 3.8708 loss: 3.7243 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.3527 distill.loss_dist: 1.3716 2023/05/14 04:27:27 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 04:27:43 - mmengine - INFO - Epoch(train) [3][1260/1879] lr: 2.0000e-02 eta: 1 day, 22:51:09 time: 0.9838 data_time: 0.0258 memory: 9812 grad_norm: 3.8430 loss: 3.8313 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.4561 distill.loss_dist: 1.3751 2023/05/14 04:28:00 - mmengine - INFO - Epoch(train) [3][1280/1879] lr: 2.0000e-02 eta: 1 day, 22:49:31 time: 0.8127 data_time: 0.0274 memory: 9812 grad_norm: 3.9817 loss: 3.7400 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.3606 distill.loss_dist: 1.3794 2023/05/14 04:28:16 - mmengine - INFO - Epoch(train) [3][1300/1879] lr: 2.0000e-02 eta: 1 day, 22:48:08 time: 0.8316 data_time: 0.0216 memory: 9812 grad_norm: 3.9378 loss: 3.8557 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.4826 distill.loss_dist: 1.3731 2023/05/14 04:28:35 - mmengine - INFO - Epoch(train) [3][1320/1879] lr: 2.0000e-02 eta: 1 day, 22:47:54 time: 0.9281 data_time: 0.0263 memory: 9812 grad_norm: 3.9032 loss: 3.8393 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.4465 distill.loss_dist: 1.3928 2023/05/14 04:28:52 - mmengine - INFO - Epoch(train) [3][1340/1879] lr: 2.0000e-02 eta: 1 day, 22:46:41 time: 0.8454 data_time: 0.0245 memory: 9812 grad_norm: 3.9188 loss: 3.9757 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.5851 distill.loss_dist: 1.3906 2023/05/14 04:29:09 - mmengine - INFO - Epoch(train) [3][1360/1879] lr: 2.0000e-02 eta: 1 day, 22:45:49 time: 0.8746 data_time: 0.0260 memory: 9812 grad_norm: 3.9325 loss: 3.9807 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.5928 distill.loss_dist: 1.3879 2023/05/14 04:29:26 - mmengine - INFO - Epoch(train) [3][1380/1879] lr: 2.0000e-02 eta: 1 day, 22:44:17 time: 0.8181 data_time: 0.0504 memory: 9812 grad_norm: 3.9561 loss: 3.7478 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.3930 distill.loss_dist: 1.3548 2023/05/14 04:29:42 - mmengine - INFO - Epoch(train) [3][1400/1879] lr: 2.0000e-02 eta: 1 day, 22:43:01 time: 0.8385 data_time: 0.1594 memory: 9812 grad_norm: 3.9609 loss: 3.8832 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.5086 distill.loss_dist: 1.3746 2023/05/14 04:30:02 - mmengine - INFO - Epoch(train) [3][1420/1879] lr: 2.0000e-02 eta: 1 day, 22:43:10 time: 0.9598 data_time: 0.0756 memory: 9812 grad_norm: 3.8943 loss: 4.0482 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.6637 distill.loss_dist: 1.3845 2023/05/14 04:30:19 - mmengine - INFO - Epoch(train) [3][1440/1879] lr: 2.0000e-02 eta: 1 day, 22:42:03 time: 0.8508 data_time: 0.0261 memory: 9812 grad_norm: 3.9465 loss: 3.8087 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.4218 distill.loss_dist: 1.3869 2023/05/14 04:30:35 - mmengine - INFO - Epoch(train) [3][1460/1879] lr: 2.0000e-02 eta: 1 day, 22:40:41 time: 0.8297 data_time: 0.0278 memory: 9812 grad_norm: 3.8768 loss: 3.8807 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.4913 distill.loss_dist: 1.3895 2023/05/14 04:30:53 - mmengine - INFO - Epoch(train) [3][1480/1879] lr: 2.0000e-02 eta: 1 day, 22:40:07 time: 0.8972 data_time: 0.0279 memory: 9812 grad_norm: 3.9068 loss: 3.7779 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.4112 distill.loss_dist: 1.3667 2023/05/14 04:31:11 - mmengine - INFO - Epoch(train) [3][1500/1879] lr: 2.0000e-02 eta: 1 day, 22:39:23 time: 0.8825 data_time: 0.0242 memory: 9812 grad_norm: 3.8244 loss: 4.2464 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.8357 distill.loss_dist: 1.4108 2023/05/14 04:31:27 - mmengine - INFO - Epoch(train) [3][1520/1879] lr: 2.0000e-02 eta: 1 day, 22:38:00 time: 0.8263 data_time: 0.0288 memory: 9812 grad_norm: 3.8005 loss: 3.7650 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.3953 distill.loss_dist: 1.3697 2023/05/14 04:31:45 - mmengine - INFO - Epoch(train) [3][1540/1879] lr: 2.0000e-02 eta: 1 day, 22:37:27 time: 0.8991 data_time: 0.0289 memory: 9812 grad_norm: 3.8691 loss: 3.8478 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.4705 distill.loss_dist: 1.3773 2023/05/14 04:32:02 - mmengine - INFO - Epoch(train) [3][1560/1879] lr: 2.0000e-02 eta: 1 day, 22:36:03 time: 0.8234 data_time: 0.0294 memory: 9812 grad_norm: 3.9111 loss: 3.9440 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.5514 distill.loss_dist: 1.3926 2023/05/14 04:32:19 - mmengine - INFO - Epoch(train) [3][1580/1879] lr: 2.0000e-02 eta: 1 day, 22:35:11 time: 0.8691 data_time: 0.0290 memory: 9812 grad_norm: 3.9137 loss: 3.8785 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.4987 distill.loss_dist: 1.3798 2023/05/14 04:32:37 - mmengine - INFO - Epoch(train) [3][1600/1879] lr: 2.0000e-02 eta: 1 day, 22:34:20 time: 0.8709 data_time: 0.0802 memory: 9812 grad_norm: 3.8535 loss: 3.9243 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.5224 distill.loss_dist: 1.4019 2023/05/14 04:32:54 - mmengine - INFO - Epoch(train) [3][1620/1879] lr: 2.0000e-02 eta: 1 day, 22:33:34 time: 0.8784 data_time: 0.0912 memory: 9812 grad_norm: 3.9193 loss: 3.9283 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.5423 distill.loss_dist: 1.3860 2023/05/14 04:33:11 - mmengine - INFO - Epoch(train) [3][1640/1879] lr: 2.0000e-02 eta: 1 day, 22:32:16 time: 0.8302 data_time: 0.0261 memory: 9812 grad_norm: 3.8768 loss: 3.7854 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 2.4163 distill.loss_dist: 1.3691 2023/05/14 04:33:28 - mmengine - INFO - Epoch(train) [3][1660/1879] lr: 2.0000e-02 eta: 1 day, 22:31:14 time: 0.8530 data_time: 0.0275 memory: 9812 grad_norm: 3.8927 loss: 3.9288 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.5110 distill.loss_dist: 1.4179 2023/05/14 04:33:47 - mmengine - INFO - Epoch(train) [3][1680/1879] lr: 2.0000e-02 eta: 1 day, 22:31:13 time: 0.9428 data_time: 0.0270 memory: 9812 grad_norm: 3.8306 loss: 3.9233 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.5266 distill.loss_dist: 1.3968 2023/05/14 04:34:04 - mmengine - INFO - Epoch(train) [3][1700/1879] lr: 2.0000e-02 eta: 1 day, 22:30:14 time: 0.8569 data_time: 0.0323 memory: 9812 grad_norm: 3.9069 loss: 3.7475 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.3682 distill.loss_dist: 1.3793 2023/05/14 04:34:20 - mmengine - INFO - Epoch(train) [3][1720/1879] lr: 2.0000e-02 eta: 1 day, 22:28:48 time: 0.8167 data_time: 0.0257 memory: 9812 grad_norm: 3.8868 loss: 3.7189 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.3459 distill.loss_dist: 1.3730 2023/05/14 04:34:40 - mmengine - INFO - Epoch(train) [3][1740/1879] lr: 2.0000e-02 eta: 1 day, 22:29:05 time: 0.9712 data_time: 0.0227 memory: 9812 grad_norm: 3.8848 loss: 4.1501 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.7415 distill.loss_dist: 1.4086 2023/05/14 04:34:56 - mmengine - INFO - Epoch(train) [3][1760/1879] lr: 2.0000e-02 eta: 1 day, 22:27:43 time: 0.8198 data_time: 0.0290 memory: 9812 grad_norm: 3.8564 loss: 3.8739 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.5100 distill.loss_dist: 1.3639 2023/05/14 04:35:13 - mmengine - INFO - Epoch(train) [3][1780/1879] lr: 2.0000e-02 eta: 1 day, 22:26:36 time: 0.8433 data_time: 0.0238 memory: 9812 grad_norm: 3.8872 loss: 4.0024 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.6203 distill.loss_dist: 1.3821 2023/05/14 04:35:30 - mmengine - INFO - Epoch(train) [3][1800/1879] lr: 2.0000e-02 eta: 1 day, 22:25:27 time: 0.8407 data_time: 0.0928 memory: 9812 grad_norm: 3.8791 loss: 3.7902 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.4083 distill.loss_dist: 1.3818 2023/05/14 04:35:47 - mmengine - INFO - Epoch(train) [3][1820/1879] lr: 2.0000e-02 eta: 1 day, 22:24:48 time: 0.8849 data_time: 0.1670 memory: 9812 grad_norm: 3.7762 loss: 3.7610 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.3874 distill.loss_dist: 1.3737 2023/05/14 04:36:03 - mmengine - INFO - Epoch(train) [3][1840/1879] lr: 2.0000e-02 eta: 1 day, 22:23:11 time: 0.7950 data_time: 0.0510 memory: 9812 grad_norm: 3.7698 loss: 3.8393 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.4591 distill.loss_dist: 1.3803 2023/05/14 04:36:22 - mmengine - INFO - Epoch(train) [3][1860/1879] lr: 2.0000e-02 eta: 1 day, 22:23:05 time: 0.9359 data_time: 0.0236 memory: 9812 grad_norm: 3.8597 loss: 3.9790 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.5908 distill.loss_dist: 1.3882 2023/05/14 04:36:35 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 04:36:35 - mmengine - INFO - Epoch(train) [3][1879/1879] lr: 2.0000e-02 eta: 1 day, 22:20:33 time: 0.7867 data_time: 0.0325 memory: 9812 grad_norm: 4.0032 loss: 3.9134 student.top1_acc: 0.1429 student.top5_acc: 0.8571 student.loss_cls: 2.5288 distill.loss_dist: 1.3846 2023/05/14 04:36:35 - mmengine - INFO - Saving checkpoint at 3 epochs 2023/05/14 04:36:56 - mmengine - INFO - Epoch(val) [3][ 20/155] eta: 0:02:11 time: 0.9744 data_time: 0.9118 memory: 1484 2023/05/14 04:37:10 - mmengine - INFO - Epoch(val) [3][ 40/155] eta: 0:01:34 time: 0.6680 data_time: 0.5960 memory: 1484 2023/05/14 04:37:28 - mmengine - INFO - Epoch(val) [3][ 60/155] eta: 0:01:20 time: 0.9151 data_time: 0.8496 memory: 1484 2023/05/14 04:37:41 - mmengine - INFO - Epoch(val) [3][ 80/155] eta: 0:00:59 time: 0.6414 data_time: 0.5802 memory: 1484 2023/05/14 04:38:00 - mmengine - INFO - Epoch(val) [3][100/155] eta: 0:00:45 time: 0.9421 data_time: 0.8801 memory: 1484 2023/05/14 04:38:13 - mmengine - INFO - Epoch(val) [3][120/155] eta: 0:00:28 time: 0.6937 data_time: 0.6316 memory: 1484 2023/05/14 04:38:34 - mmengine - INFO - Epoch(val) [3][140/155] eta: 0:00:12 time: 1.0387 data_time: 0.9753 memory: 1484 2023/05/14 04:39:03 - mmengine - INFO - Epoch(val) [3][ 20/155] eta: 0:16:15 time: 0.9846 data_time: 0.8255 memory: 1582 2023/05/14 04:39:17 - mmengine - INFO - Epoch(val) [3][ 40/155] eta: 0:07:37 time: 0.7374 data_time: 0.5850 memory: 1582 2023/05/14 04:39:35 - mmengine - INFO - Epoch(val) [3][ 60/155] eta: 0:04:39 time: 0.8747 data_time: 0.7233 memory: 1582 2023/05/14 04:39:49 - mmengine - INFO - Epoch(val) [3][ 80/155] eta: 0:02:59 time: 0.7175 data_time: 0.5645 memory: 1582 2023/05/14 04:40:09 - mmengine - INFO - Epoch(val) [3][100/155] eta: 0:01:55 time: 0.9864 data_time: 0.8322 memory: 1582 2023/05/14 04:40:22 - mmengine - INFO - Epoch(val) [3][120/155] eta: 0:01:05 time: 0.6422 data_time: 0.4890 memory: 1582 2023/05/14 04:40:43 - mmengine - INFO - Epoch(val) [3][140/155] eta: 0:00:26 time: 1.0336 data_time: 0.8825 memory: 1582 2023/05/14 04:40:52 - mmengine - INFO - Epoch(val) [3][155/155] acc/top1: 0.4559 acc/top5: 0.7237 acc/mean1: 0.4558 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6661 time: 0.8176 2023/05/14 04:40:52 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_2.pth is removed 2023/05/14 04:40:53 - mmengine - INFO - The best checkpoint with 0.4559 acc/top1 at 3 epoch is saved to best_acc_top1_epoch_3.pth. 2023/05/14 04:41:13 - mmengine - INFO - Epoch(train) [4][ 20/1879] lr: 2.0000e-02 eta: 1 day, 22:21:09 time: 1.0002 data_time: 0.5566 memory: 9812 grad_norm: 3.8654 loss: 3.8292 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.4468 distill.loss_dist: 1.3824 2023/05/14 04:41:30 - mmengine - INFO - Epoch(train) [4][ 40/1879] lr: 2.0000e-02 eta: 1 day, 22:19:57 time: 0.8326 data_time: 0.4123 memory: 9812 grad_norm: 3.7934 loss: 3.8759 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.4777 distill.loss_dist: 1.3983 2023/05/14 04:41:46 - mmengine - INFO - Epoch(train) [4][ 60/1879] lr: 2.0000e-02 eta: 1 day, 22:18:50 time: 0.8388 data_time: 0.4200 memory: 9812 grad_norm: 3.8524 loss: 3.8406 student.top1_acc: 0.1875 student.top5_acc: 0.5000 student.loss_cls: 2.4605 distill.loss_dist: 1.3801 2023/05/14 04:42:06 - mmengine - INFO - Epoch(train) [4][ 80/1879] lr: 2.0000e-02 eta: 1 day, 22:19:10 time: 0.9742 data_time: 0.2610 memory: 9812 grad_norm: 3.9013 loss: 3.8849 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.4979 distill.loss_dist: 1.3869 2023/05/14 04:42:22 - mmengine - INFO - Epoch(train) [4][ 100/1879] lr: 2.0000e-02 eta: 1 day, 22:17:54 time: 0.8259 data_time: 0.0269 memory: 9812 grad_norm: 3.8454 loss: 3.6954 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.3410 distill.loss_dist: 1.3544 2023/05/14 04:42:39 - mmengine - INFO - Epoch(train) [4][ 120/1879] lr: 2.0000e-02 eta: 1 day, 22:16:33 time: 0.8155 data_time: 0.0273 memory: 9812 grad_norm: 3.7566 loss: 3.7661 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.4072 distill.loss_dist: 1.3589 2023/05/14 04:42:56 - mmengine - INFO - Epoch(train) [4][ 140/1879] lr: 2.0000e-02 eta: 1 day, 22:15:54 time: 0.8819 data_time: 0.0966 memory: 9812 grad_norm: 3.9424 loss: 3.9060 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 2.5079 distill.loss_dist: 1.3982 2023/05/14 04:43:13 - mmengine - INFO - Epoch(train) [4][ 160/1879] lr: 2.0000e-02 eta: 1 day, 22:14:45 time: 0.8335 data_time: 0.1369 memory: 9812 grad_norm: 3.8495 loss: 3.6646 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.3101 distill.loss_dist: 1.3545 2023/05/14 04:43:30 - mmengine - INFO - Epoch(train) [4][ 180/1879] lr: 2.0000e-02 eta: 1 day, 22:13:46 time: 0.8488 data_time: 0.1280 memory: 9812 grad_norm: 3.8993 loss: 3.7680 student.top1_acc: 0.1875 student.top5_acc: 0.5000 student.loss_cls: 2.3884 distill.loss_dist: 1.3797 2023/05/14 04:43:48 - mmengine - INFO - Epoch(train) [4][ 200/1879] lr: 2.0000e-02 eta: 1 day, 22:13:28 time: 0.9145 data_time: 0.0251 memory: 9812 grad_norm: 3.8163 loss: 3.7800 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.4026 distill.loss_dist: 1.3774 2023/05/14 04:44:06 - mmengine - INFO - Epoch(train) [4][ 220/1879] lr: 2.0000e-02 eta: 1 day, 22:12:58 time: 0.8952 data_time: 0.0283 memory: 9812 grad_norm: 3.8374 loss: 3.7888 student.top1_acc: 0.5625 student.top5_acc: 0.5625 student.loss_cls: 2.4354 distill.loss_dist: 1.3534 2023/05/14 04:44:22 - mmengine - INFO - Epoch(train) [4][ 240/1879] lr: 2.0000e-02 eta: 1 day, 22:11:36 time: 0.8113 data_time: 0.0298 memory: 9812 grad_norm: 3.8491 loss: 3.7809 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.4202 distill.loss_dist: 1.3607 2023/05/14 04:44:41 - mmengine - INFO - Epoch(train) [4][ 260/1879] lr: 2.0000e-02 eta: 1 day, 22:11:22 time: 0.9207 data_time: 0.0258 memory: 9812 grad_norm: 3.8873 loss: 3.8634 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 2.5170 distill.loss_dist: 1.3464 2023/05/14 04:44:58 - mmengine - INFO - Epoch(train) [4][ 280/1879] lr: 2.0000e-02 eta: 1 day, 22:10:37 time: 0.8704 data_time: 0.0238 memory: 9812 grad_norm: 3.8495 loss: 3.6672 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.3026 distill.loss_dist: 1.3646 2023/05/14 04:45:15 - mmengine - INFO - Epoch(train) [4][ 300/1879] lr: 2.0000e-02 eta: 1 day, 22:09:20 time: 0.8176 data_time: 0.0245 memory: 9812 grad_norm: 3.8244 loss: 3.9146 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.5466 distill.loss_dist: 1.3679 2023/05/14 04:45:32 - mmengine - INFO - Epoch(train) [4][ 320/1879] lr: 2.0000e-02 eta: 1 day, 22:08:42 time: 0.8798 data_time: 0.0291 memory: 9812 grad_norm: 3.8162 loss: 3.9232 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.5436 distill.loss_dist: 1.3796 2023/05/14 04:45:49 - mmengine - INFO - Epoch(train) [4][ 340/1879] lr: 2.0000e-02 eta: 1 day, 22:07:34 time: 0.8327 data_time: 0.0256 memory: 9812 grad_norm: 3.8247 loss: 3.6989 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.3352 distill.loss_dist: 1.3637 2023/05/14 04:46:06 - mmengine - INFO - Epoch(train) [4][ 360/1879] lr: 2.0000e-02 eta: 1 day, 22:06:58 time: 0.8834 data_time: 0.0270 memory: 9812 grad_norm: 3.8195 loss: 3.6596 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.3152 distill.loss_dist: 1.3444 2023/05/14 04:46:10 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 04:46:24 - mmengine - INFO - Epoch(train) [4][ 380/1879] lr: 2.0000e-02 eta: 1 day, 22:06:18 time: 0.8756 data_time: 0.0281 memory: 9812 grad_norm: 3.8497 loss: 3.8911 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.5150 distill.loss_dist: 1.3761 2023/05/14 04:46:43 - mmengine - INFO - Epoch(train) [4][ 400/1879] lr: 2.0000e-02 eta: 1 day, 22:06:08 time: 0.9273 data_time: 0.0363 memory: 9812 grad_norm: 3.8598 loss: 3.7625 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.3807 distill.loss_dist: 1.3818 2023/05/14 04:46:58 - mmengine - INFO - Epoch(train) [4][ 420/1879] lr: 2.0000e-02 eta: 1 day, 22:04:27 time: 0.7746 data_time: 0.0250 memory: 9812 grad_norm: 3.8728 loss: 3.7759 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.3805 distill.loss_dist: 1.3954 2023/05/14 04:47:15 - mmengine - INFO - Epoch(train) [4][ 440/1879] lr: 2.0000e-02 eta: 1 day, 22:03:38 time: 0.8609 data_time: 0.0387 memory: 9812 grad_norm: 3.8224 loss: 3.6514 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.3083 distill.loss_dist: 1.3430 2023/05/14 04:47:33 - mmengine - INFO - Epoch(train) [4][ 460/1879] lr: 2.0000e-02 eta: 1 day, 22:02:59 time: 0.8774 data_time: 0.0244 memory: 9812 grad_norm: 3.9063 loss: 3.9070 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.4920 distill.loss_dist: 1.4150 2023/05/14 04:47:50 - mmengine - INFO - Epoch(train) [4][ 480/1879] lr: 2.0000e-02 eta: 1 day, 22:02:21 time: 0.8775 data_time: 0.0266 memory: 9812 grad_norm: 3.8390 loss: 3.8747 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.4872 distill.loss_dist: 1.3875 2023/05/14 04:48:08 - mmengine - INFO - Epoch(train) [4][ 500/1879] lr: 2.0000e-02 eta: 1 day, 22:01:59 time: 0.9065 data_time: 0.0266 memory: 9812 grad_norm: 3.8694 loss: 3.8151 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.4377 distill.loss_dist: 1.3773 2023/05/14 04:48:25 - mmengine - INFO - Epoch(train) [4][ 520/1879] lr: 2.0000e-02 eta: 1 day, 22:01:01 time: 0.8435 data_time: 0.0242 memory: 9812 grad_norm: 3.7778 loss: 3.9471 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.5668 distill.loss_dist: 1.3803 2023/05/14 04:48:45 - mmengine - INFO - Epoch(train) [4][ 540/1879] lr: 2.0000e-02 eta: 1 day, 22:01:23 time: 0.9803 data_time: 0.0310 memory: 9812 grad_norm: 3.8325 loss: 3.7577 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.3979 distill.loss_dist: 1.3598 2023/05/14 04:49:01 - mmengine - INFO - Epoch(train) [4][ 560/1879] lr: 2.0000e-02 eta: 1 day, 22:00:13 time: 0.8237 data_time: 0.0228 memory: 9812 grad_norm: 3.8569 loss: 3.9416 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.5743 distill.loss_dist: 1.3673 2023/05/14 04:49:18 - mmengine - INFO - Epoch(train) [4][ 580/1879] lr: 2.0000e-02 eta: 1 day, 21:59:17 time: 0.8468 data_time: 0.0231 memory: 9812 grad_norm: 3.8768 loss: 3.8049 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.4229 distill.loss_dist: 1.3820 2023/05/14 04:49:37 - mmengine - INFO - Epoch(train) [4][ 600/1879] lr: 2.0000e-02 eta: 1 day, 21:59:25 time: 0.9556 data_time: 0.0290 memory: 9812 grad_norm: 3.8480 loss: 3.6446 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.2751 distill.loss_dist: 1.3695 2023/05/14 04:49:53 - mmengine - INFO - Epoch(train) [4][ 620/1879] lr: 2.0000e-02 eta: 1 day, 21:57:55 time: 0.7888 data_time: 0.0215 memory: 9812 grad_norm: 3.8031 loss: 3.6466 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 2.2758 distill.loss_dist: 1.3708 2023/05/14 04:50:11 - mmengine - INFO - Epoch(train) [4][ 640/1879] lr: 2.0000e-02 eta: 1 day, 21:57:20 time: 0.8821 data_time: 0.0267 memory: 9812 grad_norm: 3.7937 loss: 3.7018 student.top1_acc: 0.1250 student.top5_acc: 0.5000 student.loss_cls: 2.3332 distill.loss_dist: 1.3686 2023/05/14 04:50:29 - mmengine - INFO - Epoch(train) [4][ 660/1879] lr: 2.0000e-02 eta: 1 day, 21:57:12 time: 0.9281 data_time: 0.0247 memory: 9812 grad_norm: 3.8113 loss: 3.8415 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.4722 distill.loss_dist: 1.3693 2023/05/14 04:50:47 - mmengine - INFO - Epoch(train) [4][ 680/1879] lr: 2.0000e-02 eta: 1 day, 21:56:30 time: 0.8694 data_time: 0.0235 memory: 9812 grad_norm: 3.8723 loss: 4.0003 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.6093 distill.loss_dist: 1.3910 2023/05/14 04:51:02 - mmengine - INFO - Epoch(train) [4][ 700/1879] lr: 2.0000e-02 eta: 1 day, 21:54:48 time: 0.7650 data_time: 0.0254 memory: 9812 grad_norm: 3.7725 loss: 3.6413 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.2671 distill.loss_dist: 1.3742 2023/05/14 04:51:21 - mmengine - INFO - Epoch(train) [4][ 720/1879] lr: 2.0000e-02 eta: 1 day, 21:54:43 time: 0.9339 data_time: 0.0239 memory: 9812 grad_norm: 3.8864 loss: 3.9279 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.5413 distill.loss_dist: 1.3867 2023/05/14 04:51:37 - mmengine - INFO - Epoch(train) [4][ 740/1879] lr: 2.0000e-02 eta: 1 day, 21:53:36 time: 0.8240 data_time: 0.0285 memory: 9812 grad_norm: 3.8276 loss: 3.7787 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 2.4095 distill.loss_dist: 1.3692 2023/05/14 04:51:53 - mmengine - INFO - Epoch(train) [4][ 760/1879] lr: 2.0000e-02 eta: 1 day, 21:52:09 time: 0.7898 data_time: 0.0265 memory: 9812 grad_norm: 3.8673 loss: 3.6346 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2875 distill.loss_dist: 1.3471 2023/05/14 04:52:11 - mmengine - INFO - Epoch(train) [4][ 780/1879] lr: 2.0000e-02 eta: 1 day, 21:51:48 time: 0.9031 data_time: 0.0263 memory: 9812 grad_norm: 3.7761 loss: 3.7344 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.3546 distill.loss_dist: 1.3798 2023/05/14 04:52:28 - mmengine - INFO - Epoch(train) [4][ 800/1879] lr: 2.0000e-02 eta: 1 day, 21:50:38 time: 0.8185 data_time: 0.0257 memory: 9812 grad_norm: 3.8107 loss: 3.9436 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.5566 distill.loss_dist: 1.3870 2023/05/14 04:52:46 - mmengine - INFO - Epoch(train) [4][ 820/1879] lr: 2.0000e-02 eta: 1 day, 21:50:24 time: 0.9168 data_time: 0.0295 memory: 9812 grad_norm: 3.8824 loss: 3.6600 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.3180 distill.loss_dist: 1.3419 2023/05/14 04:53:02 - mmengine - INFO - Epoch(train) [4][ 840/1879] lr: 2.0000e-02 eta: 1 day, 21:49:16 time: 0.8206 data_time: 0.0223 memory: 9812 grad_norm: 3.8195 loss: 3.8979 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.5285 distill.loss_dist: 1.3695 2023/05/14 04:53:20 - mmengine - INFO - Epoch(train) [4][ 860/1879] lr: 2.0000e-02 eta: 1 day, 21:48:57 time: 0.9077 data_time: 0.0258 memory: 9812 grad_norm: 3.8046 loss: 3.5415 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 2.1965 distill.loss_dist: 1.3450 2023/05/14 04:53:37 - mmengine - INFO - Epoch(train) [4][ 880/1879] lr: 2.0000e-02 eta: 1 day, 21:47:45 time: 0.8131 data_time: 0.0279 memory: 9812 grad_norm: 3.8420 loss: 3.8688 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.4805 distill.loss_dist: 1.3883 2023/05/14 04:53:54 - mmengine - INFO - Epoch(train) [4][ 900/1879] lr: 2.0000e-02 eta: 1 day, 21:47:01 time: 0.8626 data_time: 0.0270 memory: 9812 grad_norm: 3.7972 loss: 3.7762 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.4152 distill.loss_dist: 1.3610 2023/05/14 04:54:13 - mmengine - INFO - Epoch(train) [4][ 920/1879] lr: 2.0000e-02 eta: 1 day, 21:47:08 time: 0.9545 data_time: 0.0249 memory: 9812 grad_norm: 3.7744 loss: 3.7497 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.3863 distill.loss_dist: 1.3635 2023/05/14 04:54:29 - mmengine - INFO - Epoch(train) [4][ 940/1879] lr: 2.0000e-02 eta: 1 day, 21:45:40 time: 0.7828 data_time: 0.0276 memory: 9812 grad_norm: 3.8158 loss: 3.5711 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 2.2008 distill.loss_dist: 1.3704 2023/05/14 04:54:49 - mmengine - INFO - Epoch(train) [4][ 960/1879] lr: 2.0000e-02 eta: 1 day, 21:46:33 time: 1.0376 data_time: 0.0292 memory: 9812 grad_norm: 3.8864 loss: 4.0401 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.6338 distill.loss_dist: 1.4062 2023/05/14 04:55:05 - mmengine - INFO - Epoch(train) [4][ 980/1879] lr: 2.0000e-02 eta: 1 day, 21:45:14 time: 0.7981 data_time: 0.0259 memory: 9812 grad_norm: 3.8514 loss: 3.6410 student.top1_acc: 0.1875 student.top5_acc: 0.6250 student.loss_cls: 2.2939 distill.loss_dist: 1.3471 2023/05/14 04:55:22 - mmengine - INFO - Epoch(train) [4][1000/1879] lr: 2.0000e-02 eta: 1 day, 21:44:06 time: 0.8171 data_time: 0.0292 memory: 9812 grad_norm: 3.8303 loss: 3.5594 student.top1_acc: 0.3750 student.top5_acc: 0.9375 student.loss_cls: 2.2156 distill.loss_dist: 1.3438 2023/05/14 04:55:40 - mmengine - INFO - Epoch(train) [4][1020/1879] lr: 2.0000e-02 eta: 1 day, 21:43:43 time: 0.8986 data_time: 0.0289 memory: 9812 grad_norm: 3.8188 loss: 3.6710 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.3195 distill.loss_dist: 1.3515 2023/05/14 04:55:56 - mmengine - INFO - Epoch(train) [4][1040/1879] lr: 2.0000e-02 eta: 1 day, 21:42:43 time: 0.8311 data_time: 0.0270 memory: 9812 grad_norm: 3.8559 loss: 3.6479 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.2519 distill.loss_dist: 1.3960 2023/05/14 04:56:14 - mmengine - INFO - Epoch(train) [4][1060/1879] lr: 2.0000e-02 eta: 1 day, 21:42:22 time: 0.9033 data_time: 0.0293 memory: 9812 grad_norm: 3.7247 loss: 3.6353 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2728 distill.loss_dist: 1.3625 2023/05/14 04:56:31 - mmengine - INFO - Epoch(train) [4][1080/1879] lr: 2.0000e-02 eta: 1 day, 21:41:13 time: 0.8132 data_time: 0.0293 memory: 9812 grad_norm: 3.7759 loss: 3.6878 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.3036 distill.loss_dist: 1.3843 2023/05/14 04:56:49 - mmengine - INFO - Epoch(train) [4][1100/1879] lr: 2.0000e-02 eta: 1 day, 21:40:49 time: 0.8984 data_time: 0.0280 memory: 9812 grad_norm: 3.8180 loss: 3.5991 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 2.2324 distill.loss_dist: 1.3667 2023/05/14 04:57:06 - mmengine - INFO - Epoch(train) [4][1120/1879] lr: 2.0000e-02 eta: 1 day, 21:40:21 time: 0.8891 data_time: 0.0274 memory: 9812 grad_norm: 3.8256 loss: 3.9606 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.5861 distill.loss_dist: 1.3745 2023/05/14 04:57:23 - mmengine - INFO - Epoch(train) [4][1140/1879] lr: 2.0000e-02 eta: 1 day, 21:39:14 time: 0.8156 data_time: 0.0253 memory: 9812 grad_norm: 3.7434 loss: 3.7347 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.3799 distill.loss_dist: 1.3548 2023/05/14 04:57:40 - mmengine - INFO - Epoch(train) [4][1160/1879] lr: 2.0000e-02 eta: 1 day, 21:38:41 time: 0.8801 data_time: 0.0250 memory: 9812 grad_norm: 3.7358 loss: 3.7368 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.3588 distill.loss_dist: 1.3780 2023/05/14 04:57:58 - mmengine - INFO - Epoch(train) [4][1180/1879] lr: 2.0000e-02 eta: 1 day, 21:38:03 time: 0.8700 data_time: 0.0241 memory: 9812 grad_norm: 3.7168 loss: 3.8362 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.4726 distill.loss_dist: 1.3636 2023/05/14 04:58:15 - mmengine - INFO - Epoch(train) [4][1200/1879] lr: 2.0000e-02 eta: 1 day, 21:37:27 time: 0.8730 data_time: 0.0256 memory: 9812 grad_norm: 3.8538 loss: 3.7089 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.3380 distill.loss_dist: 1.3709 2023/05/14 04:58:32 - mmengine - INFO - Epoch(train) [4][1220/1879] lr: 2.0000e-02 eta: 1 day, 21:36:34 time: 0.8418 data_time: 0.0282 memory: 9812 grad_norm: 3.7431 loss: 3.7207 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 2.3698 distill.loss_dist: 1.3509 2023/05/14 04:58:49 - mmengine - INFO - Epoch(train) [4][1240/1879] lr: 2.0000e-02 eta: 1 day, 21:35:42 time: 0.8428 data_time: 0.0284 memory: 9812 grad_norm: 3.7843 loss: 3.6883 student.top1_acc: 0.2500 student.top5_acc: 0.7500 student.loss_cls: 2.3261 distill.loss_dist: 1.3622 2023/05/14 04:59:08 - mmengine - INFO - Epoch(train) [4][1260/1879] lr: 2.0000e-02 eta: 1 day, 21:35:36 time: 0.9290 data_time: 0.0259 memory: 9812 grad_norm: 3.8160 loss: 3.8099 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.4235 distill.loss_dist: 1.3864 2023/05/14 04:59:25 - mmengine - INFO - Epoch(train) [4][1280/1879] lr: 2.0000e-02 eta: 1 day, 21:35:13 time: 0.8984 data_time: 0.0272 memory: 9812 grad_norm: 3.8588 loss: 3.7687 student.top1_acc: 0.3125 student.top5_acc: 0.3750 student.loss_cls: 2.4011 distill.loss_dist: 1.3676 2023/05/14 04:59:42 - mmengine - INFO - Epoch(train) [4][1300/1879] lr: 2.0000e-02 eta: 1 day, 21:34:10 time: 0.8210 data_time: 0.0295 memory: 9812 grad_norm: 3.7626 loss: 3.6876 student.top1_acc: 0.4375 student.top5_acc: 0.5000 student.loss_cls: 2.3404 distill.loss_dist: 1.3472 2023/05/14 04:59:59 - mmengine - INFO - Epoch(train) [4][1320/1879] lr: 2.0000e-02 eta: 1 day, 21:33:38 time: 0.8792 data_time: 0.0261 memory: 9812 grad_norm: 3.7760 loss: 3.7031 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.3586 distill.loss_dist: 1.3444 2023/05/14 05:00:16 - mmengine - INFO - Epoch(train) [4][1340/1879] lr: 2.0000e-02 eta: 1 day, 21:32:41 time: 0.8310 data_time: 0.0275 memory: 9812 grad_norm: 3.7660 loss: 3.8834 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.5168 distill.loss_dist: 1.3666 2023/05/14 05:00:33 - mmengine - INFO - Epoch(train) [4][1360/1879] lr: 2.0000e-02 eta: 1 day, 21:31:39 time: 0.8217 data_time: 0.0261 memory: 9812 grad_norm: 3.7436 loss: 3.9546 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.5877 distill.loss_dist: 1.3670 2023/05/14 05:00:37 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 05:00:51 - mmengine - INFO - Epoch(train) [4][1380/1879] lr: 2.0000e-02 eta: 1 day, 21:31:18 time: 0.9013 data_time: 0.0248 memory: 9812 grad_norm: 3.7239 loss: 3.7160 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.3706 distill.loss_dist: 1.3454 2023/05/14 05:01:08 - mmengine - INFO - Epoch(train) [4][1400/1879] lr: 2.0000e-02 eta: 1 day, 21:30:39 time: 0.8654 data_time: 0.0263 memory: 9812 grad_norm: 3.8142 loss: 4.1059 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.7143 distill.loss_dist: 1.3916 2023/05/14 05:01:26 - mmengine - INFO - Epoch(train) [4][1420/1879] lr: 2.0000e-02 eta: 1 day, 21:30:13 time: 0.8890 data_time: 0.0254 memory: 9812 grad_norm: 3.7523 loss: 3.5858 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.2394 distill.loss_dist: 1.3464 2023/05/14 05:01:44 - mmengine - INFO - Epoch(train) [4][1440/1879] lr: 2.0000e-02 eta: 1 day, 21:29:49 time: 0.8956 data_time: 0.0270 memory: 9812 grad_norm: 3.7578 loss: 3.4644 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 2.1029 distill.loss_dist: 1.3615 2023/05/14 05:02:00 - mmengine - INFO - Epoch(train) [4][1460/1879] lr: 2.0000e-02 eta: 1 day, 21:29:01 time: 0.8464 data_time: 0.0267 memory: 9812 grad_norm: 3.7894 loss: 3.4868 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.1302 distill.loss_dist: 1.3566 2023/05/14 05:02:17 - mmengine - INFO - Epoch(train) [4][1480/1879] lr: 2.0000e-02 eta: 1 day, 21:28:03 time: 0.8277 data_time: 0.0236 memory: 9812 grad_norm: 3.7341 loss: 3.7678 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.4002 distill.loss_dist: 1.3676 2023/05/14 05:02:35 - mmengine - INFO - Epoch(train) [4][1500/1879] lr: 2.0000e-02 eta: 1 day, 21:27:42 time: 0.8986 data_time: 0.0256 memory: 9812 grad_norm: 3.7714 loss: 3.4365 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0975 distill.loss_dist: 1.3390 2023/05/14 05:02:51 - mmengine - INFO - Epoch(train) [4][1520/1879] lr: 2.0000e-02 eta: 1 day, 21:26:36 time: 0.8107 data_time: 0.0261 memory: 9812 grad_norm: 3.8273 loss: 3.8423 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 2.4805 distill.loss_dist: 1.3618 2023/05/14 05:03:07 - mmengine - INFO - Epoch(train) [4][1540/1879] lr: 2.0000e-02 eta: 1 day, 21:25:29 time: 0.8081 data_time: 0.0259 memory: 9812 grad_norm: 3.7277 loss: 3.9403 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.5465 distill.loss_dist: 1.3938 2023/05/14 05:03:27 - mmengine - INFO - Epoch(train) [4][1560/1879] lr: 2.0000e-02 eta: 1 day, 21:25:40 time: 0.9640 data_time: 0.1301 memory: 9812 grad_norm: 3.7267 loss: 3.4112 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.0870 distill.loss_dist: 1.3242 2023/05/14 05:03:43 - mmengine - INFO - Epoch(train) [4][1580/1879] lr: 2.0000e-02 eta: 1 day, 21:24:47 time: 0.8352 data_time: 0.2382 memory: 9812 grad_norm: 3.7323 loss: 3.8288 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 2.4588 distill.loss_dist: 1.3700 2023/05/14 05:04:00 - mmengine - INFO - Epoch(train) [4][1600/1879] lr: 2.0000e-02 eta: 1 day, 21:23:51 time: 0.8275 data_time: 0.0639 memory: 9812 grad_norm: 3.7129 loss: 3.5619 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.2317 distill.loss_dist: 1.3302 2023/05/14 05:04:18 - mmengine - INFO - Epoch(train) [4][1620/1879] lr: 2.0000e-02 eta: 1 day, 21:23:35 time: 0.9102 data_time: 0.0586 memory: 9812 grad_norm: 3.7581 loss: 3.8146 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 2.4513 distill.loss_dist: 1.3633 2023/05/14 05:04:35 - mmengine - INFO - Epoch(train) [4][1640/1879] lr: 2.0000e-02 eta: 1 day, 21:22:48 time: 0.8454 data_time: 0.1396 memory: 9812 grad_norm: 3.7780 loss: 3.6170 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.2893 distill.loss_dist: 1.3277 2023/05/14 05:04:52 - mmengine - INFO - Epoch(train) [4][1660/1879] lr: 2.0000e-02 eta: 1 day, 21:21:51 time: 0.8254 data_time: 0.1083 memory: 9812 grad_norm: 3.7024 loss: 3.6137 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.2924 distill.loss_dist: 1.3213 2023/05/14 05:05:09 - mmengine - INFO - Epoch(train) [4][1680/1879] lr: 2.0000e-02 eta: 1 day, 21:21:27 time: 0.8942 data_time: 0.2006 memory: 9812 grad_norm: 3.7600 loss: 3.6484 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2749 distill.loss_dist: 1.3735 2023/05/14 05:05:27 - mmengine - INFO - Epoch(train) [4][1700/1879] lr: 2.0000e-02 eta: 1 day, 21:20:57 time: 0.8798 data_time: 0.0233 memory: 9812 grad_norm: 3.7104 loss: 3.8383 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.4941 distill.loss_dist: 1.3442 2023/05/14 05:05:45 - mmengine - INFO - Epoch(train) [4][1720/1879] lr: 2.0000e-02 eta: 1 day, 21:20:39 time: 0.9032 data_time: 0.0623 memory: 9812 grad_norm: 3.6783 loss: 3.6263 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.2814 distill.loss_dist: 1.3450 2023/05/14 05:06:02 - mmengine - INFO - Epoch(train) [4][1740/1879] lr: 2.0000e-02 eta: 1 day, 21:19:49 time: 0.8385 data_time: 0.1014 memory: 9812 grad_norm: 3.7450 loss: 3.7313 student.top1_acc: 0.2500 student.top5_acc: 0.7500 student.loss_cls: 2.3763 distill.loss_dist: 1.3550 2023/05/14 05:06:19 - mmengine - INFO - Epoch(train) [4][1760/1879] lr: 2.0000e-02 eta: 1 day, 21:18:55 time: 0.8310 data_time: 0.0243 memory: 9812 grad_norm: 3.6547 loss: 3.8715 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.5007 distill.loss_dist: 1.3708 2023/05/14 05:06:36 - mmengine - INFO - Epoch(train) [4][1780/1879] lr: 2.0000e-02 eta: 1 day, 21:18:27 time: 0.8826 data_time: 0.0303 memory: 9812 grad_norm: 3.7422 loss: 3.8678 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.4884 distill.loss_dist: 1.3794 2023/05/14 05:06:55 - mmengine - INFO - Epoch(train) [4][1800/1879] lr: 2.0000e-02 eta: 1 day, 21:18:37 time: 0.9632 data_time: 0.1459 memory: 9812 grad_norm: 3.7859 loss: 4.0501 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.6625 distill.loss_dist: 1.3876 2023/05/14 05:07:12 - mmengine - INFO - Epoch(train) [4][1820/1879] lr: 2.0000e-02 eta: 1 day, 21:17:47 time: 0.8371 data_time: 0.0249 memory: 9812 grad_norm: 3.7656 loss: 3.8911 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.5189 distill.loss_dist: 1.3721 2023/05/14 05:07:28 - mmengine - INFO - Epoch(train) [4][1840/1879] lr: 2.0000e-02 eta: 1 day, 21:16:35 time: 0.7912 data_time: 0.0259 memory: 9812 grad_norm: 3.6854 loss: 3.7285 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.3635 distill.loss_dist: 1.3650 2023/05/14 05:07:47 - mmengine - INFO - Epoch(train) [4][1860/1879] lr: 2.0000e-02 eta: 1 day, 21:16:38 time: 0.9481 data_time: 0.0256 memory: 9812 grad_norm: 3.7014 loss: 3.7646 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.4099 distill.loss_dist: 1.3547 2023/05/14 05:07:59 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 05:07:59 - mmengine - INFO - Epoch(train) [4][1879/1879] lr: 2.0000e-02 eta: 1 day, 21:14:28 time: 0.7635 data_time: 0.0205 memory: 9812 grad_norm: 3.7923 loss: 3.4309 student.top1_acc: 0.2857 student.top5_acc: 0.7143 student.loss_cls: 2.0772 distill.loss_dist: 1.3537 2023/05/14 05:08:19 - mmengine - INFO - Epoch(val) [4][ 20/155] eta: 0:02:09 time: 0.9614 data_time: 0.8913 memory: 1484 2023/05/14 05:08:32 - mmengine - INFO - Epoch(val) [4][ 40/155] eta: 0:01:34 time: 0.6838 data_time: 0.6174 memory: 1484 2023/05/14 05:08:51 - mmengine - INFO - Epoch(val) [4][ 60/155] eta: 0:01:20 time: 0.9112 data_time: 0.8433 memory: 1484 2023/05/14 05:09:04 - mmengine - INFO - Epoch(val) [4][ 80/155] eta: 0:01:00 time: 0.6682 data_time: 0.6029 memory: 1484 2023/05/14 05:09:23 - mmengine - INFO - Epoch(val) [4][100/155] eta: 0:00:45 time: 0.9510 data_time: 0.8837 memory: 1484 2023/05/14 05:09:36 - mmengine - INFO - Epoch(val) [4][120/155] eta: 0:00:28 time: 0.6746 data_time: 0.6110 memory: 1484 2023/05/14 05:09:57 - mmengine - INFO - Epoch(val) [4][140/155] eta: 0:00:12 time: 1.0498 data_time: 0.9902 memory: 1484 2023/05/14 05:10:26 - mmengine - INFO - Epoch(val) [4][ 20/155] eta: 0:16:22 time: 0.9883 data_time: 0.8340 memory: 1582 2023/05/14 05:10:41 - mmengine - INFO - Epoch(val) [4][ 40/155] eta: 0:07:39 time: 0.7072 data_time: 0.5564 memory: 1582 2023/05/14 05:10:59 - mmengine - INFO - Epoch(val) [4][ 60/155] eta: 0:04:42 time: 0.9407 data_time: 0.7863 memory: 1582 2023/05/14 05:11:13 - mmengine - INFO - Epoch(val) [4][ 80/155] eta: 0:02:59 time: 0.6593 data_time: 0.5059 memory: 1582 2023/05/14 05:11:31 - mmengine - INFO - Epoch(val) [4][100/155] eta: 0:01:55 time: 0.9460 data_time: 0.7942 memory: 1582 2023/05/14 05:11:46 - mmengine - INFO - Epoch(val) [4][120/155] eta: 0:01:05 time: 0.7126 data_time: 0.5613 memory: 1582 2023/05/14 05:12:06 - mmengine - INFO - Epoch(val) [4][140/155] eta: 0:00:26 time: 1.0039 data_time: 0.8473 memory: 1582 2023/05/14 05:12:15 - mmengine - INFO - Epoch(val) [4][155/155] acc/top1: 0.4845 acc/top5: 0.7516 acc/mean1: 0.4844 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6642 time: 0.8154 2023/05/14 05:12:15 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_3.pth is removed 2023/05/14 05:12:16 - mmengine - INFO - The best checkpoint with 0.4845 acc/top1 at 4 epoch is saved to best_acc_top1_epoch_4.pth. 2023/05/14 05:12:37 - mmengine - INFO - Epoch(train) [5][ 20/1879] lr: 2.0000e-02 eta: 1 day, 21:15:13 time: 1.0349 data_time: 0.5919 memory: 9812 grad_norm: 3.6761 loss: 3.5674 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.2360 distill.loss_dist: 1.3313 2023/05/14 05:12:54 - mmengine - INFO - Epoch(train) [5][ 40/1879] lr: 2.0000e-02 eta: 1 day, 21:14:23 time: 0.8368 data_time: 0.2854 memory: 9812 grad_norm: 3.7310 loss: 3.3131 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9923 distill.loss_dist: 1.3208 2023/05/14 05:13:10 - mmengine - INFO - Epoch(train) [5][ 60/1879] lr: 2.0000e-02 eta: 1 day, 21:13:28 time: 0.8252 data_time: 0.3454 memory: 9812 grad_norm: 3.7335 loss: 3.5013 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.1819 distill.loss_dist: 1.3194 2023/05/14 05:13:29 - mmengine - INFO - Epoch(train) [5][ 80/1879] lr: 2.0000e-02 eta: 1 day, 21:13:36 time: 0.9582 data_time: 0.2655 memory: 9812 grad_norm: 3.7665 loss: 3.3700 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.0718 distill.loss_dist: 1.2983 2023/05/14 05:13:46 - mmengine - INFO - Epoch(train) [5][ 100/1879] lr: 2.0000e-02 eta: 1 day, 21:12:44 time: 0.8315 data_time: 0.1050 memory: 9812 grad_norm: 3.7209 loss: 3.7042 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.3688 distill.loss_dist: 1.3354 2023/05/14 05:14:02 - mmengine - INFO - Epoch(train) [5][ 120/1879] lr: 2.0000e-02 eta: 1 day, 21:11:40 time: 0.8048 data_time: 0.0246 memory: 9812 grad_norm: 3.7121 loss: 3.8072 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.4343 distill.loss_dist: 1.3730 2023/05/14 05:14:21 - mmengine - INFO - Epoch(train) [5][ 140/1879] lr: 2.0000e-02 eta: 1 day, 21:11:44 time: 0.9492 data_time: 0.0406 memory: 9812 grad_norm: 3.7566 loss: 3.6939 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.3464 distill.loss_dist: 1.3475 2023/05/14 05:14:38 - mmengine - INFO - Epoch(train) [5][ 160/1879] lr: 2.0000e-02 eta: 1 day, 21:10:49 time: 0.8237 data_time: 0.0552 memory: 9812 grad_norm: 3.7709 loss: 3.6597 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2805 distill.loss_dist: 1.3791 2023/05/14 05:14:54 - mmengine - INFO - Epoch(train) [5][ 180/1879] lr: 2.0000e-02 eta: 1 day, 21:09:53 time: 0.8219 data_time: 0.0469 memory: 9812 grad_norm: 3.7010 loss: 3.5077 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1496 distill.loss_dist: 1.3581 2023/05/14 05:15:13 - mmengine - INFO - Epoch(train) [5][ 200/1879] lr: 2.0000e-02 eta: 1 day, 21:10:03 time: 0.9622 data_time: 0.1753 memory: 9812 grad_norm: 3.6313 loss: 3.6456 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.2866 distill.loss_dist: 1.3590 2023/05/14 05:15:29 - mmengine - INFO - Epoch(train) [5][ 220/1879] lr: 2.0000e-02 eta: 1 day, 21:09:03 time: 0.8116 data_time: 0.1301 memory: 9812 grad_norm: 3.7664 loss: 3.4500 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.1156 distill.loss_dist: 1.3344 2023/05/14 05:15:45 - mmengine - INFO - Epoch(train) [5][ 240/1879] lr: 2.0000e-02 eta: 1 day, 21:07:57 time: 0.7997 data_time: 0.1573 memory: 9812 grad_norm: 3.6900 loss: 3.4976 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.1633 distill.loss_dist: 1.3343 2023/05/14 05:16:05 - mmengine - INFO - Epoch(train) [5][ 260/1879] lr: 2.0000e-02 eta: 1 day, 21:08:08 time: 0.9658 data_time: 0.0334 memory: 9812 grad_norm: 3.7154 loss: 3.5992 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.2501 distill.loss_dist: 1.3492 2023/05/14 05:16:21 - mmengine - INFO - Epoch(train) [5][ 280/1879] lr: 2.0000e-02 eta: 1 day, 21:07:03 time: 0.7995 data_time: 0.0437 memory: 9812 grad_norm: 3.7785 loss: 4.0000 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.6308 distill.loss_dist: 1.3692 2023/05/14 05:16:37 - mmengine - INFO - Epoch(train) [5][ 300/1879] lr: 2.0000e-02 eta: 1 day, 21:06:13 time: 0.8325 data_time: 0.0313 memory: 9812 grad_norm: 3.8066 loss: 3.6070 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2374 distill.loss_dist: 1.3695 2023/05/14 05:16:56 - mmengine - INFO - Epoch(train) [5][ 320/1879] lr: 2.0000e-02 eta: 1 day, 21:06:10 time: 0.9335 data_time: 0.1264 memory: 9812 grad_norm: 3.7023 loss: 3.8391 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.4889 distill.loss_dist: 1.3502 2023/05/14 05:17:14 - mmengine - INFO - Epoch(train) [5][ 340/1879] lr: 2.0000e-02 eta: 1 day, 21:05:57 time: 0.9128 data_time: 0.1455 memory: 9812 grad_norm: 3.7608 loss: 3.7332 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.3794 distill.loss_dist: 1.3537 2023/05/14 05:17:31 - mmengine - INFO - Epoch(train) [5][ 360/1879] lr: 2.0000e-02 eta: 1 day, 21:05:08 time: 0.8349 data_time: 0.0319 memory: 9812 grad_norm: 3.7170 loss: 3.6424 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.3073 distill.loss_dist: 1.3351 2023/05/14 05:17:48 - mmengine - INFO - Epoch(train) [5][ 380/1879] lr: 2.0000e-02 eta: 1 day, 21:04:18 time: 0.8310 data_time: 0.0329 memory: 9812 grad_norm: 3.6951 loss: 3.6519 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.2834 distill.loss_dist: 1.3685 2023/05/14 05:18:05 - mmengine - INFO - Epoch(train) [5][ 400/1879] lr: 2.0000e-02 eta: 1 day, 21:03:51 time: 0.8816 data_time: 0.0394 memory: 9812 grad_norm: 3.7847 loss: 3.7135 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.3661 distill.loss_dist: 1.3474 2023/05/14 05:18:22 - mmengine - INFO - Epoch(train) [5][ 420/1879] lr: 2.0000e-02 eta: 1 day, 21:02:52 time: 0.8111 data_time: 0.0215 memory: 9812 grad_norm: 3.7118 loss: 3.9438 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.5651 distill.loss_dist: 1.3787 2023/05/14 05:18:40 - mmengine - INFO - Epoch(train) [5][ 440/1879] lr: 2.0000e-02 eta: 1 day, 21:02:44 time: 0.9233 data_time: 0.0267 memory: 9812 grad_norm: 3.7532 loss: 3.6739 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.3412 distill.loss_dist: 1.3328 2023/05/14 05:18:56 - mmengine - INFO - Epoch(train) [5][ 460/1879] lr: 2.0000e-02 eta: 1 day, 21:01:47 time: 0.8152 data_time: 0.0259 memory: 9812 grad_norm: 3.7262 loss: 3.7587 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.3926 distill.loss_dist: 1.3661 2023/05/14 05:19:13 - mmengine - INFO - Epoch(train) [5][ 480/1879] lr: 2.0000e-02 eta: 1 day, 21:01:10 time: 0.8578 data_time: 0.0237 memory: 9812 grad_norm: 3.7260 loss: 3.7090 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.3697 distill.loss_dist: 1.3394 2023/05/14 05:19:17 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 05:19:32 - mmengine - INFO - Epoch(train) [5][ 500/1879] lr: 2.0000e-02 eta: 1 day, 21:00:54 time: 0.9054 data_time: 0.0308 memory: 9812 grad_norm: 3.7090 loss: 3.6263 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.2820 distill.loss_dist: 1.3443 2023/05/14 05:19:48 - mmengine - INFO - Epoch(train) [5][ 520/1879] lr: 2.0000e-02 eta: 1 day, 21:00:01 time: 0.8244 data_time: 0.0257 memory: 9812 grad_norm: 3.6891 loss: 3.6785 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.3304 distill.loss_dist: 1.3481 2023/05/14 05:20:05 - mmengine - INFO - Epoch(train) [5][ 540/1879] lr: 2.0000e-02 eta: 1 day, 20:59:17 time: 0.8413 data_time: 0.0247 memory: 9812 grad_norm: 3.7629 loss: 3.8030 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 2.4415 distill.loss_dist: 1.3615 2023/05/14 05:20:24 - mmengine - INFO - Epoch(train) [5][ 560/1879] lr: 2.0000e-02 eta: 1 day, 20:59:16 time: 0.9388 data_time: 0.0263 memory: 9812 grad_norm: 3.6494 loss: 3.6018 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.2652 distill.loss_dist: 1.3366 2023/05/14 05:20:40 - mmengine - INFO - Epoch(train) [5][ 580/1879] lr: 2.0000e-02 eta: 1 day, 20:58:13 time: 0.7988 data_time: 0.0261 memory: 9812 grad_norm: 3.7644 loss: 3.7204 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.3951 distill.loss_dist: 1.3253 2023/05/14 05:20:57 - mmengine - INFO - Epoch(train) [5][ 600/1879] lr: 2.0000e-02 eta: 1 day, 20:57:45 time: 0.8779 data_time: 0.0443 memory: 9812 grad_norm: 3.7795 loss: 3.5791 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.2429 distill.loss_dist: 1.3362 2023/05/14 05:21:17 - mmengine - INFO - Epoch(train) [5][ 620/1879] lr: 2.0000e-02 eta: 1 day, 20:58:15 time: 1.0094 data_time: 0.0251 memory: 9812 grad_norm: 3.7382 loss: 3.6711 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.3047 distill.loss_dist: 1.3665 2023/05/14 05:21:34 - mmengine - INFO - Epoch(train) [5][ 640/1879] lr: 2.0000e-02 eta: 1 day, 20:57:23 time: 0.8241 data_time: 0.0237 memory: 9812 grad_norm: 3.7141 loss: 3.5865 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.2481 distill.loss_dist: 1.3384 2023/05/14 05:21:51 - mmengine - INFO - Epoch(train) [5][ 660/1879] lr: 2.0000e-02 eta: 1 day, 20:56:35 time: 0.8328 data_time: 0.0255 memory: 9812 grad_norm: 3.7047 loss: 3.5813 student.top1_acc: 0.1875 student.top5_acc: 0.6250 student.loss_cls: 2.2353 distill.loss_dist: 1.3460 2023/05/14 05:22:09 - mmengine - INFO - Epoch(train) [5][ 680/1879] lr: 2.0000e-02 eta: 1 day, 20:56:27 time: 0.9224 data_time: 0.0245 memory: 9812 grad_norm: 3.7172 loss: 3.6320 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.2850 distill.loss_dist: 1.3470 2023/05/14 05:22:25 - mmengine - INFO - Epoch(train) [5][ 700/1879] lr: 2.0000e-02 eta: 1 day, 20:55:28 time: 0.8074 data_time: 0.0288 memory: 9812 grad_norm: 3.6870 loss: 3.5034 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.1834 distill.loss_dist: 1.3200 2023/05/14 05:22:42 - mmengine - INFO - Epoch(train) [5][ 720/1879] lr: 2.0000e-02 eta: 1 day, 20:54:48 time: 0.8477 data_time: 0.0258 memory: 9812 grad_norm: 3.7038 loss: 3.6533 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.3231 distill.loss_dist: 1.3301 2023/05/14 05:22:59 - mmengine - INFO - Epoch(train) [5][ 740/1879] lr: 2.0000e-02 eta: 1 day, 20:54:12 time: 0.8598 data_time: 0.0251 memory: 9812 grad_norm: 3.5795 loss: 3.3789 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0475 distill.loss_dist: 1.3314 2023/05/14 05:23:16 - mmengine - INFO - Epoch(train) [5][ 760/1879] lr: 2.0000e-02 eta: 1 day, 20:53:32 time: 0.8486 data_time: 0.0276 memory: 9812 grad_norm: 3.6870 loss: 3.8128 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.4693 distill.loss_dist: 1.3435 2023/05/14 05:23:34 - mmengine - INFO - Epoch(train) [5][ 780/1879] lr: 2.0000e-02 eta: 1 day, 20:53:00 time: 0.8680 data_time: 0.0250 memory: 9812 grad_norm: 3.6594 loss: 3.3378 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 2.0163 distill.loss_dist: 1.3214 2023/05/14 05:23:52 - mmengine - INFO - Epoch(train) [5][ 800/1879] lr: 2.0000e-02 eta: 1 day, 20:52:40 time: 0.8956 data_time: 0.0241 memory: 9812 grad_norm: 3.7079 loss: 3.6170 student.top1_acc: 0.5000 student.top5_acc: 0.5000 student.loss_cls: 2.2980 distill.loss_dist: 1.3189 2023/05/14 05:24:09 - mmengine - INFO - Epoch(train) [5][ 820/1879] lr: 2.0000e-02 eta: 1 day, 20:52:07 time: 0.8633 data_time: 0.0474 memory: 9812 grad_norm: 3.7285 loss: 3.6232 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2731 distill.loss_dist: 1.3501 2023/05/14 05:24:26 - mmengine - INFO - Epoch(train) [5][ 840/1879] lr: 2.0000e-02 eta: 1 day, 20:51:27 time: 0.8489 data_time: 0.1462 memory: 9812 grad_norm: 3.7230 loss: 3.4566 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.1313 distill.loss_dist: 1.3253 2023/05/14 05:24:44 - mmengine - INFO - Epoch(train) [5][ 860/1879] lr: 2.0000e-02 eta: 1 day, 20:51:05 time: 0.8911 data_time: 0.2910 memory: 9812 grad_norm: 3.7316 loss: 3.6849 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.3318 distill.loss_dist: 1.3530 2023/05/14 05:25:01 - mmengine - INFO - Epoch(train) [5][ 880/1879] lr: 2.0000e-02 eta: 1 day, 20:50:27 time: 0.8522 data_time: 0.2641 memory: 9812 grad_norm: 3.7130 loss: 3.7318 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.3635 distill.loss_dist: 1.3683 2023/05/14 05:25:17 - mmengine - INFO - Epoch(train) [5][ 900/1879] lr: 2.0000e-02 eta: 1 day, 20:49:44 time: 0.8394 data_time: 0.3392 memory: 9812 grad_norm: 3.6732 loss: 3.7382 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.3797 distill.loss_dist: 1.3585 2023/05/14 05:25:34 - mmengine - INFO - Epoch(train) [5][ 920/1879] lr: 2.0000e-02 eta: 1 day, 20:48:48 time: 0.8098 data_time: 0.2923 memory: 9812 grad_norm: 3.6643 loss: 3.4787 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 2.1537 distill.loss_dist: 1.3251 2023/05/14 05:25:53 - mmengine - INFO - Epoch(train) [5][ 940/1879] lr: 2.0000e-02 eta: 1 day, 20:48:50 time: 0.9470 data_time: 0.1425 memory: 9812 grad_norm: 3.6373 loss: 3.4993 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1752 distill.loss_dist: 1.3241 2023/05/14 05:26:09 - mmengine - INFO - Epoch(train) [5][ 960/1879] lr: 2.0000e-02 eta: 1 day, 20:48:08 time: 0.8425 data_time: 0.1337 memory: 9812 grad_norm: 3.6668 loss: 3.6345 student.top1_acc: 0.2500 student.top5_acc: 0.8125 student.loss_cls: 2.2694 distill.loss_dist: 1.3651 2023/05/14 05:26:27 - mmengine - INFO - Epoch(train) [5][ 980/1879] lr: 2.0000e-02 eta: 1 day, 20:47:37 time: 0.8680 data_time: 0.1766 memory: 9812 grad_norm: 3.6217 loss: 3.7947 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.4355 distill.loss_dist: 1.3592 2023/05/14 05:26:46 - mmengine - INFO - Epoch(train) [5][1000/1879] lr: 2.0000e-02 eta: 1 day, 20:47:38 time: 0.9443 data_time: 0.3210 memory: 9812 grad_norm: 3.6925 loss: 3.7462 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.4132 distill.loss_dist: 1.3330 2023/05/14 05:27:01 - mmengine - INFO - Epoch(train) [5][1020/1879] lr: 2.0000e-02 eta: 1 day, 20:46:29 time: 0.7776 data_time: 0.1115 memory: 9812 grad_norm: 3.7316 loss: 3.4754 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1776 distill.loss_dist: 1.2978 2023/05/14 05:27:19 - mmengine - INFO - Epoch(train) [5][1040/1879] lr: 2.0000e-02 eta: 1 day, 20:46:05 time: 0.8827 data_time: 0.1447 memory: 9812 grad_norm: 3.6572 loss: 3.7379 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.3866 distill.loss_dist: 1.3513 2023/05/14 05:27:37 - mmengine - INFO - Epoch(train) [5][1060/1879] lr: 2.0000e-02 eta: 1 day, 20:45:44 time: 0.8910 data_time: 0.2135 memory: 9812 grad_norm: 3.6643 loss: 3.4602 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.1285 distill.loss_dist: 1.3317 2023/05/14 05:27:53 - mmengine - INFO - Epoch(train) [5][1080/1879] lr: 2.0000e-02 eta: 1 day, 20:44:57 time: 0.8307 data_time: 0.1058 memory: 9812 grad_norm: 3.7252 loss: 3.6398 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.2790 distill.loss_dist: 1.3607 2023/05/14 05:28:10 - mmengine - INFO - Epoch(train) [5][1100/1879] lr: 2.0000e-02 eta: 1 day, 20:44:12 time: 0.8333 data_time: 0.0240 memory: 9812 grad_norm: 3.7336 loss: 3.5809 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.2708 distill.loss_dist: 1.3101 2023/05/14 05:28:27 - mmengine - INFO - Epoch(train) [5][1120/1879] lr: 2.0000e-02 eta: 1 day, 20:43:41 time: 0.8676 data_time: 0.0260 memory: 9812 grad_norm: 3.6996 loss: 3.5391 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.1852 distill.loss_dist: 1.3539 2023/05/14 05:28:46 - mmengine - INFO - Epoch(train) [5][1140/1879] lr: 2.0000e-02 eta: 1 day, 20:43:38 time: 0.9328 data_time: 0.0284 memory: 9812 grad_norm: 3.7158 loss: 3.3663 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.0630 distill.loss_dist: 1.3033 2023/05/14 05:29:03 - mmengine - INFO - Epoch(train) [5][1160/1879] lr: 2.0000e-02 eta: 1 day, 20:42:52 time: 0.8302 data_time: 0.0266 memory: 9812 grad_norm: 3.7289 loss: 3.4731 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.1451 distill.loss_dist: 1.3280 2023/05/14 05:29:19 - mmengine - INFO - Epoch(train) [5][1180/1879] lr: 2.0000e-02 eta: 1 day, 20:42:06 time: 0.8306 data_time: 0.0252 memory: 9812 grad_norm: 3.7406 loss: 3.5014 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.1833 distill.loss_dist: 1.3181 2023/05/14 05:29:38 - mmengine - INFO - Epoch(train) [5][1200/1879] lr: 2.0000e-02 eta: 1 day, 20:41:54 time: 0.9136 data_time: 0.0271 memory: 9812 grad_norm: 3.6625 loss: 3.4787 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1725 distill.loss_dist: 1.3063 2023/05/14 05:29:55 - mmengine - INFO - Epoch(train) [5][1220/1879] lr: 2.0000e-02 eta: 1 day, 20:41:27 time: 0.8753 data_time: 0.0302 memory: 9812 grad_norm: 3.5962 loss: 3.4528 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.1328 distill.loss_dist: 1.3200 2023/05/14 05:30:12 - mmengine - INFO - Epoch(train) [5][1240/1879] lr: 2.0000e-02 eta: 1 day, 20:40:46 time: 0.8406 data_time: 0.0223 memory: 9812 grad_norm: 3.6712 loss: 3.5007 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.1718 distill.loss_dist: 1.3289 2023/05/14 05:30:31 - mmengine - INFO - Epoch(train) [5][1260/1879] lr: 2.0000e-02 eta: 1 day, 20:40:57 time: 0.9693 data_time: 0.0241 memory: 9812 grad_norm: 3.7370 loss: 3.8825 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.5252 distill.loss_dist: 1.3573 2023/05/14 05:30:48 - mmengine - INFO - Epoch(train) [5][1280/1879] lr: 2.0000e-02 eta: 1 day, 20:40:07 time: 0.8199 data_time: 0.0297 memory: 9812 grad_norm: 3.7211 loss: 3.4673 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.1405 distill.loss_dist: 1.3268 2023/05/14 05:31:04 - mmengine - INFO - Epoch(train) [5][1300/1879] lr: 2.0000e-02 eta: 1 day, 20:39:17 time: 0.8186 data_time: 0.0232 memory: 9812 grad_norm: 3.7301 loss: 3.9493 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.5843 distill.loss_dist: 1.3650 2023/05/14 05:31:24 - mmengine - INFO - Epoch(train) [5][1320/1879] lr: 2.0000e-02 eta: 1 day, 20:39:36 time: 0.9897 data_time: 0.0238 memory: 9812 grad_norm: 3.6778 loss: 3.6096 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2659 distill.loss_dist: 1.3437 2023/05/14 05:31:39 - mmengine - INFO - Epoch(train) [5][1340/1879] lr: 2.0000e-02 eta: 1 day, 20:38:30 time: 0.7787 data_time: 0.0264 memory: 9812 grad_norm: 3.6131 loss: 3.6721 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.3542 distill.loss_dist: 1.3179 2023/05/14 05:31:56 - mmengine - INFO - Epoch(train) [5][1360/1879] lr: 2.0000e-02 eta: 1 day, 20:37:44 time: 0.8279 data_time: 0.0269 memory: 9812 grad_norm: 3.6922 loss: 3.6017 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.2636 distill.loss_dist: 1.3382 2023/05/14 05:32:15 - mmengine - INFO - Epoch(train) [5][1380/1879] lr: 2.0000e-02 eta: 1 day, 20:37:49 time: 0.9554 data_time: 0.0247 memory: 9812 grad_norm: 3.6675 loss: 3.6149 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.2923 distill.loss_dist: 1.3226 2023/05/14 05:32:32 - mmengine - INFO - Epoch(train) [5][1400/1879] lr: 2.0000e-02 eta: 1 day, 20:37:01 time: 0.8229 data_time: 0.0266 memory: 9812 grad_norm: 3.6528 loss: 3.4804 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.1525 distill.loss_dist: 1.3279 2023/05/14 05:32:47 - mmengine - INFO - Epoch(train) [5][1420/1879] lr: 2.0000e-02 eta: 1 day, 20:36:03 time: 0.7959 data_time: 0.0274 memory: 9812 grad_norm: 3.6936 loss: 3.6908 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.3302 distill.loss_dist: 1.3606 2023/05/14 05:33:06 - mmengine - INFO - Epoch(train) [5][1440/1879] lr: 2.0000e-02 eta: 1 day, 20:35:57 time: 0.9278 data_time: 0.0272 memory: 9812 grad_norm: 3.6747 loss: 3.6990 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.3236 distill.loss_dist: 1.3754 2023/05/14 05:33:23 - mmengine - INFO - Epoch(train) [5][1460/1879] lr: 2.0000e-02 eta: 1 day, 20:35:19 time: 0.8464 data_time: 0.0251 memory: 9812 grad_norm: 3.7162 loss: 3.8196 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.4878 distill.loss_dist: 1.3318 2023/05/14 05:33:39 - mmengine - INFO - Epoch(train) [5][1480/1879] lr: 2.0000e-02 eta: 1 day, 20:34:27 time: 0.8117 data_time: 0.0298 memory: 9812 grad_norm: 3.6932 loss: 3.6989 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.3354 distill.loss_dist: 1.3635 2023/05/14 05:33:43 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 05:33:58 - mmengine - INFO - Epoch(train) [5][1500/1879] lr: 2.0000e-02 eta: 1 day, 20:34:28 time: 0.9444 data_time: 0.0246 memory: 9812 grad_norm: 3.6733 loss: 3.7028 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.3610 distill.loss_dist: 1.3417 2023/05/14 05:34:15 - mmengine - INFO - Epoch(train) [5][1520/1879] lr: 2.0000e-02 eta: 1 day, 20:33:49 time: 0.8444 data_time: 0.0302 memory: 9812 grad_norm: 3.5966 loss: 3.5952 student.top1_acc: 0.3125 student.top5_acc: 0.3125 student.loss_cls: 2.2512 distill.loss_dist: 1.3440 2023/05/14 05:34:31 - mmengine - INFO - Epoch(train) [5][1540/1879] lr: 2.0000e-02 eta: 1 day, 20:32:56 time: 0.8080 data_time: 0.0259 memory: 9812 grad_norm: 3.6802 loss: 3.5845 student.top1_acc: 0.1875 student.top5_acc: 0.6875 student.loss_cls: 2.2581 distill.loss_dist: 1.3264 2023/05/14 05:34:49 - mmengine - INFO - Epoch(train) [5][1560/1879] lr: 2.0000e-02 eta: 1 day, 20:32:39 time: 0.8983 data_time: 0.0284 memory: 9812 grad_norm: 3.7350 loss: 3.5562 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 2.2186 distill.loss_dist: 1.3376 2023/05/14 05:35:08 - mmengine - INFO - Epoch(train) [5][1580/1879] lr: 2.0000e-02 eta: 1 day, 20:32:40 time: 0.9465 data_time: 0.0268 memory: 9812 grad_norm: 3.7066 loss: 3.5142 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.1974 distill.loss_dist: 1.3168 2023/05/14 05:35:25 - mmengine - INFO - Epoch(train) [5][1600/1879] lr: 2.0000e-02 eta: 1 day, 20:32:06 time: 0.8555 data_time: 0.0238 memory: 9812 grad_norm: 3.6208 loss: 3.7273 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.3800 distill.loss_dist: 1.3473 2023/05/14 05:35:41 - mmengine - INFO - Epoch(train) [5][1620/1879] lr: 2.0000e-02 eta: 1 day, 20:31:10 time: 0.7988 data_time: 0.0285 memory: 9812 grad_norm: 3.7245 loss: 3.9802 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 2.5895 distill.loss_dist: 1.3906 2023/05/14 05:35:58 - mmengine - INFO - Epoch(train) [5][1640/1879] lr: 2.0000e-02 eta: 1 day, 20:30:40 time: 0.8652 data_time: 0.0269 memory: 9812 grad_norm: 3.6361 loss: 3.4600 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 2.1458 distill.loss_dist: 1.3142 2023/05/14 05:36:15 - mmengine - INFO - Epoch(train) [5][1660/1879] lr: 2.0000e-02 eta: 1 day, 20:30:05 time: 0.8539 data_time: 0.0258 memory: 9812 grad_norm: 3.6247 loss: 3.6655 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 2.3122 distill.loss_dist: 1.3532 2023/05/14 05:36:32 - mmengine - INFO - Epoch(train) [5][1680/1879] lr: 2.0000e-02 eta: 1 day, 20:29:27 time: 0.8444 data_time: 0.0264 memory: 9812 grad_norm: 3.7028 loss: 3.6353 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.3009 distill.loss_dist: 1.3345 2023/05/14 05:36:52 - mmengine - INFO - Epoch(train) [5][1700/1879] lr: 2.0000e-02 eta: 1 day, 20:29:33 time: 0.9582 data_time: 0.0288 memory: 9812 grad_norm: 3.6297 loss: 3.4944 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.1687 distill.loss_dist: 1.3257 2023/05/14 05:37:08 - mmengine - INFO - Epoch(train) [5][1720/1879] lr: 2.0000e-02 eta: 1 day, 20:28:55 time: 0.8431 data_time: 0.0264 memory: 9812 grad_norm: 3.6460 loss: 3.5358 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.1852 distill.loss_dist: 1.3505 2023/05/14 05:37:25 - mmengine - INFO - Epoch(train) [5][1740/1879] lr: 2.0000e-02 eta: 1 day, 20:28:16 time: 0.8417 data_time: 0.0263 memory: 9812 grad_norm: 3.6103 loss: 3.5142 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.1917 distill.loss_dist: 1.3225 2023/05/14 05:37:44 - mmengine - INFO - Epoch(train) [5][1760/1879] lr: 2.0000e-02 eta: 1 day, 20:28:11 time: 0.9319 data_time: 0.0280 memory: 9812 grad_norm: 3.5640 loss: 3.5398 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.2104 distill.loss_dist: 1.3293 2023/05/14 05:38:00 - mmengine - INFO - Epoch(train) [5][1780/1879] lr: 2.0000e-02 eta: 1 day, 20:27:27 time: 0.8266 data_time: 0.0262 memory: 9812 grad_norm: 3.6395 loss: 3.7164 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.3635 distill.loss_dist: 1.3529 2023/05/14 05:38:17 - mmengine - INFO - Epoch(train) [5][1800/1879] lr: 2.0000e-02 eta: 1 day, 20:26:40 time: 0.8201 data_time: 0.0250 memory: 9812 grad_norm: 3.6217 loss: 3.6465 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2944 distill.loss_dist: 1.3521 2023/05/14 05:38:36 - mmengine - INFO - Epoch(train) [5][1820/1879] lr: 2.0000e-02 eta: 1 day, 20:26:51 time: 0.9713 data_time: 0.0309 memory: 9812 grad_norm: 3.6778 loss: 3.6269 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2982 distill.loss_dist: 1.3288 2023/05/14 05:38:52 - mmengine - INFO - Epoch(train) [5][1840/1879] lr: 2.0000e-02 eta: 1 day, 20:25:57 time: 0.8025 data_time: 0.0260 memory: 9812 grad_norm: 3.6752 loss: 3.7177 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.3527 distill.loss_dist: 1.3650 2023/05/14 05:39:09 - mmengine - INFO - Epoch(train) [5][1860/1879] lr: 2.0000e-02 eta: 1 day, 20:25:19 time: 0.8438 data_time: 0.0247 memory: 9812 grad_norm: 3.5706 loss: 3.6448 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.2969 distill.loss_dist: 1.3479 2023/05/14 05:39:23 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 05:39:23 - mmengine - INFO - Epoch(train) [5][1879/1879] lr: 2.0000e-02 eta: 1 day, 20:24:03 time: 0.7205 data_time: 0.0224 memory: 9812 grad_norm: 3.7187 loss: 3.9377 student.top1_acc: 0.2857 student.top5_acc: 0.4286 student.loss_cls: 2.5541 distill.loss_dist: 1.3836 2023/05/14 05:39:43 - mmengine - INFO - Epoch(val) [5][ 20/155] eta: 0:02:12 time: 0.9826 data_time: 0.9195 memory: 1484 2023/05/14 05:39:56 - mmengine - INFO - Epoch(val) [5][ 40/155] eta: 0:01:35 time: 0.6720 data_time: 0.6039 memory: 1484 2023/05/14 05:40:15 - mmengine - INFO - Epoch(val) [5][ 60/155] eta: 0:01:21 time: 0.9203 data_time: 0.8616 memory: 1484 2023/05/14 05:40:27 - mmengine - INFO - Epoch(val) [5][ 80/155] eta: 0:00:59 time: 0.6247 data_time: 0.5618 memory: 1484 2023/05/14 05:40:46 - mmengine - INFO - Epoch(val) [5][100/155] eta: 0:00:45 time: 0.9546 data_time: 0.8897 memory: 1484 2023/05/14 05:40:59 - mmengine - INFO - Epoch(val) [5][120/155] eta: 0:00:27 time: 0.6444 data_time: 0.5783 memory: 1484 2023/05/14 05:41:19 - mmengine - INFO - Epoch(val) [5][140/155] eta: 0:00:12 time: 0.9998 data_time: 0.9361 memory: 1484 2023/05/14 05:41:50 - mmengine - INFO - Epoch(val) [5][ 20/155] eta: 0:16:15 time: 0.9823 data_time: 0.8276 memory: 1582 2023/05/14 05:42:04 - mmengine - INFO - Epoch(val) [5][ 40/155] eta: 0:07:36 time: 0.7070 data_time: 0.5503 memory: 1582 2023/05/14 05:42:23 - mmengine - INFO - Epoch(val) [5][ 60/155] eta: 0:04:42 time: 0.9729 data_time: 0.8197 memory: 1582 2023/05/14 05:42:37 - mmengine - INFO - Epoch(val) [5][ 80/155] eta: 0:02:59 time: 0.6879 data_time: 0.5350 memory: 1582 2023/05/14 05:42:56 - mmengine - INFO - Epoch(val) [5][100/155] eta: 0:01:56 time: 0.9504 data_time: 0.7945 memory: 1582 2023/05/14 05:43:09 - mmengine - INFO - Epoch(val) [5][120/155] eta: 0:01:05 time: 0.6406 data_time: 0.4902 memory: 1582 2023/05/14 05:43:28 - mmengine - INFO - Epoch(val) [5][140/155] eta: 0:00:26 time: 0.9759 data_time: 0.8236 memory: 1582 2023/05/14 05:43:39 - mmengine - INFO - Epoch(val) [5][155/155] acc/top1: 0.5064 acc/top5: 0.7687 acc/mean1: 0.5062 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6614 time: 0.8132 2023/05/14 05:43:39 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_4.pth is removed 2023/05/14 05:43:40 - mmengine - INFO - The best checkpoint with 0.5064 acc/top1 at 5 epoch is saved to best_acc_top1_epoch_5.pth. 2023/05/14 05:44:03 - mmengine - INFO - Epoch(train) [6][ 20/1879] lr: 2.0000e-02 eta: 1 day, 20:25:20 time: 1.1440 data_time: 0.7206 memory: 9812 grad_norm: 3.5868 loss: 3.3971 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 2.0765 distill.loss_dist: 1.3206 2023/05/14 05:44:19 - mmengine - INFO - Epoch(train) [6][ 40/1879] lr: 2.0000e-02 eta: 1 day, 20:24:34 time: 0.8217 data_time: 0.4049 memory: 9812 grad_norm: 3.6052 loss: 3.4293 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.1132 distill.loss_dist: 1.3161 2023/05/14 05:44:36 - mmengine - INFO - Epoch(train) [6][ 60/1879] lr: 2.0000e-02 eta: 1 day, 20:24:04 time: 0.8659 data_time: 0.4494 memory: 9812 grad_norm: 3.6279 loss: 3.3695 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.0537 distill.loss_dist: 1.3159 2023/05/14 05:44:55 - mmengine - INFO - Epoch(train) [6][ 80/1879] lr: 2.0000e-02 eta: 1 day, 20:24:01 time: 0.9330 data_time: 0.5030 memory: 9812 grad_norm: 3.6985 loss: 3.4972 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 2.1810 distill.loss_dist: 1.3162 2023/05/14 05:45:11 - mmengine - INFO - Epoch(train) [6][ 100/1879] lr: 2.0000e-02 eta: 1 day, 20:23:14 time: 0.8200 data_time: 0.3891 memory: 9812 grad_norm: 3.6956 loss: 3.6589 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.3345 distill.loss_dist: 1.3245 2023/05/14 05:45:28 - mmengine - INFO - Epoch(train) [6][ 120/1879] lr: 2.0000e-02 eta: 1 day, 20:22:24 time: 0.8109 data_time: 0.3833 memory: 9812 grad_norm: 3.7092 loss: 3.9960 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.6050 distill.loss_dist: 1.3910 2023/05/14 05:45:47 - mmengine - INFO - Epoch(train) [6][ 140/1879] lr: 2.0000e-02 eta: 1 day, 20:22:42 time: 0.9905 data_time: 0.5589 memory: 9812 grad_norm: 3.6232 loss: 3.4426 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 2.1145 distill.loss_dist: 1.3281 2023/05/14 05:46:04 - mmengine - INFO - Epoch(train) [6][ 160/1879] lr: 2.0000e-02 eta: 1 day, 20:21:53 time: 0.8117 data_time: 0.3830 memory: 9812 grad_norm: 3.6319 loss: 3.5824 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.2505 distill.loss_dist: 1.3319 2023/05/14 05:46:20 - mmengine - INFO - Epoch(train) [6][ 180/1879] lr: 2.0000e-02 eta: 1 day, 20:21:07 time: 0.8210 data_time: 0.3939 memory: 9812 grad_norm: 3.6350 loss: 3.3324 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0250 distill.loss_dist: 1.3075 2023/05/14 05:46:39 - mmengine - INFO - Epoch(train) [6][ 200/1879] lr: 2.0000e-02 eta: 1 day, 20:21:04 time: 0.9351 data_time: 0.5138 memory: 9812 grad_norm: 3.6710 loss: 3.5540 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 2.2368 distill.loss_dist: 1.3171 2023/05/14 05:46:55 - mmengine - INFO - Epoch(train) [6][ 220/1879] lr: 2.0000e-02 eta: 1 day, 20:20:22 time: 0.8298 data_time: 0.3973 memory: 9812 grad_norm: 3.6636 loss: 3.7978 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.4461 distill.loss_dist: 1.3517 2023/05/14 05:47:12 - mmengine - INFO - Epoch(train) [6][ 240/1879] lr: 2.0000e-02 eta: 1 day, 20:19:38 time: 0.8263 data_time: 0.3934 memory: 9812 grad_norm: 3.6572 loss: 3.5130 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.1866 distill.loss_dist: 1.3264 2023/05/14 05:47:29 - mmengine - INFO - Epoch(train) [6][ 260/1879] lr: 2.0000e-02 eta: 1 day, 20:19:10 time: 0.8661 data_time: 0.4444 memory: 9812 grad_norm: 3.6204 loss: 3.5888 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.2494 distill.loss_dist: 1.3394 2023/05/14 05:47:47 - mmengine - INFO - Epoch(train) [6][ 280/1879] lr: 2.0000e-02 eta: 1 day, 20:18:53 time: 0.8977 data_time: 0.4679 memory: 9812 grad_norm: 3.5405 loss: 3.5670 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2422 distill.loss_dist: 1.3248 2023/05/14 05:48:04 - mmengine - INFO - Epoch(train) [6][ 300/1879] lr: 2.0000e-02 eta: 1 day, 20:18:18 time: 0.8501 data_time: 0.4247 memory: 9812 grad_norm: 3.6092 loss: 3.5379 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2391 distill.loss_dist: 1.2987 2023/05/14 05:48:20 - mmengine - INFO - Epoch(train) [6][ 320/1879] lr: 2.0000e-02 eta: 1 day, 20:17:28 time: 0.8073 data_time: 0.3868 memory: 9812 grad_norm: 3.5419 loss: 3.4927 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.1819 distill.loss_dist: 1.3108 2023/05/14 05:48:38 - mmengine - INFO - Epoch(train) [6][ 340/1879] lr: 2.0000e-02 eta: 1 day, 20:17:11 time: 0.8971 data_time: 0.4754 memory: 9812 grad_norm: 3.7238 loss: 3.7285 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.3652 distill.loss_dist: 1.3633 2023/05/14 05:48:54 - mmengine - INFO - Epoch(train) [6][ 360/1879] lr: 2.0000e-02 eta: 1 day, 20:16:16 time: 0.7933 data_time: 0.3052 memory: 9812 grad_norm: 3.6269 loss: 3.4206 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.1172 distill.loss_dist: 1.3035 2023/05/14 05:49:13 - mmengine - INFO - Epoch(train) [6][ 380/1879] lr: 2.0000e-02 eta: 1 day, 20:16:24 time: 0.9653 data_time: 0.4645 memory: 9812 grad_norm: 3.6172 loss: 3.6887 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.3493 distill.loss_dist: 1.3394 2023/05/14 05:49:30 - mmengine - INFO - Epoch(train) [6][ 400/1879] lr: 2.0000e-02 eta: 1 day, 20:15:46 time: 0.8390 data_time: 0.2847 memory: 9812 grad_norm: 3.7237 loss: 3.7048 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 2.3700 distill.loss_dist: 1.3348 2023/05/14 05:49:48 - mmengine - INFO - Epoch(train) [6][ 420/1879] lr: 2.0000e-02 eta: 1 day, 20:15:25 time: 0.8863 data_time: 0.0865 memory: 9812 grad_norm: 3.6214 loss: 3.6052 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 2.2622 distill.loss_dist: 1.3430 2023/05/14 05:50:05 - mmengine - INFO - Epoch(train) [6][ 440/1879] lr: 2.0000e-02 eta: 1 day, 20:14:53 time: 0.8572 data_time: 0.0275 memory: 9812 grad_norm: 3.6255 loss: 3.6008 student.top1_acc: 0.1875 student.top5_acc: 0.6250 student.loss_cls: 2.2788 distill.loss_dist: 1.3220 2023/05/14 05:50:22 - mmengine - INFO - Epoch(train) [6][ 460/1879] lr: 2.0000e-02 eta: 1 day, 20:14:19 time: 0.8498 data_time: 0.0266 memory: 9812 grad_norm: 3.6609 loss: 3.6367 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.3051 distill.loss_dist: 1.3316 2023/05/14 05:50:40 - mmengine - INFO - Epoch(train) [6][ 480/1879] lr: 2.0000e-02 eta: 1 day, 20:14:04 time: 0.9022 data_time: 0.0261 memory: 9812 grad_norm: 3.6263 loss: 3.5628 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 2.2404 distill.loss_dist: 1.3225 2023/05/14 05:50:56 - mmengine - INFO - Epoch(train) [6][ 500/1879] lr: 2.0000e-02 eta: 1 day, 20:13:13 time: 0.8026 data_time: 0.0244 memory: 9812 grad_norm: 3.6139 loss: 3.4433 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.1255 distill.loss_dist: 1.3178 2023/05/14 05:51:12 - mmengine - INFO - Epoch(train) [6][ 520/1879] lr: 2.0000e-02 eta: 1 day, 20:12:25 time: 0.8087 data_time: 0.0256 memory: 9812 grad_norm: 3.5941 loss: 3.4811 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.1638 distill.loss_dist: 1.3173 2023/05/14 05:51:31 - mmengine - INFO - Epoch(train) [6][ 540/1879] lr: 2.0000e-02 eta: 1 day, 20:12:25 time: 0.9462 data_time: 0.0273 memory: 9812 grad_norm: 3.5641 loss: 3.5211 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.2064 distill.loss_dist: 1.3147 2023/05/14 05:51:49 - mmengine - INFO - Epoch(train) [6][ 560/1879] lr: 2.0000e-02 eta: 1 day, 20:12:00 time: 0.8732 data_time: 0.0291 memory: 9812 grad_norm: 3.6641 loss: 3.6820 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.3408 distill.loss_dist: 1.3412 2023/05/14 05:52:06 - mmengine - INFO - Epoch(train) [6][ 580/1879] lr: 2.0000e-02 eta: 1 day, 20:11:21 time: 0.8361 data_time: 0.0254 memory: 9812 grad_norm: 3.6128 loss: 3.7356 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.3731 distill.loss_dist: 1.3625 2023/05/14 05:52:24 - mmengine - INFO - Epoch(train) [6][ 600/1879] lr: 2.0000e-02 eta: 1 day, 20:11:21 time: 0.9434 data_time: 0.0277 memory: 9812 grad_norm: 3.6049 loss: 3.5167 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.1944 distill.loss_dist: 1.3222 2023/05/14 05:52:29 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 05:52:41 - mmengine - INFO - Epoch(train) [6][ 620/1879] lr: 2.0000e-02 eta: 1 day, 20:10:44 time: 0.8407 data_time: 0.0257 memory: 9812 grad_norm: 3.6263 loss: 3.5017 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.1650 distill.loss_dist: 1.3367 2023/05/14 05:52:58 - mmengine - INFO - Epoch(train) [6][ 640/1879] lr: 2.0000e-02 eta: 1 day, 20:10:02 time: 0.8265 data_time: 0.0248 memory: 9812 grad_norm: 3.6336 loss: 3.4934 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.1585 distill.loss_dist: 1.3349 2023/05/14 05:53:16 - mmengine - INFO - Epoch(train) [6][ 660/1879] lr: 2.0000e-02 eta: 1 day, 20:09:56 time: 0.9279 data_time: 0.0251 memory: 9812 grad_norm: 3.6553 loss: 3.5015 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1632 distill.loss_dist: 1.3382 2023/05/14 05:53:33 - mmengine - INFO - Epoch(train) [6][ 680/1879] lr: 2.0000e-02 eta: 1 day, 20:09:20 time: 0.8416 data_time: 0.0280 memory: 9812 grad_norm: 3.5474 loss: 3.5328 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 2.2075 distill.loss_dist: 1.3253 2023/05/14 05:53:50 - mmengine - INFO - Epoch(train) [6][ 700/1879] lr: 2.0000e-02 eta: 1 day, 20:08:45 time: 0.8461 data_time: 0.0259 memory: 9812 grad_norm: 3.6408 loss: 3.4819 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 2.1696 distill.loss_dist: 1.3123 2023/05/14 05:54:09 - mmengine - INFO - Epoch(train) [6][ 720/1879] lr: 2.0000e-02 eta: 1 day, 20:08:45 time: 0.9434 data_time: 0.0279 memory: 9812 grad_norm: 3.6296 loss: 3.6321 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.2929 distill.loss_dist: 1.3391 2023/05/14 05:54:25 - mmengine - INFO - Epoch(train) [6][ 740/1879] lr: 2.0000e-02 eta: 1 day, 20:08:01 time: 0.8212 data_time: 0.0264 memory: 9812 grad_norm: 3.6428 loss: 3.6596 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.3319 distill.loss_dist: 1.3277 2023/05/14 05:54:42 - mmengine - INFO - Epoch(train) [6][ 760/1879] lr: 2.0000e-02 eta: 1 day, 20:07:21 time: 0.8281 data_time: 0.0241 memory: 9812 grad_norm: 3.5719 loss: 3.5600 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2250 distill.loss_dist: 1.3350 2023/05/14 05:55:00 - mmengine - INFO - Epoch(train) [6][ 780/1879] lr: 2.0000e-02 eta: 1 day, 20:07:07 time: 0.9069 data_time: 0.0260 memory: 9812 grad_norm: 3.6038 loss: 3.4951 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.1716 distill.loss_dist: 1.3234 2023/05/14 05:55:18 - mmengine - INFO - Epoch(train) [6][ 800/1879] lr: 2.0000e-02 eta: 1 day, 20:06:58 time: 0.9173 data_time: 0.0286 memory: 9812 grad_norm: 3.5888 loss: 3.6962 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.3641 distill.loss_dist: 1.3321 2023/05/14 05:55:34 - mmengine - INFO - Epoch(train) [6][ 820/1879] lr: 2.0000e-02 eta: 1 day, 20:05:54 time: 0.7612 data_time: 0.0509 memory: 9812 grad_norm: 3.5514 loss: 3.5125 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.1838 distill.loss_dist: 1.3287 2023/05/14 05:55:52 - mmengine - INFO - Epoch(train) [6][ 840/1879] lr: 2.0000e-02 eta: 1 day, 20:05:47 time: 0.9266 data_time: 0.1752 memory: 9812 grad_norm: 3.5724 loss: 3.3703 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0559 distill.loss_dist: 1.3144 2023/05/14 05:56:09 - mmengine - INFO - Epoch(train) [6][ 860/1879] lr: 2.0000e-02 eta: 1 day, 20:05:18 time: 0.8605 data_time: 0.0337 memory: 9812 grad_norm: 3.6807 loss: 3.2668 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9533 distill.loss_dist: 1.3134 2023/05/14 05:56:26 - mmengine - INFO - Epoch(train) [6][ 880/1879] lr: 2.0000e-02 eta: 1 day, 20:04:43 time: 0.8443 data_time: 0.0453 memory: 9812 grad_norm: 3.6081 loss: 3.2398 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9490 distill.loss_dist: 1.2908 2023/05/14 05:56:45 - mmengine - INFO - Epoch(train) [6][ 900/1879] lr: 2.0000e-02 eta: 1 day, 20:04:32 time: 0.9129 data_time: 0.0275 memory: 9812 grad_norm: 3.6047 loss: 3.5572 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.2363 distill.loss_dist: 1.3210 2023/05/14 05:57:00 - mmengine - INFO - Epoch(train) [6][ 920/1879] lr: 2.0000e-02 eta: 1 day, 20:03:40 time: 0.7954 data_time: 0.0276 memory: 9812 grad_norm: 3.5672 loss: 3.6076 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.2816 distill.loss_dist: 1.3260 2023/05/14 05:57:19 - mmengine - INFO - Epoch(train) [6][ 940/1879] lr: 2.0000e-02 eta: 1 day, 20:03:28 time: 0.9085 data_time: 0.0220 memory: 9812 grad_norm: 3.5758 loss: 3.2256 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.9166 distill.loss_dist: 1.3090 2023/05/14 05:57:37 - mmengine - INFO - Epoch(train) [6][ 960/1879] lr: 2.0000e-02 eta: 1 day, 20:03:17 time: 0.9140 data_time: 0.0243 memory: 9812 grad_norm: 3.5465 loss: 3.4894 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 2.1799 distill.loss_dist: 1.3095 2023/05/14 05:57:54 - mmengine - INFO - Epoch(train) [6][ 980/1879] lr: 2.0000e-02 eta: 1 day, 20:02:39 time: 0.8327 data_time: 0.0293 memory: 9812 grad_norm: 3.5676 loss: 3.5953 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.2807 distill.loss_dist: 1.3145 2023/05/14 05:58:10 - mmengine - INFO - Epoch(train) [6][1000/1879] lr: 2.0000e-02 eta: 1 day, 20:01:51 time: 0.8054 data_time: 0.0252 memory: 9812 grad_norm: 3.6344 loss: 3.4979 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.1681 distill.loss_dist: 1.3298 2023/05/14 05:58:27 - mmengine - INFO - Epoch(train) [6][1020/1879] lr: 2.0000e-02 eta: 1 day, 20:01:19 time: 0.8528 data_time: 0.0274 memory: 9812 grad_norm: 3.6433 loss: 3.4770 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.1770 distill.loss_dist: 1.3000 2023/05/14 05:58:44 - mmengine - INFO - Epoch(train) [6][1040/1879] lr: 2.0000e-02 eta: 1 day, 20:00:51 time: 0.8638 data_time: 0.0426 memory: 9812 grad_norm: 3.5761 loss: 3.3418 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.0470 distill.loss_dist: 1.2948 2023/05/14 05:59:01 - mmengine - INFO - Epoch(train) [6][1060/1879] lr: 2.0000e-02 eta: 1 day, 20:00:23 time: 0.8628 data_time: 0.1283 memory: 9812 grad_norm: 3.6331 loss: 3.6299 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.3094 distill.loss_dist: 1.3205 2023/05/14 05:59:19 - mmengine - INFO - Epoch(train) [6][1080/1879] lr: 2.0000e-02 eta: 1 day, 20:00:09 time: 0.9047 data_time: 0.3561 memory: 9812 grad_norm: 3.5852 loss: 3.7348 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.4027 distill.loss_dist: 1.3321 2023/05/14 05:59:37 - mmengine - INFO - Epoch(train) [6][1100/1879] lr: 2.0000e-02 eta: 1 day, 19:59:47 time: 0.8785 data_time: 0.2596 memory: 9812 grad_norm: 3.6437 loss: 3.5967 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.2683 distill.loss_dist: 1.3285 2023/05/14 05:59:54 - mmengine - INFO - Epoch(train) [6][1120/1879] lr: 2.0000e-02 eta: 1 day, 19:59:23 time: 0.8738 data_time: 0.1349 memory: 9812 grad_norm: 3.5682 loss: 3.5499 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.2406 distill.loss_dist: 1.3093 2023/05/14 06:00:12 - mmengine - INFO - Epoch(train) [6][1140/1879] lr: 2.0000e-02 eta: 1 day, 19:58:54 time: 0.8608 data_time: 0.0348 memory: 9812 grad_norm: 3.5741 loss: 3.5175 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.2056 distill.loss_dist: 1.3119 2023/05/14 06:00:29 - mmengine - INFO - Epoch(train) [6][1160/1879] lr: 2.0000e-02 eta: 1 day, 19:58:23 time: 0.8528 data_time: 0.0260 memory: 9812 grad_norm: 3.5764 loss: 3.4238 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 2.1116 distill.loss_dist: 1.3123 2023/05/14 06:00:46 - mmengine - INFO - Epoch(train) [6][1180/1879] lr: 2.0000e-02 eta: 1 day, 19:57:58 time: 0.8738 data_time: 0.0254 memory: 9812 grad_norm: 3.5975 loss: 3.5625 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2362 distill.loss_dist: 1.3263 2023/05/14 06:01:02 - mmengine - INFO - Epoch(train) [6][1200/1879] lr: 2.0000e-02 eta: 1 day, 19:57:10 time: 0.8023 data_time: 0.0331 memory: 9812 grad_norm: 3.5858 loss: 3.6892 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.3772 distill.loss_dist: 1.3120 2023/05/14 06:01:20 - mmengine - INFO - Epoch(train) [6][1220/1879] lr: 2.0000e-02 eta: 1 day, 19:56:59 time: 0.9131 data_time: 0.0241 memory: 9812 grad_norm: 3.5953 loss: 3.2202 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.9273 distill.loss_dist: 1.2930 2023/05/14 06:01:37 - mmengine - INFO - Epoch(train) [6][1240/1879] lr: 2.0000e-02 eta: 1 day, 19:56:22 time: 0.8322 data_time: 0.0262 memory: 9812 grad_norm: 3.6138 loss: 3.3934 student.top1_acc: 0.3125 student.top5_acc: 0.4375 student.loss_cls: 2.0779 distill.loss_dist: 1.3154 2023/05/14 06:01:56 - mmengine - INFO - Epoch(train) [6][1260/1879] lr: 2.0000e-02 eta: 1 day, 19:56:14 time: 0.9220 data_time: 0.0261 memory: 9812 grad_norm: 3.5743 loss: 3.5738 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.2451 distill.loss_dist: 1.3287 2023/05/14 06:02:12 - mmengine - INFO - Epoch(train) [6][1280/1879] lr: 2.0000e-02 eta: 1 day, 19:55:39 time: 0.8432 data_time: 0.1169 memory: 9812 grad_norm: 3.5738 loss: 3.7127 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 2.3675 distill.loss_dist: 1.3452 2023/05/14 06:02:30 - mmengine - INFO - Epoch(train) [6][1300/1879] lr: 2.0000e-02 eta: 1 day, 19:55:13 time: 0.8674 data_time: 0.1093 memory: 9812 grad_norm: 3.6262 loss: 3.2307 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9416 distill.loss_dist: 1.2891 2023/05/14 06:02:47 - mmengine - INFO - Epoch(train) [6][1320/1879] lr: 2.0000e-02 eta: 1 day, 19:54:52 time: 0.8809 data_time: 0.0275 memory: 9812 grad_norm: 3.5533 loss: 3.4279 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 2.1249 distill.loss_dist: 1.3030 2023/05/14 06:03:05 - mmengine - INFO - Epoch(train) [6][1340/1879] lr: 2.0000e-02 eta: 1 day, 19:54:21 time: 0.8545 data_time: 0.0266 memory: 9812 grad_norm: 3.5879 loss: 3.4463 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.1344 distill.loss_dist: 1.3119 2023/05/14 06:03:23 - mmengine - INFO - Epoch(train) [6][1360/1879] lr: 2.0000e-02 eta: 1 day, 19:54:07 time: 0.9016 data_time: 0.0262 memory: 9812 grad_norm: 3.5528 loss: 3.4047 student.top1_acc: 0.2500 student.top5_acc: 0.8750 student.loss_cls: 2.1062 distill.loss_dist: 1.2985 2023/05/14 06:03:39 - mmengine - INFO - Epoch(train) [6][1380/1879] lr: 2.0000e-02 eta: 1 day, 19:53:34 time: 0.8460 data_time: 0.0272 memory: 9812 grad_norm: 3.6425 loss: 3.6669 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 2.3440 distill.loss_dist: 1.3229 2023/05/14 06:03:57 - mmengine - INFO - Epoch(train) [6][1400/1879] lr: 2.0000e-02 eta: 1 day, 19:53:04 time: 0.8580 data_time: 0.0250 memory: 9812 grad_norm: 3.5661 loss: 3.7437 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.3957 distill.loss_dist: 1.3480 2023/05/14 06:04:15 - mmengine - INFO - Epoch(train) [6][1420/1879] lr: 2.0000e-02 eta: 1 day, 19:52:58 time: 0.9257 data_time: 0.0261 memory: 9812 grad_norm: 3.5785 loss: 3.3965 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 2.1191 distill.loss_dist: 1.2775 2023/05/14 06:04:31 - mmengine - INFO - Epoch(train) [6][1440/1879] lr: 2.0000e-02 eta: 1 day, 19:52:10 time: 0.7998 data_time: 0.0292 memory: 9812 grad_norm: 3.5821 loss: 3.3779 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.0487 distill.loss_dist: 1.3292 2023/05/14 06:04:49 - mmengine - INFO - Epoch(train) [6][1460/1879] lr: 2.0000e-02 eta: 1 day, 19:51:45 time: 0.8726 data_time: 0.0260 memory: 9812 grad_norm: 3.6656 loss: 3.5583 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2226 distill.loss_dist: 1.3357 2023/05/14 06:05:06 - mmengine - INFO - Epoch(train) [6][1480/1879] lr: 2.0000e-02 eta: 1 day, 19:51:23 time: 0.8773 data_time: 0.0411 memory: 9812 grad_norm: 3.5813 loss: 3.6446 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.2940 distill.loss_dist: 1.3506 2023/05/14 06:05:23 - mmengine - INFO - Epoch(train) [6][1500/1879] lr: 2.0000e-02 eta: 1 day, 19:50:44 time: 0.8260 data_time: 0.0247 memory: 9812 grad_norm: 3.5424 loss: 3.5397 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2295 distill.loss_dist: 1.3103 2023/05/14 06:05:41 - mmengine - INFO - Epoch(train) [6][1520/1879] lr: 2.0000e-02 eta: 1 day, 19:50:32 time: 0.9113 data_time: 0.0267 memory: 9812 grad_norm: 3.5522 loss: 3.4086 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.1021 distill.loss_dist: 1.3065 2023/05/14 06:05:58 - mmengine - INFO - Epoch(train) [6][1540/1879] lr: 2.0000e-02 eta: 1 day, 19:50:03 time: 0.8576 data_time: 0.0303 memory: 9812 grad_norm: 3.5876 loss: 3.6175 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 2.2664 distill.loss_dist: 1.3511 2023/05/14 06:06:15 - mmengine - INFO - Epoch(train) [6][1560/1879] lr: 2.0000e-02 eta: 1 day, 19:49:27 time: 0.8339 data_time: 0.0273 memory: 9812 grad_norm: 3.6294 loss: 3.5660 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.2420 distill.loss_dist: 1.3239 2023/05/14 06:06:34 - mmengine - INFO - Epoch(train) [6][1580/1879] lr: 2.0000e-02 eta: 1 day, 19:49:38 time: 0.9805 data_time: 0.0272 memory: 9812 grad_norm: 3.5766 loss: 3.4645 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.1497 distill.loss_dist: 1.3148 2023/05/14 06:06:50 - mmengine - INFO - Epoch(train) [6][1600/1879] lr: 2.0000e-02 eta: 1 day, 19:48:47 time: 0.7909 data_time: 0.0288 memory: 9812 grad_norm: 3.5267 loss: 3.4992 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 2.1872 distill.loss_dist: 1.3120 2023/05/14 06:06:55 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 06:07:07 - mmengine - INFO - Epoch(train) [6][1620/1879] lr: 2.0000e-02 eta: 1 day, 19:48:13 time: 0.8406 data_time: 0.0255 memory: 9812 grad_norm: 3.4907 loss: 3.6117 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.3013 distill.loss_dist: 1.3104 2023/05/14 06:07:25 - mmengine - INFO - Epoch(train) [6][1640/1879] lr: 2.0000e-02 eta: 1 day, 19:47:51 time: 0.8773 data_time: 0.0279 memory: 9812 grad_norm: 3.5305 loss: 3.5408 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.2171 distill.loss_dist: 1.3237 2023/05/14 06:07:41 - mmengine - INFO - Epoch(train) [6][1660/1879] lr: 2.0000e-02 eta: 1 day, 19:47:10 time: 0.8193 data_time: 0.0267 memory: 9812 grad_norm: 3.5530 loss: 3.3580 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.0642 distill.loss_dist: 1.2939 2023/05/14 06:08:00 - mmengine - INFO - Epoch(train) [6][1680/1879] lr: 2.0000e-02 eta: 1 day, 19:47:07 time: 0.9389 data_time: 0.0269 memory: 9812 grad_norm: 3.5168 loss: 3.7421 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.3925 distill.loss_dist: 1.3496 2023/05/14 06:08:16 - mmengine - INFO - Epoch(train) [6][1700/1879] lr: 2.0000e-02 eta: 1 day, 19:46:24 time: 0.8123 data_time: 0.0254 memory: 9812 grad_norm: 3.5897 loss: 3.6009 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.2531 distill.loss_dist: 1.3478 2023/05/14 06:08:33 - mmengine - INFO - Epoch(train) [6][1720/1879] lr: 2.0000e-02 eta: 1 day, 19:45:54 time: 0.8516 data_time: 0.0259 memory: 9812 grad_norm: 3.4984 loss: 3.4516 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.1505 distill.loss_dist: 1.3011 2023/05/14 06:08:52 - mmengine - INFO - Epoch(train) [6][1740/1879] lr: 2.0000e-02 eta: 1 day, 19:45:50 time: 0.9363 data_time: 0.0273 memory: 9812 grad_norm: 3.5113 loss: 3.6137 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2877 distill.loss_dist: 1.3260 2023/05/14 06:09:09 - mmengine - INFO - Epoch(train) [6][1760/1879] lr: 2.0000e-02 eta: 1 day, 19:45:18 time: 0.8454 data_time: 0.0287 memory: 9812 grad_norm: 3.5978 loss: 3.3079 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.0132 distill.loss_dist: 1.2947 2023/05/14 06:09:25 - mmengine - INFO - Epoch(train) [6][1780/1879] lr: 2.0000e-02 eta: 1 day, 19:44:39 time: 0.8265 data_time: 0.0266 memory: 9812 grad_norm: 3.5916 loss: 3.5013 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.2008 distill.loss_dist: 1.3005 2023/05/14 06:09:44 - mmengine - INFO - Epoch(train) [6][1800/1879] lr: 2.0000e-02 eta: 1 day, 19:44:40 time: 0.9500 data_time: 0.0232 memory: 9812 grad_norm: 3.5500 loss: 3.6232 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.2830 distill.loss_dist: 1.3402 2023/05/14 06:10:00 - mmengine - INFO - Epoch(train) [6][1820/1879] lr: 2.0000e-02 eta: 1 day, 19:43:52 time: 0.7948 data_time: 0.0287 memory: 9812 grad_norm: 3.5856 loss: 3.4894 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.1769 distill.loss_dist: 1.3125 2023/05/14 06:10:18 - mmengine - INFO - Epoch(train) [6][1840/1879] lr: 2.0000e-02 eta: 1 day, 19:43:30 time: 0.8788 data_time: 0.0308 memory: 9812 grad_norm: 3.6299 loss: 3.5966 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.2793 distill.loss_dist: 1.3173 2023/05/14 06:10:35 - mmengine - INFO - Epoch(train) [6][1860/1879] lr: 2.0000e-02 eta: 1 day, 19:43:11 time: 0.8875 data_time: 0.0295 memory: 9812 grad_norm: 3.5261 loss: 3.3943 student.top1_acc: 0.2500 student.top5_acc: 0.4375 student.loss_cls: 2.0973 distill.loss_dist: 1.2970 2023/05/14 06:10:49 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 06:10:49 - mmengine - INFO - Epoch(train) [6][1879/1879] lr: 2.0000e-02 eta: 1 day, 19:41:55 time: 0.6813 data_time: 0.0212 memory: 9812 grad_norm: 3.6072 loss: 3.3732 student.top1_acc: 0.4286 student.top5_acc: 0.5714 student.loss_cls: 2.0625 distill.loss_dist: 1.3108 2023/05/14 06:10:49 - mmengine - INFO - Saving checkpoint at 6 epochs 2023/05/14 06:11:09 - mmengine - INFO - Epoch(val) [6][ 20/155] eta: 0:02:10 time: 0.9699 data_time: 0.9091 memory: 1484 2023/05/14 06:11:23 - mmengine - INFO - Epoch(val) [6][ 40/155] eta: 0:01:36 time: 0.7074 data_time: 0.6402 memory: 1484 2023/05/14 06:11:41 - mmengine - INFO - Epoch(val) [6][ 60/155] eta: 0:01:21 time: 0.8884 data_time: 0.8135 memory: 1484 2023/05/14 06:11:55 - mmengine - INFO - Epoch(val) [6][ 80/155] eta: 0:01:00 time: 0.6736 data_time: 0.6079 memory: 1484 2023/05/14 06:12:13 - mmengine - INFO - Epoch(val) [6][100/155] eta: 0:00:45 time: 0.9077 data_time: 0.8404 memory: 1484 2023/05/14 06:12:26 - mmengine - INFO - Epoch(val) [6][120/155] eta: 0:00:28 time: 0.6809 data_time: 0.6179 memory: 1484 2023/05/14 06:12:46 - mmengine - INFO - Epoch(val) [6][140/155] eta: 0:00:12 time: 1.0034 data_time: 0.9403 memory: 1484 2023/05/14 06:13:16 - mmengine - INFO - Epoch(val) [6][ 20/155] eta: 0:16:15 time: 1.0075 data_time: 0.8556 memory: 1582 2023/05/14 06:13:30 - mmengine - INFO - Epoch(val) [6][ 40/155] eta: 0:07:37 time: 0.7215 data_time: 0.5698 memory: 1582 2023/05/14 06:13:48 - mmengine - INFO - Epoch(val) [6][ 60/155] eta: 0:04:40 time: 0.9132 data_time: 0.7630 memory: 1582 2023/05/14 06:14:03 - mmengine - INFO - Epoch(val) [6][ 80/155] eta: 0:02:59 time: 0.7167 data_time: 0.5658 memory: 1582 2023/05/14 06:14:21 - mmengine - INFO - Epoch(val) [6][100/155] eta: 0:01:55 time: 0.9159 data_time: 0.7634 memory: 1582 2023/05/14 06:14:36 - mmengine - INFO - Epoch(val) [6][120/155] eta: 0:01:05 time: 0.7366 data_time: 0.5835 memory: 1582 2023/05/14 06:14:56 - mmengine - INFO - Epoch(val) [6][140/155] eta: 0:00:26 time: 1.0350 data_time: 0.8832 memory: 1582 2023/05/14 06:15:05 - mmengine - INFO - Epoch(val) [6][155/155] acc/top1: 0.5296 acc/top5: 0.7803 acc/mean1: 0.5294 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6721 time: 0.8219 2023/05/14 06:15:05 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_5.pth is removed 2023/05/14 06:15:06 - mmengine - INFO - The best checkpoint with 0.5296 acc/top1 at 6 epoch is saved to best_acc_top1_epoch_6.pth. 2023/05/14 06:15:27 - mmengine - INFO - Epoch(train) [7][ 20/1879] lr: 2.0000e-02 eta: 1 day, 19:42:20 time: 1.0249 data_time: 0.6094 memory: 9812 grad_norm: 3.4781 loss: 3.5426 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.2198 distill.loss_dist: 1.3229 2023/05/14 06:15:43 - mmengine - INFO - Epoch(train) [7][ 40/1879] lr: 2.0000e-02 eta: 1 day, 19:41:47 time: 0.8437 data_time: 0.4366 memory: 9812 grad_norm: 3.5415 loss: 3.4881 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.1641 distill.loss_dist: 1.3240 2023/05/14 06:16:00 - mmengine - INFO - Epoch(train) [7][ 60/1879] lr: 2.0000e-02 eta: 1 day, 19:41:13 time: 0.8400 data_time: 0.2727 memory: 9812 grad_norm: 3.5708 loss: 3.3201 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.0264 distill.loss_dist: 1.2938 2023/05/14 06:16:20 - mmengine - INFO - Epoch(train) [7][ 80/1879] lr: 2.0000e-02 eta: 1 day, 19:41:27 time: 0.9917 data_time: 0.2437 memory: 9812 grad_norm: 3.4563 loss: 3.1124 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.8257 distill.loss_dist: 1.2868 2023/05/14 06:16:36 - mmengine - INFO - Epoch(train) [7][ 100/1879] lr: 2.0000e-02 eta: 1 day, 19:40:36 time: 0.7853 data_time: 0.1964 memory: 9812 grad_norm: 3.5432 loss: 3.4254 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.1047 distill.loss_dist: 1.3207 2023/05/14 06:16:53 - mmengine - INFO - Epoch(train) [7][ 120/1879] lr: 2.0000e-02 eta: 1 day, 19:40:08 time: 0.8556 data_time: 0.1422 memory: 9812 grad_norm: 3.5697 loss: 3.4130 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.0915 distill.loss_dist: 1.3215 2023/05/14 06:17:12 - mmengine - INFO - Epoch(train) [7][ 140/1879] lr: 2.0000e-02 eta: 1 day, 19:40:10 time: 0.9552 data_time: 0.4070 memory: 9812 grad_norm: 3.5700 loss: 3.5488 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.2351 distill.loss_dist: 1.3136 2023/05/14 06:17:28 - mmengine - INFO - Epoch(train) [7][ 160/1879] lr: 2.0000e-02 eta: 1 day, 19:39:30 time: 0.8209 data_time: 0.3958 memory: 9812 grad_norm: 3.5736 loss: 3.4258 student.top1_acc: 0.3125 student.top5_acc: 0.9375 student.loss_cls: 2.1201 distill.loss_dist: 1.3057 2023/05/14 06:17:45 - mmengine - INFO - Epoch(train) [7][ 180/1879] lr: 2.0000e-02 eta: 1 day, 19:38:50 time: 0.8158 data_time: 0.3937 memory: 9812 grad_norm: 3.5348 loss: 3.4750 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 2.1865 distill.loss_dist: 1.2885 2023/05/14 06:18:04 - mmengine - INFO - Epoch(train) [7][ 200/1879] lr: 2.0000e-02 eta: 1 day, 19:38:53 time: 0.9590 data_time: 0.5330 memory: 9812 grad_norm: 3.6098 loss: 3.4388 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.1380 distill.loss_dist: 1.3007 2023/05/14 06:18:21 - mmengine - INFO - Epoch(train) [7][ 220/1879] lr: 2.0000e-02 eta: 1 day, 19:38:19 time: 0.8399 data_time: 0.4034 memory: 9812 grad_norm: 3.5739 loss: 3.3288 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 2.0349 distill.loss_dist: 1.2939 2023/05/14 06:18:37 - mmengine - INFO - Epoch(train) [7][ 240/1879] lr: 2.0000e-02 eta: 1 day, 19:37:39 time: 0.8152 data_time: 0.2925 memory: 9812 grad_norm: 3.5088 loss: 3.5041 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.1993 distill.loss_dist: 1.3048 2023/05/14 06:18:56 - mmengine - INFO - Epoch(train) [7][ 260/1879] lr: 2.0000e-02 eta: 1 day, 19:37:42 time: 0.9597 data_time: 0.4784 memory: 9812 grad_norm: 3.5521 loss: 3.5548 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 2.2334 distill.loss_dist: 1.3214 2023/05/14 06:19:13 - mmengine - INFO - Epoch(train) [7][ 280/1879] lr: 2.0000e-02 eta: 1 day, 19:37:08 time: 0.8392 data_time: 0.3942 memory: 9812 grad_norm: 3.5239 loss: 3.4106 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0962 distill.loss_dist: 1.3144 2023/05/14 06:19:29 - mmengine - INFO - Epoch(train) [7][ 300/1879] lr: 2.0000e-02 eta: 1 day, 19:36:19 time: 0.7878 data_time: 0.3479 memory: 9812 grad_norm: 3.5356 loss: 3.3854 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.0737 distill.loss_dist: 1.3117 2023/05/14 06:19:48 - mmengine - INFO - Epoch(train) [7][ 320/1879] lr: 2.0000e-02 eta: 1 day, 19:36:16 time: 0.9386 data_time: 0.4632 memory: 9812 grad_norm: 3.6238 loss: 3.3730 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.0942 distill.loss_dist: 1.2788 2023/05/14 06:20:04 - mmengine - INFO - Epoch(train) [7][ 340/1879] lr: 2.0000e-02 eta: 1 day, 19:35:34 time: 0.8095 data_time: 0.3003 memory: 9812 grad_norm: 3.5359 loss: 3.3852 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0584 distill.loss_dist: 1.3268 2023/05/14 06:20:21 - mmengine - INFO - Epoch(train) [7][ 360/1879] lr: 2.0000e-02 eta: 1 day, 19:35:00 time: 0.8385 data_time: 0.3707 memory: 9812 grad_norm: 3.5982 loss: 3.5980 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.2710 distill.loss_dist: 1.3270 2023/05/14 06:20:40 - mmengine - INFO - Epoch(train) [7][ 380/1879] lr: 2.0000e-02 eta: 1 day, 19:35:03 time: 0.9566 data_time: 0.3821 memory: 9812 grad_norm: 3.5112 loss: 3.3093 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 2.0191 distill.loss_dist: 1.2902 2023/05/14 06:20:55 - mmengine - INFO - Epoch(train) [7][ 400/1879] lr: 2.0000e-02 eta: 1 day, 19:34:14 time: 0.7878 data_time: 0.3203 memory: 9812 grad_norm: 3.5463 loss: 3.4262 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.1413 distill.loss_dist: 1.2848 2023/05/14 06:21:11 - mmengine - INFO - Epoch(train) [7][ 420/1879] lr: 2.0000e-02 eta: 1 day, 19:33:28 time: 0.7955 data_time: 0.3312 memory: 9812 grad_norm: 3.5232 loss: 3.4989 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 2.1909 distill.loss_dist: 1.3079 2023/05/14 06:21:31 - mmengine - INFO - Epoch(train) [7][ 440/1879] lr: 2.0000e-02 eta: 1 day, 19:33:35 time: 0.9735 data_time: 0.3383 memory: 9812 grad_norm: 3.5285 loss: 3.4142 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.0979 distill.loss_dist: 1.3163 2023/05/14 06:21:48 - mmengine - INFO - Epoch(train) [7][ 460/1879] lr: 2.0000e-02 eta: 1 day, 19:33:02 time: 0.8386 data_time: 0.2247 memory: 9812 grad_norm: 3.4975 loss: 3.2491 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.9601 distill.loss_dist: 1.2890 2023/05/14 06:22:05 - mmengine - INFO - Epoch(train) [7][ 480/1879] lr: 2.0000e-02 eta: 1 day, 19:32:35 time: 0.8616 data_time: 0.3004 memory: 9812 grad_norm: 3.5337 loss: 3.3772 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 2.0609 distill.loss_dist: 1.3163 2023/05/14 06:22:23 - mmengine - INFO - Epoch(train) [7][ 500/1879] lr: 2.0000e-02 eta: 1 day, 19:32:30 time: 0.9295 data_time: 0.2120 memory: 9812 grad_norm: 3.5124 loss: 3.4007 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0833 distill.loss_dist: 1.3174 2023/05/14 06:22:39 - mmengine - INFO - Epoch(train) [7][ 520/1879] lr: 2.0000e-02 eta: 1 day, 19:31:41 time: 0.7865 data_time: 0.1016 memory: 9812 grad_norm: 3.4887 loss: 3.4333 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.1228 distill.loss_dist: 1.3104 2023/05/14 06:22:56 - mmengine - INFO - Epoch(train) [7][ 540/1879] lr: 2.0000e-02 eta: 1 day, 19:31:07 time: 0.8365 data_time: 0.0351 memory: 9812 grad_norm: 3.5657 loss: 3.5614 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.2394 distill.loss_dist: 1.3220 2023/05/14 06:23:14 - mmengine - INFO - Epoch(train) [7][ 560/1879] lr: 2.0000e-02 eta: 1 day, 19:30:51 time: 0.8967 data_time: 0.0297 memory: 9812 grad_norm: 3.5907 loss: 3.5890 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.2384 distill.loss_dist: 1.3506 2023/05/14 06:23:31 - mmengine - INFO - Epoch(train) [7][ 580/1879] lr: 2.0000e-02 eta: 1 day, 19:30:20 time: 0.8424 data_time: 0.0271 memory: 9812 grad_norm: 3.6093 loss: 3.1503 student.top1_acc: 0.4375 student.top5_acc: 0.5000 student.loss_cls: 1.8778 distill.loss_dist: 1.2725 2023/05/14 06:23:48 - mmengine - INFO - Epoch(train) [7][ 600/1879] lr: 2.0000e-02 eta: 1 day, 19:29:52 time: 0.8562 data_time: 0.0264 memory: 9812 grad_norm: 3.5549 loss: 3.5640 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2578 distill.loss_dist: 1.3062 2023/05/14 06:24:06 - mmengine - INFO - Epoch(train) [7][ 620/1879] lr: 2.0000e-02 eta: 1 day, 19:29:38 time: 0.9020 data_time: 0.0316 memory: 9812 grad_norm: 3.6214 loss: 3.5459 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.2179 distill.loss_dist: 1.3281 2023/05/14 06:24:24 - mmengine - INFO - Epoch(train) [7][ 640/1879] lr: 2.0000e-02 eta: 1 day, 19:29:26 time: 0.9086 data_time: 0.0261 memory: 9812 grad_norm: 3.5891 loss: 3.7707 student.top1_acc: 0.5625 student.top5_acc: 0.5625 student.loss_cls: 2.4309 distill.loss_dist: 1.3398 2023/05/14 06:24:41 - mmengine - INFO - Epoch(train) [7][ 660/1879] lr: 2.0000e-02 eta: 1 day, 19:28:57 time: 0.8539 data_time: 0.0278 memory: 9812 grad_norm: 3.5678 loss: 3.5019 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.1806 distill.loss_dist: 1.3213 2023/05/14 06:24:59 - mmengine - INFO - Epoch(train) [7][ 680/1879] lr: 2.0000e-02 eta: 1 day, 19:28:42 time: 0.8985 data_time: 0.0256 memory: 9812 grad_norm: 3.5731 loss: 3.3527 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.0578 distill.loss_dist: 1.2949 2023/05/14 06:25:15 - mmengine - INFO - Epoch(train) [7][ 700/1879] lr: 2.0000e-02 eta: 1 day, 19:28:02 time: 0.8137 data_time: 0.0295 memory: 9812 grad_norm: 3.5821 loss: 3.4674 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.1597 distill.loss_dist: 1.3078 2023/05/14 06:25:34 - mmengine - INFO - Epoch(train) [7][ 720/1879] lr: 2.0000e-02 eta: 1 day, 19:27:56 time: 0.9308 data_time: 0.0316 memory: 9812 grad_norm: 3.5749 loss: 3.5291 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.2013 distill.loss_dist: 1.3279 2023/05/14 06:25:39 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 06:25:50 - mmengine - INFO - Epoch(train) [7][ 740/1879] lr: 2.0000e-02 eta: 1 day, 19:27:15 time: 0.8097 data_time: 0.0262 memory: 9812 grad_norm: 3.5689 loss: 3.6199 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.3009 distill.loss_dist: 1.3190 2023/05/14 06:26:08 - mmengine - INFO - Epoch(train) [7][ 760/1879] lr: 2.0000e-02 eta: 1 day, 19:27:02 time: 0.9064 data_time: 0.0275 memory: 9812 grad_norm: 3.6100 loss: 3.5261 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.1990 distill.loss_dist: 1.3270 2023/05/14 06:26:26 - mmengine - INFO - Epoch(train) [7][ 780/1879] lr: 2.0000e-02 eta: 1 day, 19:26:35 time: 0.8582 data_time: 0.0304 memory: 9812 grad_norm: 3.5842 loss: 3.4045 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.0936 distill.loss_dist: 1.3109 2023/05/14 06:26:43 - mmengine - INFO - Epoch(train) [7][ 800/1879] lr: 2.0000e-02 eta: 1 day, 19:26:09 time: 0.8594 data_time: 0.0247 memory: 9812 grad_norm: 3.5453 loss: 3.6868 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.3522 distill.loss_dist: 1.3346 2023/05/14 06:27:01 - mmengine - INFO - Epoch(train) [7][ 820/1879] lr: 2.0000e-02 eta: 1 day, 19:25:54 time: 0.9003 data_time: 0.0258 memory: 9812 grad_norm: 3.4895 loss: 3.5284 student.top1_acc: 0.5625 student.top5_acc: 0.5625 student.loss_cls: 2.2175 distill.loss_dist: 1.3109 2023/05/14 06:27:17 - mmengine - INFO - Epoch(train) [7][ 840/1879] lr: 2.0000e-02 eta: 1 day, 19:25:13 time: 0.8071 data_time: 0.0279 memory: 9812 grad_norm: 3.5850 loss: 3.1925 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.9153 distill.loss_dist: 1.2772 2023/05/14 06:27:35 - mmengine - INFO - Epoch(train) [7][ 860/1879] lr: 2.0000e-02 eta: 1 day, 19:25:06 time: 0.9282 data_time: 0.0266 memory: 9812 grad_norm: 3.5041 loss: 3.6289 student.top1_acc: 0.1250 student.top5_acc: 0.4375 student.loss_cls: 2.2851 distill.loss_dist: 1.3437 2023/05/14 06:27:53 - mmengine - INFO - Epoch(train) [7][ 880/1879] lr: 2.0000e-02 eta: 1 day, 19:24:44 time: 0.8746 data_time: 0.0262 memory: 9812 grad_norm: 3.5796 loss: 3.5360 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 2.2251 distill.loss_dist: 1.3110 2023/05/14 06:28:09 - mmengine - INFO - Epoch(train) [7][ 900/1879] lr: 2.0000e-02 eta: 1 day, 19:24:04 time: 0.8116 data_time: 0.0281 memory: 9812 grad_norm: 3.3737 loss: 3.2688 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.9679 distill.loss_dist: 1.3010 2023/05/14 06:28:27 - mmengine - INFO - Epoch(train) [7][ 920/1879] lr: 2.0000e-02 eta: 1 day, 19:23:45 time: 0.8840 data_time: 0.0290 memory: 9812 grad_norm: 3.5906 loss: 3.3761 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.0613 distill.loss_dist: 1.3148 2023/05/14 06:28:43 - mmengine - INFO - Epoch(train) [7][ 940/1879] lr: 2.0000e-02 eta: 1 day, 19:23:10 time: 0.8291 data_time: 0.0300 memory: 9812 grad_norm: 3.5020 loss: 3.5436 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.2306 distill.loss_dist: 1.3130 2023/05/14 06:29:01 - mmengine - INFO - Epoch(train) [7][ 960/1879] lr: 2.0000e-02 eta: 1 day, 19:22:42 time: 0.8546 data_time: 0.0249 memory: 9812 grad_norm: 3.4916 loss: 3.4412 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.1379 distill.loss_dist: 1.3033 2023/05/14 06:29:18 - mmengine - INFO - Epoch(train) [7][ 980/1879] lr: 2.0000e-02 eta: 1 day, 19:22:22 time: 0.8805 data_time: 0.0271 memory: 9812 grad_norm: 3.5392 loss: 3.2717 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9831 distill.loss_dist: 1.2886 2023/05/14 06:29:36 - mmengine - INFO - Epoch(train) [7][1000/1879] lr: 2.0000e-02 eta: 1 day, 19:22:03 time: 0.8850 data_time: 0.0275 memory: 9812 grad_norm: 3.4904 loss: 3.3422 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 2.0557 distill.loss_dist: 1.2864 2023/05/14 06:29:53 - mmengine - INFO - Epoch(train) [7][1020/1879] lr: 2.0000e-02 eta: 1 day, 19:21:30 time: 0.8361 data_time: 0.0575 memory: 9812 grad_norm: 3.5361 loss: 3.5379 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 2.2592 distill.loss_dist: 1.2787 2023/05/14 06:30:12 - mmengine - INFO - Epoch(train) [7][1040/1879] lr: 2.0000e-02 eta: 1 day, 19:21:31 time: 0.9542 data_time: 0.1305 memory: 9812 grad_norm: 3.5039 loss: 3.2882 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9977 distill.loss_dist: 1.2905 2023/05/14 06:30:28 - mmengine - INFO - Epoch(train) [7][1060/1879] lr: 2.0000e-02 eta: 1 day, 19:20:53 time: 0.8185 data_time: 0.0255 memory: 9812 grad_norm: 3.4653 loss: 3.2041 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9376 distill.loss_dist: 1.2665 2023/05/14 06:30:44 - mmengine - INFO - Epoch(train) [7][1080/1879] lr: 2.0000e-02 eta: 1 day, 19:20:15 time: 0.8167 data_time: 0.0499 memory: 9812 grad_norm: 3.5615 loss: 3.3469 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.0388 distill.loss_dist: 1.3081 2023/05/14 06:31:04 - mmengine - INFO - Epoch(train) [7][1100/1879] lr: 2.0000e-02 eta: 1 day, 19:20:19 time: 0.9667 data_time: 0.0256 memory: 9812 grad_norm: 3.5021 loss: 3.3702 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.0759 distill.loss_dist: 1.2944 2023/05/14 06:31:21 - mmengine - INFO - Epoch(train) [7][1120/1879] lr: 2.0000e-02 eta: 1 day, 19:19:54 time: 0.8621 data_time: 0.0286 memory: 9812 grad_norm: 3.5210 loss: 3.4256 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1278 distill.loss_dist: 1.2978 2023/05/14 06:31:37 - mmengine - INFO - Epoch(train) [7][1140/1879] lr: 2.0000e-02 eta: 1 day, 19:19:09 time: 0.7926 data_time: 0.0283 memory: 9812 grad_norm: 3.5798 loss: 3.5276 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.2173 distill.loss_dist: 1.3103 2023/05/14 06:31:56 - mmengine - INFO - Epoch(train) [7][1160/1879] lr: 2.0000e-02 eta: 1 day, 19:19:17 time: 0.9795 data_time: 0.0240 memory: 9812 grad_norm: 3.5281 loss: 3.3833 student.top1_acc: 0.4375 student.top5_acc: 0.5000 student.loss_cls: 2.0844 distill.loss_dist: 1.2989 2023/05/14 06:32:13 - mmengine - INFO - Epoch(train) [7][1180/1879] lr: 2.0000e-02 eta: 1 day, 19:18:41 time: 0.8241 data_time: 0.0250 memory: 9812 grad_norm: 3.5593 loss: 3.6494 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.3119 distill.loss_dist: 1.3375 2023/05/14 06:32:30 - mmengine - INFO - Epoch(train) [7][1200/1879] lr: 2.0000e-02 eta: 1 day, 19:18:08 time: 0.8344 data_time: 0.0246 memory: 9812 grad_norm: 3.6016 loss: 3.5973 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.2714 distill.loss_dist: 1.3258 2023/05/14 06:32:49 - mmengine - INFO - Epoch(train) [7][1220/1879] lr: 2.0000e-02 eta: 1 day, 19:18:11 time: 0.9640 data_time: 0.0253 memory: 9812 grad_norm: 3.5189 loss: 3.3364 student.top1_acc: 0.3125 student.top5_acc: 0.3750 student.loss_cls: 2.0200 distill.loss_dist: 1.3164 2023/05/14 06:33:05 - mmengine - INFO - Epoch(train) [7][1240/1879] lr: 2.0000e-02 eta: 1 day, 19:17:31 time: 0.8112 data_time: 0.0265 memory: 9812 grad_norm: 3.4794 loss: 3.2021 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.9114 distill.loss_dist: 1.2907 2023/05/14 06:33:22 - mmengine - INFO - Epoch(train) [7][1260/1879] lr: 2.0000e-02 eta: 1 day, 19:16:56 time: 0.8250 data_time: 0.0275 memory: 9812 grad_norm: 3.4656 loss: 3.3907 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0862 distill.loss_dist: 1.3045 2023/05/14 06:33:40 - mmengine - INFO - Epoch(train) [7][1280/1879] lr: 2.0000e-02 eta: 1 day, 19:16:44 time: 0.9116 data_time: 0.0261 memory: 9812 grad_norm: 3.5342 loss: 3.3722 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 2.0811 distill.loss_dist: 1.2911 2023/05/14 06:33:57 - mmengine - INFO - Epoch(train) [7][1300/1879] lr: 2.0000e-02 eta: 1 day, 19:16:20 time: 0.8637 data_time: 0.0258 memory: 9812 grad_norm: 3.6126 loss: 3.4087 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.1151 distill.loss_dist: 1.2936 2023/05/14 06:34:14 - mmengine - INFO - Epoch(train) [7][1320/1879] lr: 2.0000e-02 eta: 1 day, 19:15:52 time: 0.8541 data_time: 0.0269 memory: 9812 grad_norm: 3.5381 loss: 3.3394 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.0365 distill.loss_dist: 1.3030 2023/05/14 06:34:32 - mmengine - INFO - Epoch(train) [7][1340/1879] lr: 2.0000e-02 eta: 1 day, 19:15:30 time: 0.8736 data_time: 0.0238 memory: 9812 grad_norm: 3.5215 loss: 3.3996 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.0853 distill.loss_dist: 1.3143 2023/05/14 06:34:48 - mmengine - INFO - Epoch(train) [7][1360/1879] lr: 2.0000e-02 eta: 1 day, 19:14:47 time: 0.7957 data_time: 0.0270 memory: 9812 grad_norm: 3.5433 loss: 3.5539 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.2278 distill.loss_dist: 1.3261 2023/05/14 06:35:05 - mmengine - INFO - Epoch(train) [7][1380/1879] lr: 2.0000e-02 eta: 1 day, 19:14:24 time: 0.8700 data_time: 0.0253 memory: 9812 grad_norm: 3.4126 loss: 3.2500 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9464 distill.loss_dist: 1.3036 2023/05/14 06:35:25 - mmengine - INFO - Epoch(train) [7][1400/1879] lr: 2.0000e-02 eta: 1 day, 19:14:36 time: 0.9939 data_time: 0.0258 memory: 9812 grad_norm: 3.5166 loss: 3.3557 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0377 distill.loss_dist: 1.3180 2023/05/14 06:35:41 - mmengine - INFO - Epoch(train) [7][1420/1879] lr: 2.0000e-02 eta: 1 day, 19:13:56 time: 0.8099 data_time: 0.0293 memory: 9812 grad_norm: 3.5663 loss: 3.3906 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 2.0850 distill.loss_dist: 1.3055 2023/05/14 06:35:57 - mmengine - INFO - Epoch(train) [7][1440/1879] lr: 2.0000e-02 eta: 1 day, 19:13:10 time: 0.7852 data_time: 0.0262 memory: 9812 grad_norm: 3.5251 loss: 3.6158 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.3126 distill.loss_dist: 1.3032 2023/05/14 06:36:15 - mmengine - INFO - Epoch(train) [7][1460/1879] lr: 2.0000e-02 eta: 1 day, 19:12:58 time: 0.9107 data_time: 0.0260 memory: 9812 grad_norm: 3.4845 loss: 3.5686 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.2546 distill.loss_dist: 1.3139 2023/05/14 06:36:32 - mmengine - INFO - Epoch(train) [7][1480/1879] lr: 2.0000e-02 eta: 1 day, 19:12:28 time: 0.8435 data_time: 0.0266 memory: 9812 grad_norm: 3.5293 loss: 3.4843 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.1709 distill.loss_dist: 1.3134 2023/05/14 06:36:50 - mmengine - INFO - Epoch(train) [7][1500/1879] lr: 2.0000e-02 eta: 1 day, 19:12:12 time: 0.8948 data_time: 0.0265 memory: 9812 grad_norm: 3.4633 loss: 3.1698 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.8924 distill.loss_dist: 1.2774 2023/05/14 06:37:05 - mmengine - INFO - Epoch(train) [7][1520/1879] lr: 2.0000e-02 eta: 1 day, 19:11:26 time: 0.7849 data_time: 0.0248 memory: 9812 grad_norm: 3.4694 loss: 3.4637 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.1584 distill.loss_dist: 1.3053 2023/05/14 06:37:24 - mmengine - INFO - Epoch(train) [7][1540/1879] lr: 2.0000e-02 eta: 1 day, 19:11:23 time: 0.9411 data_time: 0.0260 memory: 9812 grad_norm: 3.5014 loss: 3.5662 student.top1_acc: 0.1875 student.top5_acc: 0.3750 student.loss_cls: 2.2424 distill.loss_dist: 1.3238 2023/05/14 06:37:41 - mmengine - INFO - Epoch(train) [7][1560/1879] lr: 2.0000e-02 eta: 1 day, 19:10:58 time: 0.8596 data_time: 0.0272 memory: 9812 grad_norm: 3.5639 loss: 3.4624 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.1514 distill.loss_dist: 1.3110 2023/05/14 06:37:58 - mmengine - INFO - Epoch(train) [7][1580/1879] lr: 2.0000e-02 eta: 1 day, 19:10:23 time: 0.8263 data_time: 0.0254 memory: 9812 grad_norm: 3.4937 loss: 3.4291 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 2.1426 distill.loss_dist: 1.2865 2023/05/14 06:38:17 - mmengine - INFO - Epoch(train) [7][1600/1879] lr: 2.0000e-02 eta: 1 day, 19:10:24 time: 0.9554 data_time: 0.0278 memory: 9812 grad_norm: 3.5098 loss: 3.7015 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.3855 distill.loss_dist: 1.3160 2023/05/14 06:38:32 - mmengine - INFO - Epoch(train) [7][1620/1879] lr: 2.0000e-02 eta: 1 day, 19:09:34 time: 0.7695 data_time: 0.0273 memory: 9812 grad_norm: 3.4309 loss: 3.3386 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0543 distill.loss_dist: 1.2843 2023/05/14 06:38:49 - mmengine - INFO - Epoch(train) [7][1640/1879] lr: 2.0000e-02 eta: 1 day, 19:09:05 time: 0.8456 data_time: 0.0257 memory: 9812 grad_norm: 3.4743 loss: 3.1713 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8935 distill.loss_dist: 1.2778 2023/05/14 06:39:06 - mmengine - INFO - Epoch(train) [7][1660/1879] lr: 2.0000e-02 eta: 1 day, 19:08:33 time: 0.8365 data_time: 0.0555 memory: 9812 grad_norm: 3.5590 loss: 3.6401 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.3304 distill.loss_dist: 1.3096 2023/05/14 06:39:24 - mmengine - INFO - Epoch(train) [7][1680/1879] lr: 2.0000e-02 eta: 1 day, 19:08:12 time: 0.8770 data_time: 0.1285 memory: 9812 grad_norm: 3.4468 loss: 3.5494 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 2.2560 distill.loss_dist: 1.2934 2023/05/14 06:39:42 - mmengine - INFO - Epoch(train) [7][1700/1879] lr: 2.0000e-02 eta: 1 day, 19:08:00 time: 0.9073 data_time: 0.0255 memory: 9812 grad_norm: 3.4446 loss: 3.5435 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 2.2274 distill.loss_dist: 1.3161 2023/05/14 06:39:58 - mmengine - INFO - Epoch(train) [7][1720/1879] lr: 2.0000e-02 eta: 1 day, 19:07:23 time: 0.8166 data_time: 0.0255 memory: 9812 grad_norm: 3.4930 loss: 3.1174 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8610 distill.loss_dist: 1.2564 2023/05/14 06:40:03 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 06:40:15 - mmengine - INFO - Epoch(train) [7][1740/1879] lr: 2.0000e-02 eta: 1 day, 19:06:50 time: 0.8324 data_time: 0.0280 memory: 9812 grad_norm: 3.4491 loss: 3.3899 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1114 distill.loss_dist: 1.2785 2023/05/14 06:40:35 - mmengine - INFO - Epoch(train) [7][1760/1879] lr: 2.0000e-02 eta: 1 day, 19:07:01 time: 0.9931 data_time: 0.0245 memory: 9812 grad_norm: 3.5209 loss: 3.5078 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.1980 distill.loss_dist: 1.3098 2023/05/14 06:40:51 - mmengine - INFO - Epoch(train) [7][1780/1879] lr: 2.0000e-02 eta: 1 day, 19:06:25 time: 0.8199 data_time: 0.0264 memory: 9812 grad_norm: 3.5081 loss: 3.5430 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.2395 distill.loss_dist: 1.3035 2023/05/14 06:41:07 - mmengine - INFO - Epoch(train) [7][1800/1879] lr: 2.0000e-02 eta: 1 day, 19:05:48 time: 0.8156 data_time: 0.0259 memory: 9812 grad_norm: 3.4445 loss: 3.2494 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.9498 distill.loss_dist: 1.2995 2023/05/14 06:41:26 - mmengine - INFO - Epoch(train) [7][1820/1879] lr: 2.0000e-02 eta: 1 day, 19:05:43 time: 0.9354 data_time: 0.0266 memory: 9812 grad_norm: 3.4871 loss: 3.5330 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.2254 distill.loss_dist: 1.3076 2023/05/14 06:41:42 - mmengine - INFO - Epoch(train) [7][1840/1879] lr: 2.0000e-02 eta: 1 day, 19:04:58 time: 0.7848 data_time: 0.0270 memory: 9812 grad_norm: 3.4800 loss: 3.3182 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.0358 distill.loss_dist: 1.2824 2023/05/14 06:42:01 - mmengine - INFO - Epoch(train) [7][1860/1879] lr: 2.0000e-02 eta: 1 day, 19:04:54 time: 0.9387 data_time: 0.0261 memory: 9812 grad_norm: 3.5259 loss: 3.4359 student.top1_acc: 0.5625 student.top5_acc: 0.5625 student.loss_cls: 2.1372 distill.loss_dist: 1.2987 2023/05/14 06:42:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 06:42:13 - mmengine - INFO - Epoch(train) [7][1879/1879] lr: 2.0000e-02 eta: 1 day, 19:03:43 time: 0.6646 data_time: 0.0199 memory: 9812 grad_norm: 3.5310 loss: 3.4189 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 2.1213 distill.loss_dist: 1.2976 2023/05/14 06:42:33 - mmengine - INFO - Epoch(val) [7][ 20/155] eta: 0:02:13 time: 0.9881 data_time: 0.9187 memory: 1484 2023/05/14 06:42:47 - mmengine - INFO - Epoch(val) [7][ 40/155] eta: 0:01:36 time: 0.6928 data_time: 0.6297 memory: 1484 2023/05/14 06:43:05 - mmengine - INFO - Epoch(val) [7][ 60/155] eta: 0:01:21 time: 0.8834 data_time: 0.8212 memory: 1484 2023/05/14 06:43:18 - mmengine - INFO - Epoch(val) [7][ 80/155] eta: 0:01:00 time: 0.6557 data_time: 0.5904 memory: 1484 2023/05/14 06:43:37 - mmengine - INFO - Epoch(val) [7][100/155] eta: 0:00:45 time: 0.9383 data_time: 0.8734 memory: 1484 2023/05/14 06:43:50 - mmengine - INFO - Epoch(val) [7][120/155] eta: 0:00:28 time: 0.6736 data_time: 0.6041 memory: 1484 2023/05/14 06:44:10 - mmengine - INFO - Epoch(val) [7][140/155] eta: 0:00:12 time: 0.9896 data_time: 0.9325 memory: 1484 2023/05/14 06:44:40 - mmengine - INFO - Epoch(val) [7][ 20/155] eta: 0:16:20 time: 1.0173 data_time: 0.8639 memory: 1582 2023/05/14 06:44:54 - mmengine - INFO - Epoch(val) [7][ 40/155] eta: 0:07:37 time: 0.6881 data_time: 0.5342 memory: 1582 2023/05/14 06:45:12 - mmengine - INFO - Epoch(val) [7][ 60/155] eta: 0:04:40 time: 0.9176 data_time: 0.7668 memory: 1582 2023/05/14 06:45:26 - mmengine - INFO - Epoch(val) [7][ 80/155] eta: 0:02:59 time: 0.7043 data_time: 0.5530 memory: 1582 2023/05/14 06:45:46 - mmengine - INFO - Epoch(val) [7][100/155] eta: 0:01:55 time: 0.9678 data_time: 0.8173 memory: 1582 2023/05/14 06:45:59 - mmengine - INFO - Epoch(val) [7][120/155] eta: 0:01:05 time: 0.6797 data_time: 0.5323 memory: 1582 2023/05/14 06:46:18 - mmengine - INFO - Epoch(val) [7][140/155] eta: 0:00:26 time: 0.9537 data_time: 0.7982 memory: 1582 2023/05/14 06:46:29 - mmengine - INFO - Epoch(val) [7][155/155] acc/top1: 0.5336 acc/top5: 0.7868 acc/mean1: 0.5335 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6632 time: 0.8130 2023/05/14 06:46:29 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_6.pth is removed 2023/05/14 06:46:30 - mmengine - INFO - The best checkpoint with 0.5336 acc/top1 at 7 epoch is saved to best_acc_top1_epoch_7.pth. 2023/05/14 06:46:50 - mmengine - INFO - Epoch(train) [8][ 20/1879] lr: 2.0000e-02 eta: 1 day, 19:04:03 time: 1.0272 data_time: 0.6179 memory: 9812 grad_norm: 3.4600 loss: 3.2845 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0027 distill.loss_dist: 1.2818 2023/05/14 06:47:07 - mmengine - INFO - Epoch(train) [8][ 40/1879] lr: 2.0000e-02 eta: 1 day, 19:03:34 time: 0.8461 data_time: 0.3246 memory: 9812 grad_norm: 3.3849 loss: 3.3420 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 2.0606 distill.loss_dist: 1.2814 2023/05/14 06:47:23 - mmengine - INFO - Epoch(train) [8][ 60/1879] lr: 2.0000e-02 eta: 1 day, 19:02:51 time: 0.7900 data_time: 0.1379 memory: 9812 grad_norm: 3.5068 loss: 3.4319 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 2.1216 distill.loss_dist: 1.3103 2023/05/14 06:47:42 - mmengine - INFO - Epoch(train) [8][ 80/1879] lr: 2.0000e-02 eta: 1 day, 19:02:51 time: 0.9550 data_time: 0.2015 memory: 9812 grad_norm: 3.4872 loss: 3.4042 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0976 distill.loss_dist: 1.3066 2023/05/14 06:47:58 - mmengine - INFO - Epoch(train) [8][ 100/1879] lr: 2.0000e-02 eta: 1 day, 19:02:15 time: 0.8195 data_time: 0.1520 memory: 9812 grad_norm: 3.4801 loss: 3.2054 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.9392 distill.loss_dist: 1.2662 2023/05/14 06:48:15 - mmengine - INFO - Epoch(train) [8][ 120/1879] lr: 2.0000e-02 eta: 1 day, 19:01:37 time: 0.8096 data_time: 0.1781 memory: 9812 grad_norm: 3.3978 loss: 3.4585 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.1567 distill.loss_dist: 1.3018 2023/05/14 06:48:34 - mmengine - INFO - Epoch(train) [8][ 140/1879] lr: 2.0000e-02 eta: 1 day, 19:01:42 time: 0.9735 data_time: 0.2792 memory: 9812 grad_norm: 3.4375 loss: 3.3654 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 2.0729 distill.loss_dist: 1.2925 2023/05/14 06:48:52 - mmengine - INFO - Epoch(train) [8][ 160/1879] lr: 2.0000e-02 eta: 1 day, 19:01:20 time: 0.8719 data_time: 0.0504 memory: 9812 grad_norm: 3.5524 loss: 3.4274 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.1230 distill.loss_dist: 1.3044 2023/05/14 06:49:07 - mmengine - INFO - Epoch(train) [8][ 180/1879] lr: 2.0000e-02 eta: 1 day, 19:00:30 time: 0.7624 data_time: 0.0897 memory: 9812 grad_norm: 3.4352 loss: 3.2222 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.9180 distill.loss_dist: 1.3041 2023/05/14 06:49:25 - mmengine - INFO - Epoch(train) [8][ 200/1879] lr: 2.0000e-02 eta: 1 day, 19:00:20 time: 0.9150 data_time: 0.2849 memory: 9812 grad_norm: 3.4130 loss: 3.4333 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 2.1312 distill.loss_dist: 1.3021 2023/05/14 06:49:42 - mmengine - INFO - Epoch(train) [8][ 220/1879] lr: 2.0000e-02 eta: 1 day, 18:59:47 time: 0.8319 data_time: 0.1700 memory: 9812 grad_norm: 3.5358 loss: 3.1991 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9320 distill.loss_dist: 1.2671 2023/05/14 06:50:00 - mmengine - INFO - Epoch(train) [8][ 240/1879] lr: 2.0000e-02 eta: 1 day, 18:59:32 time: 0.8961 data_time: 0.3528 memory: 9812 grad_norm: 3.4533 loss: 3.2522 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9769 distill.loss_dist: 1.2753 2023/05/14 06:50:18 - mmengine - INFO - Epoch(train) [8][ 260/1879] lr: 2.0000e-02 eta: 1 day, 18:59:19 time: 0.9053 data_time: 0.4795 memory: 9812 grad_norm: 3.5066 loss: 3.5023 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.1907 distill.loss_dist: 1.3115 2023/05/14 06:50:35 - mmengine - INFO - Epoch(train) [8][ 280/1879] lr: 2.0000e-02 eta: 1 day, 18:58:52 time: 0.8504 data_time: 0.4211 memory: 9812 grad_norm: 3.5340 loss: 3.6437 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.3231 distill.loss_dist: 1.3206 2023/05/14 06:50:51 - mmengine - INFO - Epoch(train) [8][ 300/1879] lr: 2.0000e-02 eta: 1 day, 18:58:13 time: 0.8058 data_time: 0.3709 memory: 9812 grad_norm: 3.4641 loss: 3.5260 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 2.2264 distill.loss_dist: 1.2997 2023/05/14 06:51:10 - mmengine - INFO - Epoch(train) [8][ 320/1879] lr: 2.0000e-02 eta: 1 day, 18:58:17 time: 0.9707 data_time: 0.5397 memory: 9812 grad_norm: 3.4975 loss: 3.3481 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 2.0526 distill.loss_dist: 1.2954 2023/05/14 06:51:26 - mmengine - INFO - Epoch(train) [8][ 340/1879] lr: 2.0000e-02 eta: 1 day, 18:57:39 time: 0.8066 data_time: 0.3058 memory: 9812 grad_norm: 3.4247 loss: 3.2733 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9925 distill.loss_dist: 1.2809 2023/05/14 06:51:44 - mmengine - INFO - Epoch(train) [8][ 360/1879] lr: 2.0000e-02 eta: 1 day, 18:57:21 time: 0.8853 data_time: 0.3188 memory: 9812 grad_norm: 3.5238 loss: 3.2438 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.9656 distill.loss_dist: 1.2782 2023/05/14 06:52:02 - mmengine - INFO - Epoch(train) [8][ 380/1879] lr: 2.0000e-02 eta: 1 day, 18:57:06 time: 0.9000 data_time: 0.2301 memory: 9812 grad_norm: 3.5561 loss: 3.3214 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.0162 distill.loss_dist: 1.3053 2023/05/14 06:52:19 - mmengine - INFO - Epoch(train) [8][ 400/1879] lr: 2.0000e-02 eta: 1 day, 18:56:34 time: 0.8294 data_time: 0.2600 memory: 9812 grad_norm: 3.4229 loss: 3.3895 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.0881 distill.loss_dist: 1.3013 2023/05/14 06:52:36 - mmengine - INFO - Epoch(train) [8][ 420/1879] lr: 2.0000e-02 eta: 1 day, 18:56:09 time: 0.8593 data_time: 0.2330 memory: 9812 grad_norm: 3.5012 loss: 3.3225 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.0077 distill.loss_dist: 1.3148 2023/05/14 06:52:55 - mmengine - INFO - Epoch(train) [8][ 440/1879] lr: 2.0000e-02 eta: 1 day, 18:56:02 time: 0.9270 data_time: 0.4869 memory: 9812 grad_norm: 3.4918 loss: 3.5927 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.2801 distill.loss_dist: 1.3126 2023/05/14 06:53:11 - mmengine - INFO - Epoch(train) [8][ 460/1879] lr: 2.0000e-02 eta: 1 day, 18:55:24 time: 0.8086 data_time: 0.3659 memory: 9812 grad_norm: 3.5277 loss: 3.4175 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.1248 distill.loss_dist: 1.2927 2023/05/14 06:53:27 - mmengine - INFO - Epoch(train) [8][ 480/1879] lr: 2.0000e-02 eta: 1 day, 18:54:47 time: 0.8126 data_time: 0.3487 memory: 9812 grad_norm: 3.5121 loss: 3.1745 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8934 distill.loss_dist: 1.2812 2023/05/14 06:53:46 - mmengine - INFO - Epoch(train) [8][ 500/1879] lr: 2.0000e-02 eta: 1 day, 18:54:48 time: 0.9580 data_time: 0.3438 memory: 9812 grad_norm: 3.4239 loss: 3.2784 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.9985 distill.loss_dist: 1.2798 2023/05/14 06:54:03 - mmengine - INFO - Epoch(train) [8][ 520/1879] lr: 2.0000e-02 eta: 1 day, 18:54:21 time: 0.8531 data_time: 0.2941 memory: 9812 grad_norm: 3.5486 loss: 3.1968 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.9432 distill.loss_dist: 1.2536 2023/05/14 06:54:20 - mmengine - INFO - Epoch(train) [8][ 540/1879] lr: 2.0000e-02 eta: 1 day, 18:53:52 time: 0.8397 data_time: 0.3495 memory: 9812 grad_norm: 3.4829 loss: 3.4533 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.1250 distill.loss_dist: 1.3283 2023/05/14 06:54:39 - mmengine - INFO - Epoch(train) [8][ 560/1879] lr: 2.0000e-02 eta: 1 day, 18:53:48 time: 0.9430 data_time: 0.3626 memory: 9812 grad_norm: 3.5057 loss: 3.2650 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9805 distill.loss_dist: 1.2845 2023/05/14 06:54:56 - mmengine - INFO - Epoch(train) [8][ 580/1879] lr: 2.0000e-02 eta: 1 day, 18:53:22 time: 0.8513 data_time: 0.2617 memory: 9812 grad_norm: 3.5332 loss: 3.4294 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.1302 distill.loss_dist: 1.2992 2023/05/14 06:55:13 - mmengine - INFO - Epoch(train) [8][ 600/1879] lr: 2.0000e-02 eta: 1 day, 18:52:53 time: 0.8446 data_time: 0.2601 memory: 9812 grad_norm: 3.4532 loss: 3.3029 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.0047 distill.loss_dist: 1.2982 2023/05/14 06:55:30 - mmengine - INFO - Epoch(train) [8][ 620/1879] lr: 2.0000e-02 eta: 1 day, 18:52:33 time: 0.8752 data_time: 0.2379 memory: 9812 grad_norm: 3.4667 loss: 3.1112 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8511 distill.loss_dist: 1.2601 2023/05/14 06:55:49 - mmengine - INFO - Epoch(train) [8][ 640/1879] lr: 2.0000e-02 eta: 1 day, 18:52:32 time: 0.9524 data_time: 0.1109 memory: 9812 grad_norm: 3.4396 loss: 3.2462 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9610 distill.loss_dist: 1.2852 2023/05/14 06:56:05 - mmengine - INFO - Epoch(train) [8][ 660/1879] lr: 2.0000e-02 eta: 1 day, 18:51:53 time: 0.8051 data_time: 0.0232 memory: 9812 grad_norm: 3.5342 loss: 3.5048 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.2133 distill.loss_dist: 1.2915 2023/05/14 06:56:22 - mmengine - INFO - Epoch(train) [8][ 680/1879] lr: 2.0000e-02 eta: 1 day, 18:51:23 time: 0.8349 data_time: 0.0294 memory: 9812 grad_norm: 3.4938 loss: 3.4733 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 2.1686 distill.loss_dist: 1.3048 2023/05/14 06:56:40 - mmengine - INFO - Epoch(train) [8][ 700/1879] lr: 2.0000e-02 eta: 1 day, 18:51:12 time: 0.9155 data_time: 0.0261 memory: 9812 grad_norm: 3.4818 loss: 3.5090 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 2.2000 distill.loss_dist: 1.3090 2023/05/14 06:56:58 - mmengine - INFO - Epoch(train) [8][ 720/1879] lr: 2.0000e-02 eta: 1 day, 18:50:52 time: 0.8773 data_time: 0.0275 memory: 9812 grad_norm: 3.5283 loss: 3.1448 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8770 distill.loss_dist: 1.2677 2023/05/14 06:57:15 - mmengine - INFO - Epoch(train) [8][ 740/1879] lr: 2.0000e-02 eta: 1 day, 18:50:20 time: 0.8274 data_time: 0.0248 memory: 9812 grad_norm: 3.4809 loss: 3.5711 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.2558 distill.loss_dist: 1.3153 2023/05/14 06:57:33 - mmengine - INFO - Epoch(train) [8][ 760/1879] lr: 2.0000e-02 eta: 1 day, 18:50:10 time: 0.9171 data_time: 0.0264 memory: 9812 grad_norm: 3.4260 loss: 3.1931 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9067 distill.loss_dist: 1.2864 2023/05/14 06:57:50 - mmengine - INFO - Epoch(train) [8][ 780/1879] lr: 2.0000e-02 eta: 1 day, 18:49:49 time: 0.8741 data_time: 0.0257 memory: 9812 grad_norm: 3.4982 loss: 3.1167 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8446 distill.loss_dist: 1.2721 2023/05/14 06:58:07 - mmengine - INFO - Epoch(train) [8][ 800/1879] lr: 2.0000e-02 eta: 1 day, 18:49:17 time: 0.8308 data_time: 0.0269 memory: 9812 grad_norm: 3.5126 loss: 3.3284 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 2.0375 distill.loss_dist: 1.2908 2023/05/14 06:58:25 - mmengine - INFO - Epoch(train) [8][ 820/1879] lr: 2.0000e-02 eta: 1 day, 18:49:08 time: 0.9207 data_time: 0.0245 memory: 9812 grad_norm: 3.4121 loss: 3.3656 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0843 distill.loss_dist: 1.2813 2023/05/14 06:58:42 - mmengine - INFO - Epoch(train) [8][ 840/1879] lr: 2.0000e-02 eta: 1 day, 18:48:34 time: 0.8211 data_time: 0.0273 memory: 9812 grad_norm: 3.4002 loss: 3.4162 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.1102 distill.loss_dist: 1.3060 2023/05/14 06:58:47 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 06:58:57 - mmengine - INFO - Epoch(train) [8][ 860/1879] lr: 2.0000e-02 eta: 1 day, 18:47:47 time: 0.7652 data_time: 0.0257 memory: 9812 grad_norm: 3.4342 loss: 3.1972 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 1.9272 distill.loss_dist: 1.2699 2023/05/14 06:59:15 - mmengine - INFO - Epoch(train) [8][ 880/1879] lr: 2.0000e-02 eta: 1 day, 18:47:35 time: 0.9092 data_time: 0.0234 memory: 9812 grad_norm: 3.5076 loss: 3.5284 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.2190 distill.loss_dist: 1.3095 2023/05/14 06:59:32 - mmengine - INFO - Epoch(train) [8][ 900/1879] lr: 2.0000e-02 eta: 1 day, 18:47:07 time: 0.8470 data_time: 0.0273 memory: 9812 grad_norm: 3.4777 loss: 3.3037 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0255 distill.loss_dist: 1.2782 2023/05/14 06:59:49 - mmengine - INFO - Epoch(train) [8][ 920/1879] lr: 2.0000e-02 eta: 1 day, 18:46:43 time: 0.8583 data_time: 0.0264 memory: 9812 grad_norm: 3.4619 loss: 3.3042 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.0037 distill.loss_dist: 1.3005 2023/05/14 07:00:07 - mmengine - INFO - Epoch(train) [8][ 940/1879] lr: 2.0000e-02 eta: 1 day, 18:46:21 time: 0.8684 data_time: 0.0278 memory: 9812 grad_norm: 3.4816 loss: 3.3591 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 2.0880 distill.loss_dist: 1.2711 2023/05/14 07:00:24 - mmengine - INFO - Epoch(train) [8][ 960/1879] lr: 2.0000e-02 eta: 1 day, 18:45:52 time: 0.8408 data_time: 0.0285 memory: 9812 grad_norm: 3.4813 loss: 3.3346 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.0508 distill.loss_dist: 1.2838 2023/05/14 07:00:43 - mmengine - INFO - Epoch(train) [8][ 980/1879] lr: 2.0000e-02 eta: 1 day, 18:45:49 time: 0.9487 data_time: 0.0252 memory: 9812 grad_norm: 3.4803 loss: 3.3465 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.0635 distill.loss_dist: 1.2830 2023/05/14 07:00:59 - mmengine - INFO - Epoch(train) [8][1000/1879] lr: 2.0000e-02 eta: 1 day, 18:45:13 time: 0.8105 data_time: 0.0267 memory: 9812 grad_norm: 3.4536 loss: 3.5841 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.2936 distill.loss_dist: 1.2904 2023/05/14 07:01:15 - mmengine - INFO - Epoch(train) [8][1020/1879] lr: 2.0000e-02 eta: 1 day, 18:44:34 time: 0.7977 data_time: 0.0296 memory: 9812 grad_norm: 3.4839 loss: 3.2478 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.9648 distill.loss_dist: 1.2830 2023/05/14 07:01:34 - mmengine - INFO - Epoch(train) [8][1040/1879] lr: 2.0000e-02 eta: 1 day, 18:44:33 time: 0.9531 data_time: 0.0242 memory: 9812 grad_norm: 3.4408 loss: 3.4767 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.1573 distill.loss_dist: 1.3194 2023/05/14 07:01:51 - mmengine - INFO - Epoch(train) [8][1060/1879] lr: 2.0000e-02 eta: 1 day, 18:44:10 time: 0.8654 data_time: 0.0277 memory: 9812 grad_norm: 3.4462 loss: 3.4467 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.1538 distill.loss_dist: 1.2928 2023/05/14 07:02:07 - mmengine - INFO - Epoch(train) [8][1080/1879] lr: 2.0000e-02 eta: 1 day, 18:43:29 time: 0.7910 data_time: 0.0250 memory: 9812 grad_norm: 3.4912 loss: 3.1964 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9289 distill.loss_dist: 1.2676 2023/05/14 07:02:25 - mmengine - INFO - Epoch(train) [8][1100/1879] lr: 2.0000e-02 eta: 1 day, 18:43:20 time: 0.9207 data_time: 0.0429 memory: 9812 grad_norm: 3.4190 loss: 3.1858 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.9062 distill.loss_dist: 1.2796 2023/05/14 07:02:42 - mmengine - INFO - Epoch(train) [8][1120/1879] lr: 2.0000e-02 eta: 1 day, 18:42:50 time: 0.8345 data_time: 0.1106 memory: 9812 grad_norm: 3.4514 loss: 3.3863 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.1017 distill.loss_dist: 1.2847 2023/05/14 07:02:59 - mmengine - INFO - Epoch(train) [8][1140/1879] lr: 2.0000e-02 eta: 1 day, 18:42:24 time: 0.8541 data_time: 0.1665 memory: 9812 grad_norm: 3.4625 loss: 3.3475 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0404 distill.loss_dist: 1.3071 2023/05/14 07:03:17 - mmengine - INFO - Epoch(train) [8][1160/1879] lr: 2.0000e-02 eta: 1 day, 18:42:09 time: 0.8939 data_time: 0.2034 memory: 9812 grad_norm: 3.3911 loss: 3.1259 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8518 distill.loss_dist: 1.2741 2023/05/14 07:03:33 - mmengine - INFO - Epoch(train) [8][1180/1879] lr: 2.0000e-02 eta: 1 day, 18:41:31 time: 0.8044 data_time: 0.0472 memory: 9812 grad_norm: 3.5144 loss: 3.5138 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 2.2060 distill.loss_dist: 1.3077 2023/05/14 07:03:50 - mmengine - INFO - Epoch(train) [8][1200/1879] lr: 2.0000e-02 eta: 1 day, 18:41:07 time: 0.8572 data_time: 0.0242 memory: 9812 grad_norm: 3.4487 loss: 3.3337 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0685 distill.loss_dist: 1.2653 2023/05/14 07:04:09 - mmengine - INFO - Epoch(train) [8][1220/1879] lr: 2.0000e-02 eta: 1 day, 18:41:03 time: 0.9436 data_time: 0.0250 memory: 9812 grad_norm: 3.4907 loss: 3.3609 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.0569 distill.loss_dist: 1.3040 2023/05/14 07:04:26 - mmengine - INFO - Epoch(train) [8][1240/1879] lr: 2.0000e-02 eta: 1 day, 18:40:35 time: 0.8430 data_time: 0.0294 memory: 9812 grad_norm: 3.4855 loss: 3.2568 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.9554 distill.loss_dist: 1.3014 2023/05/14 07:04:44 - mmengine - INFO - Epoch(train) [8][1260/1879] lr: 2.0000e-02 eta: 1 day, 18:40:15 time: 0.8741 data_time: 0.0261 memory: 9812 grad_norm: 3.4295 loss: 3.2167 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.9356 distill.loss_dist: 1.2810 2023/05/14 07:05:02 - mmengine - INFO - Epoch(train) [8][1280/1879] lr: 2.0000e-02 eta: 1 day, 18:40:03 time: 0.9120 data_time: 0.0275 memory: 9812 grad_norm: 3.4649 loss: 3.3041 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0124 distill.loss_dist: 1.2917 2023/05/14 07:05:17 - mmengine - INFO - Epoch(train) [8][1300/1879] lr: 2.0000e-02 eta: 1 day, 18:39:18 time: 0.7719 data_time: 0.0281 memory: 9812 grad_norm: 3.4618 loss: 3.5352 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.2113 distill.loss_dist: 1.3239 2023/05/14 07:05:36 - mmengine - INFO - Epoch(train) [8][1320/1879] lr: 2.0000e-02 eta: 1 day, 18:39:20 time: 0.9645 data_time: 0.0257 memory: 9812 grad_norm: 3.4283 loss: 3.5641 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.2503 distill.loss_dist: 1.3139 2023/05/14 07:05:52 - mmengine - INFO - Epoch(train) [8][1340/1879] lr: 2.0000e-02 eta: 1 day, 18:38:36 time: 0.7769 data_time: 0.0280 memory: 9812 grad_norm: 3.4465 loss: 3.3289 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 2.0366 distill.loss_dist: 1.2923 2023/05/14 07:06:09 - mmengine - INFO - Epoch(train) [8][1360/1879] lr: 2.0000e-02 eta: 1 day, 18:38:05 time: 0.8315 data_time: 0.0298 memory: 9812 grad_norm: 3.4416 loss: 3.4212 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.1314 distill.loss_dist: 1.2898 2023/05/14 07:06:27 - mmengine - INFO - Epoch(train) [8][1380/1879] lr: 2.0000e-02 eta: 1 day, 18:37:59 time: 0.9319 data_time: 0.0249 memory: 9812 grad_norm: 3.4650 loss: 3.3314 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.0434 distill.loss_dist: 1.2879 2023/05/14 07:06:43 - mmengine - INFO - Epoch(train) [8][1400/1879] lr: 2.0000e-02 eta: 1 day, 18:37:19 time: 0.7939 data_time: 0.0280 memory: 9812 grad_norm: 3.5013 loss: 3.3472 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 2.0571 distill.loss_dist: 1.2902 2023/05/14 07:07:01 - mmengine - INFO - Epoch(train) [8][1420/1879] lr: 2.0000e-02 eta: 1 day, 18:37:00 time: 0.8771 data_time: 0.0256 memory: 9812 grad_norm: 3.4506 loss: 3.2044 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9277 distill.loss_dist: 1.2767 2023/05/14 07:07:18 - mmengine - INFO - Epoch(train) [8][1440/1879] lr: 2.0000e-02 eta: 1 day, 18:36:39 time: 0.8722 data_time: 0.0291 memory: 9812 grad_norm: 3.4980 loss: 3.2497 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9757 distill.loss_dist: 1.2740 2023/05/14 07:07:35 - mmengine - INFO - Epoch(train) [8][1460/1879] lr: 2.0000e-02 eta: 1 day, 18:36:07 time: 0.8246 data_time: 0.0250 memory: 9812 grad_norm: 3.4539 loss: 3.6635 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.3545 distill.loss_dist: 1.3089 2023/05/14 07:07:52 - mmengine - INFO - Epoch(train) [8][1480/1879] lr: 2.0000e-02 eta: 1 day, 18:35:47 time: 0.8752 data_time: 0.0559 memory: 9812 grad_norm: 3.5012 loss: 3.3905 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.0997 distill.loss_dist: 1.2907 2023/05/14 07:08:10 - mmengine - INFO - Epoch(train) [8][1500/1879] lr: 2.0000e-02 eta: 1 day, 18:35:27 time: 0.8740 data_time: 0.0260 memory: 9812 grad_norm: 3.4506 loss: 3.3359 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0608 distill.loss_dist: 1.2751 2023/05/14 07:08:29 - mmengine - INFO - Epoch(train) [8][1520/1879] lr: 2.0000e-02 eta: 1 day, 18:35:22 time: 0.9426 data_time: 0.0280 memory: 9812 grad_norm: 3.4575 loss: 3.4456 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.1433 distill.loss_dist: 1.3024 2023/05/14 07:08:45 - mmengine - INFO - Epoch(train) [8][1540/1879] lr: 2.0000e-02 eta: 1 day, 18:34:46 time: 0.8061 data_time: 0.0280 memory: 9812 grad_norm: 3.5038 loss: 3.3671 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0720 distill.loss_dist: 1.2952 2023/05/14 07:09:03 - mmengine - INFO - Epoch(train) [8][1560/1879] lr: 2.0000e-02 eta: 1 day, 18:34:32 time: 0.9015 data_time: 0.0272 memory: 9812 grad_norm: 3.4647 loss: 3.3595 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.0612 distill.loss_dist: 1.2983 2023/05/14 07:09:20 - mmengine - INFO - Epoch(train) [8][1580/1879] lr: 2.0000e-02 eta: 1 day, 18:34:13 time: 0.8772 data_time: 0.0252 memory: 9812 grad_norm: 3.4090 loss: 3.1842 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.9258 distill.loss_dist: 1.2585 2023/05/14 07:09:37 - mmengine - INFO - Epoch(train) [8][1600/1879] lr: 2.0000e-02 eta: 1 day, 18:33:44 time: 0.8373 data_time: 0.0250 memory: 9812 grad_norm: 3.4131 loss: 3.3498 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.0698 distill.loss_dist: 1.2800 2023/05/14 07:09:54 - mmengine - INFO - Epoch(train) [8][1620/1879] lr: 2.0000e-02 eta: 1 day, 18:33:20 time: 0.8584 data_time: 0.0264 memory: 9812 grad_norm: 3.4398 loss: 3.2008 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9246 distill.loss_dist: 1.2762 2023/05/14 07:10:11 - mmengine - INFO - Epoch(train) [8][1640/1879] lr: 2.0000e-02 eta: 1 day, 18:32:53 time: 0.8473 data_time: 0.0540 memory: 9812 grad_norm: 3.3964 loss: 3.3936 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.1043 distill.loss_dist: 1.2892 2023/05/14 07:10:28 - mmengine - INFO - Epoch(train) [8][1660/1879] lr: 2.0000e-02 eta: 1 day, 18:32:29 time: 0.8547 data_time: 0.0874 memory: 9812 grad_norm: 3.4469 loss: 3.4553 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 2.1719 distill.loss_dist: 1.2834 2023/05/14 07:10:47 - mmengine - INFO - Epoch(train) [8][1680/1879] lr: 2.0000e-02 eta: 1 day, 18:32:22 time: 0.9312 data_time: 0.0268 memory: 9812 grad_norm: 3.4180 loss: 3.4182 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 2.1227 distill.loss_dist: 1.2955 2023/05/14 07:11:04 - mmengine - INFO - Epoch(train) [8][1700/1879] lr: 2.0000e-02 eta: 1 day, 18:31:59 time: 0.8608 data_time: 0.0289 memory: 9812 grad_norm: 3.4263 loss: 3.3207 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.0382 distill.loss_dist: 1.2826 2023/05/14 07:11:20 - mmengine - INFO - Epoch(train) [8][1720/1879] lr: 2.0000e-02 eta: 1 day, 18:31:24 time: 0.8109 data_time: 0.0270 memory: 9812 grad_norm: 3.3980 loss: 3.5209 student.top1_acc: 0.1875 student.top5_acc: 0.4375 student.loss_cls: 2.2275 distill.loss_dist: 1.2934 2023/05/14 07:11:38 - mmengine - INFO - Epoch(train) [8][1740/1879] lr: 2.0000e-02 eta: 1 day, 18:31:01 time: 0.8638 data_time: 0.2815 memory: 9812 grad_norm: 3.4287 loss: 3.3100 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 2.0525 distill.loss_dist: 1.2576 2023/05/14 07:11:56 - mmengine - INFO - Epoch(train) [8][1760/1879] lr: 2.0000e-02 eta: 1 day, 18:30:53 time: 0.9281 data_time: 0.0467 memory: 9812 grad_norm: 3.5055 loss: 3.2957 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 2.0211 distill.loss_dist: 1.2746 2023/05/14 07:12:13 - mmengine - INFO - Epoch(train) [8][1780/1879] lr: 2.0000e-02 eta: 1 day, 18:30:24 time: 0.8338 data_time: 0.0334 memory: 9812 grad_norm: 3.4234 loss: 3.2524 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9763 distill.loss_dist: 1.2761 2023/05/14 07:12:30 - mmengine - INFO - Epoch(train) [8][1800/1879] lr: 2.0000e-02 eta: 1 day, 18:29:59 time: 0.8543 data_time: 0.0254 memory: 9812 grad_norm: 3.4549 loss: 3.2714 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.9859 distill.loss_dist: 1.2854 2023/05/14 07:12:48 - mmengine - INFO - Epoch(train) [8][1820/1879] lr: 2.0000e-02 eta: 1 day, 18:29:43 time: 0.8897 data_time: 0.0288 memory: 9812 grad_norm: 3.4732 loss: 3.3007 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.9959 distill.loss_dist: 1.3048 2023/05/14 07:13:05 - mmengine - INFO - Epoch(train) [8][1840/1879] lr: 2.0000e-02 eta: 1 day, 18:29:20 time: 0.8624 data_time: 0.0254 memory: 9812 grad_norm: 3.5096 loss: 3.5338 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.2436 distill.loss_dist: 1.2902 2023/05/14 07:13:10 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 07:13:22 - mmengine - INFO - Epoch(train) [8][1860/1879] lr: 2.0000e-02 eta: 1 day, 18:28:58 time: 0.8667 data_time: 0.0253 memory: 9812 grad_norm: 3.4520 loss: 3.2651 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 1.9597 distill.loss_dist: 1.3054 2023/05/14 07:13:36 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 07:13:36 - mmengine - INFO - Epoch(train) [8][1879/1879] lr: 2.0000e-02 eta: 1 day, 18:28:04 time: 0.7541 data_time: 0.0206 memory: 9812 grad_norm: 3.4761 loss: 3.1972 student.top1_acc: 0.7143 student.top5_acc: 1.0000 student.loss_cls: 1.9072 distill.loss_dist: 1.2899 2023/05/14 07:13:56 - mmengine - INFO - Epoch(val) [8][ 20/155] eta: 0:02:17 time: 1.0214 data_time: 0.9575 memory: 1484 2023/05/14 07:14:09 - mmengine - INFO - Epoch(val) [8][ 40/155] eta: 0:01:35 time: 0.6365 data_time: 0.5787 memory: 1484 2023/05/14 07:14:28 - mmengine - INFO - Epoch(val) [8][ 60/155] eta: 0:01:22 time: 0.9341 data_time: 0.8678 memory: 1484 2023/05/14 07:14:41 - mmengine - INFO - Epoch(val) [8][ 80/155] eta: 0:01:01 time: 0.6712 data_time: 0.6095 memory: 1484 2023/05/14 07:15:00 - mmengine - INFO - Epoch(val) [8][100/155] eta: 0:00:46 time: 0.9596 data_time: 0.9002 memory: 1484 2023/05/14 07:15:13 - mmengine - INFO - Epoch(val) [8][120/155] eta: 0:00:28 time: 0.6423 data_time: 0.5811 memory: 1484 2023/05/14 07:15:32 - mmengine - INFO - Epoch(val) [8][140/155] eta: 0:00:12 time: 0.9648 data_time: 0.9001 memory: 1484 2023/05/14 07:16:03 - mmengine - INFO - Epoch(val) [8][ 20/155] eta: 0:16:15 time: 0.9769 data_time: 0.8239 memory: 1582 2023/05/14 07:16:17 - mmengine - INFO - Epoch(val) [8][ 40/155] eta: 0:07:37 time: 0.7311 data_time: 0.5811 memory: 1582 2023/05/14 07:16:35 - mmengine - INFO - Epoch(val) [8][ 60/155] eta: 0:04:40 time: 0.8989 data_time: 0.7469 memory: 1582 2023/05/14 07:16:49 - mmengine - INFO - Epoch(val) [8][ 80/155] eta: 0:02:58 time: 0.6893 data_time: 0.5359 memory: 1582 2023/05/14 07:17:08 - mmengine - INFO - Epoch(val) [8][100/155] eta: 0:01:55 time: 0.9600 data_time: 0.8102 memory: 1582 2023/05/14 07:17:22 - mmengine - INFO - Epoch(val) [8][120/155] eta: 0:01:05 time: 0.6847 data_time: 0.5325 memory: 1582 2023/05/14 07:17:42 - mmengine - INFO - Epoch(val) [8][140/155] eta: 0:00:26 time: 1.0188 data_time: 0.8662 memory: 1582 2023/05/14 07:17:52 - mmengine - INFO - Epoch(val) [8][155/155] acc/top1: 0.5507 acc/top5: 0.7971 acc/mean1: 0.5506 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6664 time: 0.8166 2023/05/14 07:17:52 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_7.pth is removed 2023/05/14 07:17:53 - mmengine - INFO - The best checkpoint with 0.5507 acc/top1 at 8 epoch is saved to best_acc_top1_epoch_8.pth. 2023/05/14 07:18:15 - mmengine - INFO - Epoch(train) [9][ 20/1879] lr: 2.0000e-02 eta: 1 day, 18:28:34 time: 1.0943 data_time: 0.6744 memory: 9812 grad_norm: 3.3555 loss: 3.3748 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 2.0893 distill.loss_dist: 1.2855 2023/05/14 07:18:33 - mmengine - INFO - Epoch(train) [9][ 40/1879] lr: 2.0000e-02 eta: 1 day, 18:28:21 time: 0.9049 data_time: 0.4998 memory: 9812 grad_norm: 3.4759 loss: 3.1434 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.8776 distill.loss_dist: 1.2658 2023/05/14 07:18:50 - mmengine - INFO - Epoch(train) [9][ 60/1879] lr: 2.0000e-02 eta: 1 day, 18:27:52 time: 0.8334 data_time: 0.4241 memory: 9812 grad_norm: 3.4642 loss: 3.1496 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8844 distill.loss_dist: 1.2652 2023/05/14 07:19:07 - mmengine - INFO - Epoch(train) [9][ 80/1879] lr: 2.0000e-02 eta: 1 day, 18:27:27 time: 0.8548 data_time: 0.4376 memory: 9812 grad_norm: 3.4644 loss: 3.3074 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.0302 distill.loss_dist: 1.2772 2023/05/14 07:19:26 - mmengine - INFO - Epoch(train) [9][ 100/1879] lr: 2.0000e-02 eta: 1 day, 18:27:23 time: 0.9447 data_time: 0.5270 memory: 9812 grad_norm: 3.4688 loss: 3.2718 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.9904 distill.loss_dist: 1.2814 2023/05/14 07:19:43 - mmengine - INFO - Epoch(train) [9][ 120/1879] lr: 2.0000e-02 eta: 1 day, 18:26:53 time: 0.8280 data_time: 0.4005 memory: 9812 grad_norm: 3.3743 loss: 3.0467 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7780 distill.loss_dist: 1.2687 2023/05/14 07:20:00 - mmengine - INFO - Epoch(train) [9][ 140/1879] lr: 2.0000e-02 eta: 1 day, 18:26:33 time: 0.8766 data_time: 0.4518 memory: 9812 grad_norm: 3.3828 loss: 3.1597 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8950 distill.loss_dist: 1.2647 2023/05/14 07:20:17 - mmengine - INFO - Epoch(train) [9][ 160/1879] lr: 2.0000e-02 eta: 1 day, 18:26:03 time: 0.8279 data_time: 0.3981 memory: 9812 grad_norm: 3.4363 loss: 3.2402 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.9438 distill.loss_dist: 1.2964 2023/05/14 07:20:33 - mmengine - INFO - Epoch(train) [9][ 180/1879] lr: 2.0000e-02 eta: 1 day, 18:25:29 time: 0.8148 data_time: 0.3805 memory: 9812 grad_norm: 3.4017 loss: 3.0757 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8239 distill.loss_dist: 1.2518 2023/05/14 07:20:52 - mmengine - INFO - Epoch(train) [9][ 200/1879] lr: 2.0000e-02 eta: 1 day, 18:25:26 time: 0.9470 data_time: 0.5137 memory: 9812 grad_norm: 3.3568 loss: 3.4845 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 2.1780 distill.loss_dist: 1.3066 2023/05/14 07:21:08 - mmengine - INFO - Epoch(train) [9][ 220/1879] lr: 2.0000e-02 eta: 1 day, 18:24:53 time: 0.8170 data_time: 0.3834 memory: 9812 grad_norm: 3.4181 loss: 3.1998 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9281 distill.loss_dist: 1.2717 2023/05/14 07:21:26 - mmengine - INFO - Epoch(train) [9][ 240/1879] lr: 2.0000e-02 eta: 1 day, 18:24:30 time: 0.8615 data_time: 0.3269 memory: 9812 grad_norm: 3.4750 loss: 3.4646 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 2.1848 distill.loss_dist: 1.2798 2023/05/14 07:21:44 - mmengine - INFO - Epoch(train) [9][ 260/1879] lr: 2.0000e-02 eta: 1 day, 18:24:19 time: 0.9155 data_time: 0.2159 memory: 9812 grad_norm: 3.4517 loss: 3.3426 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 2.0530 distill.loss_dist: 1.2897 2023/05/14 07:22:01 - mmengine - INFO - Epoch(train) [9][ 280/1879] lr: 2.0000e-02 eta: 1 day, 18:23:54 time: 0.8526 data_time: 0.1975 memory: 9812 grad_norm: 3.4635 loss: 3.2834 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.0126 distill.loss_dist: 1.2707 2023/05/14 07:22:18 - mmengine - INFO - Epoch(train) [9][ 300/1879] lr: 2.0000e-02 eta: 1 day, 18:23:24 time: 0.8284 data_time: 0.3678 memory: 9812 grad_norm: 3.4198 loss: 3.4128 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1041 distill.loss_dist: 1.3088 2023/05/14 07:22:36 - mmengine - INFO - Epoch(train) [9][ 320/1879] lr: 2.0000e-02 eta: 1 day, 18:23:14 time: 0.9191 data_time: 0.4585 memory: 9812 grad_norm: 3.4364 loss: 3.2904 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9983 distill.loss_dist: 1.2921 2023/05/14 07:22:52 - mmengine - INFO - Epoch(train) [9][ 340/1879] lr: 2.0000e-02 eta: 1 day, 18:22:40 time: 0.8089 data_time: 0.3569 memory: 9812 grad_norm: 3.4789 loss: 3.3568 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0909 distill.loss_dist: 1.2658 2023/05/14 07:23:09 - mmengine - INFO - Epoch(train) [9][ 360/1879] lr: 2.0000e-02 eta: 1 day, 18:22:14 time: 0.8474 data_time: 0.2960 memory: 9812 grad_norm: 3.4005 loss: 3.1798 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.9215 distill.loss_dist: 1.2583 2023/05/14 07:23:27 - mmengine - INFO - Epoch(train) [9][ 380/1879] lr: 2.0000e-02 eta: 1 day, 18:21:58 time: 0.8946 data_time: 0.2809 memory: 9812 grad_norm: 3.5154 loss: 3.2748 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9925 distill.loss_dist: 1.2824 2023/05/14 07:23:43 - mmengine - INFO - Epoch(train) [9][ 400/1879] lr: 2.0000e-02 eta: 1 day, 18:21:21 time: 0.7966 data_time: 0.2733 memory: 9812 grad_norm: 3.3923 loss: 3.2335 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.9508 distill.loss_dist: 1.2827 2023/05/14 07:24:00 - mmengine - INFO - Epoch(train) [9][ 420/1879] lr: 2.0000e-02 eta: 1 day, 18:20:59 time: 0.8669 data_time: 0.2398 memory: 9812 grad_norm: 3.3978 loss: 3.3447 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0768 distill.loss_dist: 1.2679 2023/05/14 07:24:19 - mmengine - INFO - Epoch(train) [9][ 440/1879] lr: 2.0000e-02 eta: 1 day, 18:20:50 time: 0.9204 data_time: 0.4442 memory: 9812 grad_norm: 3.3737 loss: 3.1778 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9265 distill.loss_dist: 1.2514 2023/05/14 07:24:36 - mmengine - INFO - Epoch(train) [9][ 460/1879] lr: 2.0000e-02 eta: 1 day, 18:20:32 time: 0.8812 data_time: 0.2306 memory: 9812 grad_norm: 3.4845 loss: 3.3988 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.1034 distill.loss_dist: 1.2954 2023/05/14 07:24:53 - mmengine - INFO - Epoch(train) [9][ 480/1879] lr: 2.0000e-02 eta: 1 day, 18:20:06 time: 0.8467 data_time: 0.2439 memory: 9812 grad_norm: 3.3437 loss: 3.2564 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.9894 distill.loss_dist: 1.2670 2023/05/14 07:25:11 - mmengine - INFO - Epoch(train) [9][ 500/1879] lr: 2.0000e-02 eta: 1 day, 18:19:49 time: 0.8883 data_time: 0.1120 memory: 9812 grad_norm: 3.3802 loss: 3.4001 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.1112 distill.loss_dist: 1.2889 2023/05/14 07:25:27 - mmengine - INFO - Epoch(train) [9][ 520/1879] lr: 2.0000e-02 eta: 1 day, 18:19:16 time: 0.8170 data_time: 0.1358 memory: 9812 grad_norm: 3.4100 loss: 3.3239 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0520 distill.loss_dist: 1.2719 2023/05/14 07:25:45 - mmengine - INFO - Epoch(train) [9][ 540/1879] lr: 2.0000e-02 eta: 1 day, 18:19:02 time: 0.9007 data_time: 0.0776 memory: 9812 grad_norm: 3.3759 loss: 3.1003 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 1.8467 distill.loss_dist: 1.2536 2023/05/14 07:26:02 - mmengine - INFO - Epoch(train) [9][ 560/1879] lr: 2.0000e-02 eta: 1 day, 18:18:33 time: 0.8338 data_time: 0.0265 memory: 9812 grad_norm: 3.4629 loss: 3.4912 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.2030 distill.loss_dist: 1.2882 2023/05/14 07:26:20 - mmengine - INFO - Epoch(train) [9][ 580/1879] lr: 2.0000e-02 eta: 1 day, 18:18:16 time: 0.8834 data_time: 0.0281 memory: 9812 grad_norm: 3.4149 loss: 3.3919 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.1133 distill.loss_dist: 1.2786 2023/05/14 07:26:38 - mmengine - INFO - Epoch(train) [9][ 600/1879] lr: 2.0000e-02 eta: 1 day, 18:18:04 time: 0.9098 data_time: 0.0282 memory: 9812 grad_norm: 3.3911 loss: 3.3387 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0610 distill.loss_dist: 1.2777 2023/05/14 07:26:54 - mmengine - INFO - Epoch(train) [9][ 620/1879] lr: 2.0000e-02 eta: 1 day, 18:17:31 time: 0.8168 data_time: 0.0250 memory: 9812 grad_norm: 3.4360 loss: 3.2582 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9760 distill.loss_dist: 1.2822 2023/05/14 07:27:12 - mmengine - INFO - Epoch(train) [9][ 640/1879] lr: 2.0000e-02 eta: 1 day, 18:17:13 time: 0.8797 data_time: 0.0269 memory: 9812 grad_norm: 3.3870 loss: 3.1016 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.8417 distill.loss_dist: 1.2599 2023/05/14 07:27:30 - mmengine - INFO - Epoch(train) [9][ 660/1879] lr: 2.0000e-02 eta: 1 day, 18:16:56 time: 0.8896 data_time: 0.0256 memory: 9812 grad_norm: 3.4193 loss: 3.4195 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.1309 distill.loss_dist: 1.2887 2023/05/14 07:27:47 - mmengine - INFO - Epoch(train) [9][ 680/1879] lr: 2.0000e-02 eta: 1 day, 18:16:30 time: 0.8469 data_time: 0.0292 memory: 9812 grad_norm: 3.3700 loss: 3.1718 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.9007 distill.loss_dist: 1.2711 2023/05/14 07:28:04 - mmengine - INFO - Epoch(train) [9][ 700/1879] lr: 2.0000e-02 eta: 1 day, 18:16:10 time: 0.8708 data_time: 0.0270 memory: 9812 grad_norm: 3.4027 loss: 3.3614 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0742 distill.loss_dist: 1.2872 2023/05/14 07:28:22 - mmengine - INFO - Epoch(train) [9][ 720/1879] lr: 2.0000e-02 eta: 1 day, 18:15:56 time: 0.8997 data_time: 0.0244 memory: 9812 grad_norm: 3.3424 loss: 3.2254 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.9611 distill.loss_dist: 1.2643 2023/05/14 07:28:39 - mmengine - INFO - Epoch(train) [9][ 740/1879] lr: 2.0000e-02 eta: 1 day, 18:15:29 time: 0.8449 data_time: 0.0271 memory: 9812 grad_norm: 3.4986 loss: 3.3848 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.0683 distill.loss_dist: 1.3165 2023/05/14 07:28:56 - mmengine - INFO - Epoch(train) [9][ 760/1879] lr: 2.0000e-02 eta: 1 day, 18:15:01 time: 0.8345 data_time: 0.0535 memory: 9812 grad_norm: 3.4426 loss: 3.4106 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.1362 distill.loss_dist: 1.2744 2023/05/14 07:29:15 - mmengine - INFO - Epoch(train) [9][ 780/1879] lr: 2.0000e-02 eta: 1 day, 18:14:59 time: 0.9541 data_time: 0.0714 memory: 9812 grad_norm: 3.4745 loss: 3.3337 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0881 distill.loss_dist: 1.2456 2023/05/14 07:29:31 - mmengine - INFO - Epoch(train) [9][ 800/1879] lr: 2.0000e-02 eta: 1 day, 18:14:25 time: 0.8080 data_time: 0.0239 memory: 9812 grad_norm: 3.4569 loss: 3.1480 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8859 distill.loss_dist: 1.2622 2023/05/14 07:29:48 - mmengine - INFO - Epoch(train) [9][ 820/1879] lr: 2.0000e-02 eta: 1 day, 18:14:02 time: 0.8603 data_time: 0.0282 memory: 9812 grad_norm: 3.3681 loss: 3.0776 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8029 distill.loss_dist: 1.2748 2023/05/14 07:30:07 - mmengine - INFO - Epoch(train) [9][ 840/1879] lr: 2.0000e-02 eta: 1 day, 18:13:58 time: 0.9499 data_time: 0.0256 memory: 9812 grad_norm: 3.4613 loss: 3.3620 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.0854 distill.loss_dist: 1.2767 2023/05/14 07:30:23 - mmengine - INFO - Epoch(train) [9][ 860/1879] lr: 2.0000e-02 eta: 1 day, 18:13:25 time: 0.8114 data_time: 0.0296 memory: 9812 grad_norm: 3.4160 loss: 3.0553 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8038 distill.loss_dist: 1.2515 2023/05/14 07:30:40 - mmengine - INFO - Epoch(train) [9][ 880/1879] lr: 2.0000e-02 eta: 1 day, 18:12:52 time: 0.8138 data_time: 0.0262 memory: 9812 grad_norm: 3.4420 loss: 3.3554 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.0547 distill.loss_dist: 1.3006 2023/05/14 07:30:58 - mmengine - INFO - Epoch(train) [9][ 900/1879] lr: 2.0000e-02 eta: 1 day, 18:12:40 time: 0.9068 data_time: 0.0268 memory: 9812 grad_norm: 3.4037 loss: 3.3154 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.0339 distill.loss_dist: 1.2815 2023/05/14 07:31:15 - mmengine - INFO - Epoch(train) [9][ 920/1879] lr: 2.0000e-02 eta: 1 day, 18:12:19 time: 0.8685 data_time: 0.0288 memory: 9812 grad_norm: 3.4832 loss: 3.3481 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0399 distill.loss_dist: 1.3082 2023/05/14 07:31:33 - mmengine - INFO - Epoch(train) [9][ 940/1879] lr: 2.0000e-02 eta: 1 day, 18:12:06 time: 0.9053 data_time: 0.0258 memory: 9812 grad_norm: 3.3805 loss: 3.2175 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9514 distill.loss_dist: 1.2662 2023/05/14 07:31:51 - mmengine - INFO - Epoch(train) [9][ 960/1879] lr: 2.0000e-02 eta: 1 day, 18:11:44 time: 0.8649 data_time: 0.0267 memory: 9812 grad_norm: 3.4175 loss: 3.3372 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.0602 distill.loss_dist: 1.2770 2023/05/14 07:31:57 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 07:32:07 - mmengine - INFO - Epoch(train) [9][ 980/1879] lr: 2.0000e-02 eta: 1 day, 18:11:14 time: 0.8275 data_time: 0.0319 memory: 9812 grad_norm: 3.4044 loss: 3.0282 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.7761 distill.loss_dist: 1.2521 2023/05/14 07:32:26 - mmengine - INFO - Epoch(train) [9][1000/1879] lr: 2.0000e-02 eta: 1 day, 18:11:14 time: 0.9649 data_time: 0.0223 memory: 9812 grad_norm: 3.4300 loss: 3.5046 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.2200 distill.loss_dist: 1.2846 2023/05/14 07:32:43 - mmengine - INFO - Epoch(train) [9][1020/1879] lr: 2.0000e-02 eta: 1 day, 18:10:41 time: 0.8108 data_time: 0.0257 memory: 9812 grad_norm: 3.5822 loss: 3.5740 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.2905 distill.loss_dist: 1.2835 2023/05/14 07:32:59 - mmengine - INFO - Epoch(train) [9][1040/1879] lr: 2.0000e-02 eta: 1 day, 18:10:11 time: 0.8258 data_time: 0.0277 memory: 9812 grad_norm: 3.3808 loss: 3.2130 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9445 distill.loss_dist: 1.2685 2023/05/14 07:33:17 - mmengine - INFO - Epoch(train) [9][1060/1879] lr: 2.0000e-02 eta: 1 day, 18:09:57 time: 0.9006 data_time: 0.0227 memory: 9812 grad_norm: 3.4360 loss: 3.4428 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.1464 distill.loss_dist: 1.2964 2023/05/14 07:33:34 - mmengine - INFO - Epoch(train) [9][1080/1879] lr: 2.0000e-02 eta: 1 day, 18:09:26 time: 0.8226 data_time: 0.0299 memory: 9812 grad_norm: 3.3584 loss: 3.3146 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0518 distill.loss_dist: 1.2628 2023/05/14 07:33:51 - mmengine - INFO - Epoch(train) [9][1100/1879] lr: 2.0000e-02 eta: 1 day, 18:09:00 time: 0.8459 data_time: 0.0269 memory: 9812 grad_norm: 3.4448 loss: 3.1871 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9138 distill.loss_dist: 1.2733 2023/05/14 07:34:09 - mmengine - INFO - Epoch(train) [9][1120/1879] lr: 2.0000e-02 eta: 1 day, 18:08:55 time: 0.9410 data_time: 0.0271 memory: 9812 grad_norm: 3.3664 loss: 3.4884 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.1890 distill.loss_dist: 1.2994 2023/05/14 07:34:27 - mmengine - INFO - Epoch(train) [9][1140/1879] lr: 2.0000e-02 eta: 1 day, 18:08:33 time: 0.8612 data_time: 0.0575 memory: 9812 grad_norm: 3.3801 loss: 3.5283 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.2416 distill.loss_dist: 1.2867 2023/05/14 07:34:43 - mmengine - INFO - Epoch(train) [9][1160/1879] lr: 2.0000e-02 eta: 1 day, 18:08:00 time: 0.8155 data_time: 0.2776 memory: 9812 grad_norm: 3.3984 loss: 3.3363 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.0733 distill.loss_dist: 1.2630 2023/05/14 07:35:00 - mmengine - INFO - Epoch(train) [9][1180/1879] lr: 2.0000e-02 eta: 1 day, 18:07:38 time: 0.8616 data_time: 0.2628 memory: 9812 grad_norm: 3.4702 loss: 3.3037 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.0010 distill.loss_dist: 1.3027 2023/05/14 07:35:18 - mmengine - INFO - Epoch(train) [9][1200/1879] lr: 2.0000e-02 eta: 1 day, 18:07:20 time: 0.8833 data_time: 0.3970 memory: 9812 grad_norm: 3.4683 loss: 3.3600 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 2.0647 distill.loss_dist: 1.2953 2023/05/14 07:35:34 - mmengine - INFO - Epoch(train) [9][1220/1879] lr: 2.0000e-02 eta: 1 day, 18:06:52 time: 0.8301 data_time: 0.2878 memory: 9812 grad_norm: 3.4329 loss: 3.4421 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 2.1628 distill.loss_dist: 1.2794 2023/05/14 07:35:51 - mmengine - INFO - Epoch(train) [9][1240/1879] lr: 2.0000e-02 eta: 1 day, 18:06:27 time: 0.8506 data_time: 0.1532 memory: 9812 grad_norm: 3.3954 loss: 3.3835 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 2.0996 distill.loss_dist: 1.2839 2023/05/14 07:36:10 - mmengine - INFO - Epoch(train) [9][1260/1879] lr: 2.0000e-02 eta: 1 day, 18:06:20 time: 0.9334 data_time: 0.2509 memory: 9812 grad_norm: 3.3667 loss: 3.3693 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 2.0741 distill.loss_dist: 1.2953 2023/05/14 07:36:26 - mmengine - INFO - Epoch(train) [9][1280/1879] lr: 2.0000e-02 eta: 1 day, 18:05:44 time: 0.7981 data_time: 0.2676 memory: 9812 grad_norm: 3.4351 loss: 3.2254 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.9556 distill.loss_dist: 1.2698 2023/05/14 07:36:43 - mmengine - INFO - Epoch(train) [9][1300/1879] lr: 2.0000e-02 eta: 1 day, 18:05:19 time: 0.8475 data_time: 0.2815 memory: 9812 grad_norm: 3.3622 loss: 3.3023 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.0263 distill.loss_dist: 1.2760 2023/05/14 07:37:02 - mmengine - INFO - Epoch(train) [9][1320/1879] lr: 2.0000e-02 eta: 1 day, 18:05:14 time: 0.9422 data_time: 0.1876 memory: 9812 grad_norm: 3.3911 loss: 3.2170 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.9420 distill.loss_dist: 1.2750 2023/05/14 07:37:18 - mmengine - INFO - Epoch(train) [9][1340/1879] lr: 2.0000e-02 eta: 1 day, 18:04:37 time: 0.7917 data_time: 0.1428 memory: 9812 grad_norm: 3.4225 loss: 3.2941 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0103 distill.loss_dist: 1.2839 2023/05/14 07:37:35 - mmengine - INFO - Epoch(train) [9][1360/1879] lr: 2.0000e-02 eta: 1 day, 18:04:11 time: 0.8434 data_time: 0.1300 memory: 9812 grad_norm: 3.3696 loss: 3.3655 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0907 distill.loss_dist: 1.2749 2023/05/14 07:37:53 - mmengine - INFO - Epoch(train) [9][1380/1879] lr: 2.0000e-02 eta: 1 day, 18:04:05 time: 0.9382 data_time: 0.1197 memory: 9812 grad_norm: 3.3593 loss: 3.1695 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9167 distill.loss_dist: 1.2528 2023/05/14 07:38:10 - mmengine - INFO - Epoch(train) [9][1400/1879] lr: 2.0000e-02 eta: 1 day, 18:03:35 time: 0.8259 data_time: 0.0275 memory: 9812 grad_norm: 3.3905 loss: 3.1419 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.8673 distill.loss_dist: 1.2746 2023/05/14 07:38:27 - mmengine - INFO - Epoch(train) [9][1420/1879] lr: 2.0000e-02 eta: 1 day, 18:03:07 time: 0.8329 data_time: 0.1208 memory: 9812 grad_norm: 3.3977 loss: 3.1146 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8613 distill.loss_dist: 1.2533 2023/05/14 07:38:44 - mmengine - INFO - Epoch(train) [9][1440/1879] lr: 2.0000e-02 eta: 1 day, 18:02:51 time: 0.8918 data_time: 0.0402 memory: 9812 grad_norm: 3.4739 loss: 3.2215 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.9648 distill.loss_dist: 1.2567 2023/05/14 07:39:01 - mmengine - INFO - Epoch(train) [9][1460/1879] lr: 2.0000e-02 eta: 1 day, 18:02:22 time: 0.8261 data_time: 0.0243 memory: 9812 grad_norm: 3.3868 loss: 3.2184 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9437 distill.loss_dist: 1.2747 2023/05/14 07:39:18 - mmengine - INFO - Epoch(train) [9][1480/1879] lr: 2.0000e-02 eta: 1 day, 18:01:58 time: 0.8548 data_time: 0.1520 memory: 9812 grad_norm: 3.4249 loss: 3.3813 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 2.1129 distill.loss_dist: 1.2683 2023/05/14 07:39:36 - mmengine - INFO - Epoch(train) [9][1500/1879] lr: 2.0000e-02 eta: 1 day, 18:01:44 time: 0.8983 data_time: 0.0884 memory: 9812 grad_norm: 3.3302 loss: 3.4338 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.1607 distill.loss_dist: 1.2731 2023/05/14 07:39:51 - mmengine - INFO - Epoch(train) [9][1520/1879] lr: 2.0000e-02 eta: 1 day, 18:01:04 time: 0.7762 data_time: 0.0867 memory: 9812 grad_norm: 3.3891 loss: 3.5581 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 2.2776 distill.loss_dist: 1.2805 2023/05/14 07:40:11 - mmengine - INFO - Epoch(train) [9][1540/1879] lr: 2.0000e-02 eta: 1 day, 18:01:01 time: 0.9510 data_time: 0.2380 memory: 9812 grad_norm: 3.4475 loss: 3.4764 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 2.1957 distill.loss_dist: 1.2807 2023/05/14 07:40:30 - mmengine - INFO - Epoch(train) [9][1560/1879] lr: 2.0000e-02 eta: 1 day, 18:00:58 time: 0.9572 data_time: 0.5211 memory: 9812 grad_norm: 3.3737 loss: 3.2819 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0058 distill.loss_dist: 1.2760 2023/05/14 07:40:45 - mmengine - INFO - Epoch(train) [9][1580/1879] lr: 2.0000e-02 eta: 1 day, 18:00:21 time: 0.7864 data_time: 0.3558 memory: 9812 grad_norm: 3.3640 loss: 3.2314 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9648 distill.loss_dist: 1.2666 2023/05/14 07:41:03 - mmengine - INFO - Epoch(train) [9][1600/1879] lr: 2.0000e-02 eta: 1 day, 17:59:58 time: 0.8592 data_time: 0.3577 memory: 9812 grad_norm: 3.3476 loss: 3.4039 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 2.1199 distill.loss_dist: 1.2841 2023/05/14 07:41:21 - mmengine - INFO - Epoch(train) [9][1620/1879] lr: 2.0000e-02 eta: 1 day, 17:59:51 time: 0.9325 data_time: 0.3281 memory: 9812 grad_norm: 3.3768 loss: 3.4218 student.top1_acc: 0.1875 student.top5_acc: 0.7500 student.loss_cls: 2.1420 distill.loss_dist: 1.2799 2023/05/14 07:41:38 - mmengine - INFO - Epoch(train) [9][1640/1879] lr: 2.0000e-02 eta: 1 day, 17:59:19 time: 0.8144 data_time: 0.3336 memory: 9812 grad_norm: 3.4172 loss: 3.1554 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.9055 distill.loss_dist: 1.2499 2023/05/14 07:41:55 - mmengine - INFO - Epoch(train) [9][1660/1879] lr: 2.0000e-02 eta: 1 day, 17:58:59 time: 0.8724 data_time: 0.3211 memory: 9812 grad_norm: 3.4054 loss: 3.3323 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0644 distill.loss_dist: 1.2679 2023/05/14 07:42:13 - mmengine - INFO - Epoch(train) [9][1680/1879] lr: 2.0000e-02 eta: 1 day, 17:58:41 time: 0.8791 data_time: 0.3191 memory: 9812 grad_norm: 3.3597 loss: 3.3634 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 2.0896 distill.loss_dist: 1.2738 2023/05/14 07:42:29 - mmengine - INFO - Epoch(train) [9][1700/1879] lr: 2.0000e-02 eta: 1 day, 17:58:10 time: 0.8191 data_time: 0.1611 memory: 9812 grad_norm: 3.4163 loss: 3.2405 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.9769 distill.loss_dist: 1.2636 2023/05/14 07:42:48 - mmengine - INFO - Epoch(train) [9][1720/1879] lr: 2.0000e-02 eta: 1 day, 17:58:08 time: 0.9585 data_time: 0.0814 memory: 9812 grad_norm: 3.4401 loss: 3.2796 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.0130 distill.loss_dist: 1.2666 2023/05/14 07:43:06 - mmengine - INFO - Epoch(train) [9][1740/1879] lr: 2.0000e-02 eta: 1 day, 17:57:52 time: 0.8885 data_time: 0.0282 memory: 9812 grad_norm: 3.3986 loss: 3.3501 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.0651 distill.loss_dist: 1.2850 2023/05/14 07:43:22 - mmengine - INFO - Epoch(train) [9][1760/1879] lr: 2.0000e-02 eta: 1 day, 17:57:17 time: 0.8008 data_time: 0.0276 memory: 9812 grad_norm: 3.3875 loss: 3.4307 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.1305 distill.loss_dist: 1.3002 2023/05/14 07:43:40 - mmengine - INFO - Epoch(train) [9][1780/1879] lr: 2.0000e-02 eta: 1 day, 17:57:04 time: 0.9029 data_time: 0.0268 memory: 9812 grad_norm: 3.3087 loss: 3.3838 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.0858 distill.loss_dist: 1.2980 2023/05/14 07:43:57 - mmengine - INFO - Epoch(train) [9][1800/1879] lr: 2.0000e-02 eta: 1 day, 17:56:36 time: 0.8330 data_time: 0.0275 memory: 9812 grad_norm: 3.3803 loss: 3.2888 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.0171 distill.loss_dist: 1.2718 2023/05/14 07:44:13 - mmengine - INFO - Epoch(train) [9][1820/1879] lr: 2.0000e-02 eta: 1 day, 17:56:05 time: 0.8167 data_time: 0.0272 memory: 9812 grad_norm: 3.3350 loss: 3.3289 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.0691 distill.loss_dist: 1.2598 2023/05/14 07:44:33 - mmengine - INFO - Epoch(train) [9][1840/1879] lr: 2.0000e-02 eta: 1 day, 17:56:09 time: 0.9921 data_time: 0.0272 memory: 9812 grad_norm: 3.3237 loss: 3.2521 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9862 distill.loss_dist: 1.2658 2023/05/14 07:44:49 - mmengine - INFO - Epoch(train) [9][1860/1879] lr: 2.0000e-02 eta: 1 day, 17:55:38 time: 0.8170 data_time: 0.0278 memory: 9812 grad_norm: 3.4127 loss: 3.2593 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9845 distill.loss_dist: 1.2748 2023/05/14 07:45:02 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 07:45:02 - mmengine - INFO - Epoch(train) [9][1879/1879] lr: 2.0000e-02 eta: 1 day, 17:54:45 time: 0.6811 data_time: 0.0210 memory: 9812 grad_norm: 3.5268 loss: 3.1580 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 1.8854 distill.loss_dist: 1.2726 2023/05/14 07:45:02 - mmengine - INFO - Saving checkpoint at 9 epochs 2023/05/14 07:45:23 - mmengine - INFO - Epoch(val) [9][ 20/155] eta: 0:02:10 time: 0.9663 data_time: 0.8983 memory: 1484 2023/05/14 07:45:37 - mmengine - INFO - Epoch(val) [9][ 40/155] eta: 0:01:34 time: 0.6718 data_time: 0.6073 memory: 1484 2023/05/14 07:45:56 - mmengine - INFO - Epoch(val) [9][ 60/155] eta: 0:01:22 time: 0.9754 data_time: 0.9114 memory: 1484 2023/05/14 07:46:10 - mmengine - INFO - Epoch(val) [9][ 80/155] eta: 0:01:01 time: 0.6914 data_time: 0.6218 memory: 1484 2023/05/14 07:46:29 - mmengine - INFO - Epoch(val) [9][100/155] eta: 0:00:46 time: 0.9445 data_time: 0.8821 memory: 1484 2023/05/14 07:46:41 - mmengine - INFO - Epoch(val) [9][120/155] eta: 0:00:28 time: 0.6291 data_time: 0.5654 memory: 1484 2023/05/14 07:47:00 - mmengine - INFO - Epoch(val) [9][140/155] eta: 0:00:12 time: 0.9323 data_time: 0.8717 memory: 1484 2023/05/14 07:47:30 - mmengine - INFO - Epoch(val) [9][ 20/155] eta: 0:16:15 time: 1.0189 data_time: 0.8639 memory: 1582 2023/05/14 07:47:43 - mmengine - INFO - Epoch(val) [9][ 40/155] eta: 0:07:33 time: 0.6648 data_time: 0.5134 memory: 1582 2023/05/14 07:48:02 - mmengine - INFO - Epoch(val) [9][ 60/155] eta: 0:04:39 time: 0.9422 data_time: 0.7875 memory: 1582 2023/05/14 07:48:16 - mmengine - INFO - Epoch(val) [9][ 80/155] eta: 0:02:58 time: 0.6953 data_time: 0.5452 memory: 1582 2023/05/14 07:48:35 - mmengine - INFO - Epoch(val) [9][100/155] eta: 0:01:55 time: 0.9499 data_time: 0.8005 memory: 1582 2023/05/14 07:48:49 - mmengine - INFO - Epoch(val) [9][120/155] eta: 0:01:05 time: 0.6786 data_time: 0.5268 memory: 1582 2023/05/14 07:49:09 - mmengine - INFO - Epoch(val) [9][140/155] eta: 0:00:26 time: 1.0061 data_time: 0.8553 memory: 1582 2023/05/14 07:49:19 - mmengine - INFO - Epoch(val) [9][155/155] acc/top1: 0.5527 acc/top5: 0.8010 acc/mean1: 0.5526 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6667 time: 0.8170 2023/05/14 07:49:19 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_8.pth is removed 2023/05/14 07:49:20 - mmengine - INFO - The best checkpoint with 0.5527 acc/top1 at 9 epoch is saved to best_acc_top1_epoch_9.pth. 2023/05/14 07:49:42 - mmengine - INFO - Epoch(train) [10][ 20/1879] lr: 2.0000e-02 eta: 1 day, 17:55:14 time: 1.1104 data_time: 0.6867 memory: 9812 grad_norm: 3.3792 loss: 3.2881 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.9860 distill.loss_dist: 1.3021 2023/05/14 07:49:59 - mmengine - INFO - Epoch(train) [10][ 40/1879] lr: 2.0000e-02 eta: 1 day, 17:54:43 time: 0.8189 data_time: 0.4028 memory: 9812 grad_norm: 3.3062 loss: 3.2003 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.9589 distill.loss_dist: 1.2414 2023/05/14 07:50:15 - mmengine - INFO - Epoch(train) [10][ 60/1879] lr: 2.0000e-02 eta: 1 day, 17:54:16 time: 0.8353 data_time: 0.4139 memory: 9812 grad_norm: 3.3383 loss: 3.2107 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9742 distill.loss_dist: 1.2365 2023/05/14 07:50:34 - mmengine - INFO - Epoch(train) [10][ 80/1879] lr: 2.0000e-02 eta: 1 day, 17:54:11 time: 0.9440 data_time: 0.5232 memory: 9812 grad_norm: 3.3457 loss: 3.3305 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.0508 distill.loss_dist: 1.2797 2023/05/14 07:50:41 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 07:50:51 - mmengine - INFO - Epoch(train) [10][ 100/1879] lr: 2.0000e-02 eta: 1 day, 17:53:47 time: 0.8521 data_time: 0.4305 memory: 9812 grad_norm: 3.4064 loss: 3.2609 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.9876 distill.loss_dist: 1.2733 2023/05/14 07:51:07 - mmengine - INFO - Epoch(train) [10][ 120/1879] lr: 2.0000e-02 eta: 1 day, 17:53:10 time: 0.7867 data_time: 0.3587 memory: 9812 grad_norm: 3.3851 loss: 3.2010 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9373 distill.loss_dist: 1.2638 2023/05/14 07:51:26 - mmengine - INFO - Epoch(train) [10][ 140/1879] lr: 2.0000e-02 eta: 1 day, 17:53:08 time: 0.9627 data_time: 0.2051 memory: 9812 grad_norm: 3.4064 loss: 3.2900 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.0374 distill.loss_dist: 1.2526 2023/05/14 07:51:42 - mmengine - INFO - Epoch(train) [10][ 160/1879] lr: 2.0000e-02 eta: 1 day, 17:52:28 time: 0.7670 data_time: 0.0771 memory: 9812 grad_norm: 3.3578 loss: 3.1943 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.9188 distill.loss_dist: 1.2755 2023/05/14 07:51:58 - mmengine - INFO - Epoch(train) [10][ 180/1879] lr: 2.0000e-02 eta: 1 day, 17:51:59 time: 0.8303 data_time: 0.2353 memory: 9812 grad_norm: 3.3880 loss: 2.9653 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7059 distill.loss_dist: 1.2594 2023/05/14 07:52:16 - mmengine - INFO - Epoch(train) [10][ 200/1879] lr: 2.0000e-02 eta: 1 day, 17:51:47 time: 0.9087 data_time: 0.3954 memory: 9812 grad_norm: 3.4516 loss: 3.2553 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9956 distill.loss_dist: 1.2598 2023/05/14 07:52:33 - mmengine - INFO - Epoch(train) [10][ 220/1879] lr: 2.0000e-02 eta: 1 day, 17:51:24 time: 0.8527 data_time: 0.3685 memory: 9812 grad_norm: 3.3110 loss: 3.3632 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 2.0811 distill.loss_dist: 1.2821 2023/05/14 07:52:49 - mmengine - INFO - Epoch(train) [10][ 240/1879] lr: 2.0000e-02 eta: 1 day, 17:50:49 time: 0.7971 data_time: 0.2884 memory: 9812 grad_norm: 3.3946 loss: 3.2190 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9703 distill.loss_dist: 1.2488 2023/05/14 07:53:08 - mmengine - INFO - Epoch(train) [10][ 260/1879] lr: 2.0000e-02 eta: 1 day, 17:50:36 time: 0.9081 data_time: 0.3615 memory: 9812 grad_norm: 3.2995 loss: 2.9372 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7317 distill.loss_dist: 1.2055 2023/05/14 07:53:25 - mmengine - INFO - Epoch(train) [10][ 280/1879] lr: 2.0000e-02 eta: 1 day, 17:50:14 time: 0.8596 data_time: 0.3493 memory: 9812 grad_norm: 3.3838 loss: 3.3645 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0695 distill.loss_dist: 1.2951 2023/05/14 07:53:41 - mmengine - INFO - Epoch(train) [10][ 300/1879] lr: 2.0000e-02 eta: 1 day, 17:49:42 time: 0.8095 data_time: 0.3441 memory: 9812 grad_norm: 3.3830 loss: 3.3082 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 2.0230 distill.loss_dist: 1.2852 2023/05/14 07:54:00 - mmengine - INFO - Epoch(train) [10][ 320/1879] lr: 2.0000e-02 eta: 1 day, 17:49:38 time: 0.9499 data_time: 0.4493 memory: 9812 grad_norm: 3.4566 loss: 3.4936 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.1753 distill.loss_dist: 1.3184 2023/05/14 07:54:17 - mmengine - INFO - Epoch(train) [10][ 340/1879] lr: 2.0000e-02 eta: 1 day, 17:49:17 time: 0.8664 data_time: 0.2748 memory: 9812 grad_norm: 3.3395 loss: 3.4228 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.1562 distill.loss_dist: 1.2666 2023/05/14 07:54:34 - mmengine - INFO - Epoch(train) [10][ 360/1879] lr: 2.0000e-02 eta: 1 day, 17:48:50 time: 0.8345 data_time: 0.3031 memory: 9812 grad_norm: 3.4774 loss: 3.2835 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9920 distill.loss_dist: 1.2915 2023/05/14 07:54:52 - mmengine - INFO - Epoch(train) [10][ 380/1879] lr: 2.0000e-02 eta: 1 day, 17:48:36 time: 0.9001 data_time: 0.3073 memory: 9812 grad_norm: 3.3795 loss: 3.2646 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0213 distill.loss_dist: 1.2433 2023/05/14 07:55:09 - mmengine - INFO - Epoch(train) [10][ 400/1879] lr: 2.0000e-02 eta: 1 day, 17:48:09 time: 0.8360 data_time: 0.2889 memory: 9812 grad_norm: 3.4041 loss: 3.3571 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.0754 distill.loss_dist: 1.2817 2023/05/14 07:55:25 - mmengine - INFO - Epoch(train) [10][ 420/1879] lr: 2.0000e-02 eta: 1 day, 17:47:41 time: 0.8297 data_time: 0.3102 memory: 9812 grad_norm: 3.3951 loss: 3.2819 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.0108 distill.loss_dist: 1.2712 2023/05/14 07:55:44 - mmengine - INFO - Epoch(train) [10][ 440/1879] lr: 2.0000e-02 eta: 1 day, 17:47:39 time: 0.9596 data_time: 0.4501 memory: 9812 grad_norm: 3.3676 loss: 3.2960 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0421 distill.loss_dist: 1.2539 2023/05/14 07:56:01 - mmengine - INFO - Epoch(train) [10][ 460/1879] lr: 2.0000e-02 eta: 1 day, 17:47:11 time: 0.8295 data_time: 0.1766 memory: 9812 grad_norm: 3.3396 loss: 3.3942 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 2.1331 distill.loss_dist: 1.2612 2023/05/14 07:56:17 - mmengine - INFO - Epoch(train) [10][ 480/1879] lr: 2.0000e-02 eta: 1 day, 17:46:37 time: 0.8008 data_time: 0.1851 memory: 9812 grad_norm: 3.3014 loss: 3.1542 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8961 distill.loss_dist: 1.2581 2023/05/14 07:56:35 - mmengine - INFO - Epoch(train) [10][ 500/1879] lr: 2.0000e-02 eta: 1 day, 17:46:19 time: 0.8804 data_time: 0.4066 memory: 9812 grad_norm: 3.3276 loss: 3.4866 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.2003 distill.loss_dist: 1.2863 2023/05/14 07:56:52 - mmengine - INFO - Epoch(train) [10][ 520/1879] lr: 2.0000e-02 eta: 1 day, 17:46:01 time: 0.8781 data_time: 0.1893 memory: 9812 grad_norm: 3.4060 loss: 3.2417 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9698 distill.loss_dist: 1.2719 2023/05/14 07:57:08 - mmengine - INFO - Epoch(train) [10][ 540/1879] lr: 2.0000e-02 eta: 1 day, 17:45:28 time: 0.8068 data_time: 0.0335 memory: 9812 grad_norm: 3.3704 loss: 3.4354 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.1649 distill.loss_dist: 1.2705 2023/05/14 07:57:28 - mmengine - INFO - Epoch(train) [10][ 560/1879] lr: 2.0000e-02 eta: 1 day, 17:45:29 time: 0.9758 data_time: 0.0960 memory: 9812 grad_norm: 3.4082 loss: 3.2577 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9784 distill.loss_dist: 1.2794 2023/05/14 07:57:45 - mmengine - INFO - Epoch(train) [10][ 580/1879] lr: 2.0000e-02 eta: 1 day, 17:45:04 time: 0.8463 data_time: 0.0999 memory: 9812 grad_norm: 3.4054 loss: 3.2925 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0297 distill.loss_dist: 1.2627 2023/05/14 07:58:02 - mmengine - INFO - Epoch(train) [10][ 600/1879] lr: 2.0000e-02 eta: 1 day, 17:44:43 time: 0.8644 data_time: 0.0940 memory: 9812 grad_norm: 3.3994 loss: 3.2796 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.9987 distill.loss_dist: 1.2810 2023/05/14 07:58:20 - mmengine - INFO - Epoch(train) [10][ 620/1879] lr: 2.0000e-02 eta: 1 day, 17:44:28 time: 0.8920 data_time: 0.0259 memory: 9812 grad_norm: 3.3989 loss: 3.4373 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 2.1499 distill.loss_dist: 1.2874 2023/05/14 07:58:38 - mmengine - INFO - Epoch(train) [10][ 640/1879] lr: 2.0000e-02 eta: 1 day, 17:44:09 time: 0.8763 data_time: 0.0278 memory: 9812 grad_norm: 3.4268 loss: 3.0836 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8338 distill.loss_dist: 1.2498 2023/05/14 07:58:53 - mmengine - INFO - Epoch(train) [10][ 660/1879] lr: 2.0000e-02 eta: 1 day, 17:43:33 time: 0.7898 data_time: 0.0260 memory: 9812 grad_norm: 3.3870 loss: 3.4718 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 2.1954 distill.loss_dist: 1.2765 2023/05/14 07:59:12 - mmengine - INFO - Epoch(train) [10][ 680/1879] lr: 2.0000e-02 eta: 1 day, 17:43:30 time: 0.9576 data_time: 0.0258 memory: 9812 grad_norm: 3.3336 loss: 3.0444 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8114 distill.loss_dist: 1.2329 2023/05/14 07:59:29 - mmengine - INFO - Epoch(train) [10][ 700/1879] lr: 2.0000e-02 eta: 1 day, 17:43:05 time: 0.8396 data_time: 0.0243 memory: 9812 grad_norm: 3.4130 loss: 3.2731 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.0166 distill.loss_dist: 1.2566 2023/05/14 07:59:45 - mmengine - INFO - Epoch(train) [10][ 720/1879] lr: 2.0000e-02 eta: 1 day, 17:42:29 time: 0.7862 data_time: 0.0294 memory: 9812 grad_norm: 3.4265 loss: 3.1566 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.8834 distill.loss_dist: 1.2733 2023/05/14 08:00:03 - mmengine - INFO - Epoch(train) [10][ 740/1879] lr: 2.0000e-02 eta: 1 day, 17:42:18 time: 0.9192 data_time: 0.0260 memory: 9812 grad_norm: 3.3506 loss: 3.1684 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9292 distill.loss_dist: 1.2393 2023/05/14 08:00:21 - mmengine - INFO - Epoch(train) [10][ 760/1879] lr: 2.0000e-02 eta: 1 day, 17:41:58 time: 0.8704 data_time: 0.0224 memory: 9812 grad_norm: 3.3992 loss: 3.2152 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.9551 distill.loss_dist: 1.2601 2023/05/14 08:00:38 - mmengine - INFO - Epoch(train) [10][ 780/1879] lr: 2.0000e-02 eta: 1 day, 17:41:37 time: 0.8629 data_time: 0.0268 memory: 9812 grad_norm: 3.3424 loss: 3.2909 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 2.0313 distill.loss_dist: 1.2596 2023/05/14 08:00:56 - mmengine - INFO - Epoch(train) [10][ 800/1879] lr: 2.0000e-02 eta: 1 day, 17:41:23 time: 0.9017 data_time: 0.0276 memory: 9812 grad_norm: 3.3990 loss: 3.4593 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.1767 distill.loss_dist: 1.2826 2023/05/14 08:01:12 - mmengine - INFO - Epoch(train) [10][ 820/1879] lr: 2.0000e-02 eta: 1 day, 17:40:53 time: 0.8187 data_time: 0.0245 memory: 9812 grad_norm: 3.3315 loss: 3.1827 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9191 distill.loss_dist: 1.2636 2023/05/14 08:01:31 - mmengine - INFO - Epoch(train) [10][ 840/1879] lr: 2.0000e-02 eta: 1 day, 17:40:42 time: 0.9152 data_time: 0.0304 memory: 9812 grad_norm: 3.3126 loss: 3.1285 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9005 distill.loss_dist: 1.2280 2023/05/14 08:01:48 - mmengine - INFO - Epoch(train) [10][ 860/1879] lr: 2.0000e-02 eta: 1 day, 17:40:24 time: 0.8791 data_time: 0.0253 memory: 9812 grad_norm: 3.3644 loss: 3.2008 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9249 distill.loss_dist: 1.2759 2023/05/14 08:02:06 - mmengine - INFO - Epoch(train) [10][ 880/1879] lr: 2.0000e-02 eta: 1 day, 17:40:06 time: 0.8804 data_time: 0.0264 memory: 9812 grad_norm: 3.3384 loss: 3.4119 student.top1_acc: 0.1875 student.top5_acc: 0.5625 student.loss_cls: 2.1358 distill.loss_dist: 1.2761 2023/05/14 08:02:22 - mmengine - INFO - Epoch(train) [10][ 900/1879] lr: 2.0000e-02 eta: 1 day, 17:39:28 time: 0.7756 data_time: 0.0250 memory: 9812 grad_norm: 3.3898 loss: 3.5276 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.2440 distill.loss_dist: 1.2836 2023/05/14 08:02:40 - mmengine - INFO - Epoch(train) [10][ 920/1879] lr: 2.0000e-02 eta: 1 day, 17:39:21 time: 0.9348 data_time: 0.0290 memory: 9812 grad_norm: 3.3515 loss: 3.2998 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0176 distill.loss_dist: 1.2823 2023/05/14 08:02:58 - mmengine - INFO - Epoch(train) [10][ 940/1879] lr: 2.0000e-02 eta: 1 day, 17:39:00 time: 0.8664 data_time: 0.0293 memory: 9812 grad_norm: 3.3385 loss: 3.0960 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8562 distill.loss_dist: 1.2398 2023/05/14 08:03:15 - mmengine - INFO - Epoch(train) [10][ 960/1879] lr: 2.0000e-02 eta: 1 day, 17:38:45 time: 0.8953 data_time: 0.0295 memory: 9812 grad_norm: 3.3148 loss: 3.1412 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8704 distill.loss_dist: 1.2708 2023/05/14 08:03:32 - mmengine - INFO - Epoch(train) [10][ 980/1879] lr: 2.0000e-02 eta: 1 day, 17:38:16 time: 0.8224 data_time: 0.0276 memory: 9812 grad_norm: 3.3113 loss: 3.0743 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.8252 distill.loss_dist: 1.2492 2023/05/14 08:03:51 - mmengine - INFO - Epoch(train) [10][1000/1879] lr: 2.0000e-02 eta: 1 day, 17:38:12 time: 0.9534 data_time: 0.0247 memory: 9812 grad_norm: 3.3339 loss: 3.0424 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7815 distill.loss_dist: 1.2608 2023/05/14 08:04:08 - mmengine - INFO - Epoch(train) [10][1020/1879] lr: 2.0000e-02 eta: 1 day, 17:37:49 time: 0.8517 data_time: 0.0258 memory: 9812 grad_norm: 3.3861 loss: 3.2641 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.0062 distill.loss_dist: 1.2579 2023/05/14 08:04:24 - mmengine - INFO - Epoch(train) [10][1040/1879] lr: 2.0000e-02 eta: 1 day, 17:37:12 time: 0.7784 data_time: 0.0242 memory: 9812 grad_norm: 3.3959 loss: 3.2456 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9701 distill.loss_dist: 1.2755 2023/05/14 08:04:42 - mmengine - INFO - Epoch(train) [10][1060/1879] lr: 2.0000e-02 eta: 1 day, 17:36:59 time: 0.9083 data_time: 0.0318 memory: 9812 grad_norm: 3.3417 loss: 3.3927 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0826 distill.loss_dist: 1.3101 2023/05/14 08:04:58 - mmengine - INFO - Epoch(train) [10][1080/1879] lr: 2.0000e-02 eta: 1 day, 17:36:33 time: 0.8368 data_time: 0.0256 memory: 9812 grad_norm: 3.3932 loss: 3.3518 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.0948 distill.loss_dist: 1.2570 2023/05/14 08:05:07 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 08:05:16 - mmengine - INFO - Epoch(train) [10][1100/1879] lr: 2.0000e-02 eta: 1 day, 17:36:11 time: 0.8602 data_time: 0.0313 memory: 9812 grad_norm: 3.3600 loss: 3.1727 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8993 distill.loss_dist: 1.2734 2023/05/14 08:05:33 - mmengine - INFO - Epoch(train) [10][1120/1879] lr: 2.0000e-02 eta: 1 day, 17:35:53 time: 0.8770 data_time: 0.0687 memory: 9812 grad_norm: 3.3331 loss: 3.2690 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0042 distill.loss_dist: 1.2649 2023/05/14 08:05:49 - mmengine - INFO - Epoch(train) [10][1140/1879] lr: 2.0000e-02 eta: 1 day, 17:35:18 time: 0.7925 data_time: 0.0254 memory: 9812 grad_norm: 3.3236 loss: 3.3978 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1390 distill.loss_dist: 1.2588 2023/05/14 08:06:07 - mmengine - INFO - Epoch(train) [10][1160/1879] lr: 2.0000e-02 eta: 1 day, 17:35:06 time: 0.9086 data_time: 0.0267 memory: 9812 grad_norm: 3.3594 loss: 3.3816 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 2.1033 distill.loss_dist: 1.2784 2023/05/14 08:06:25 - mmengine - INFO - Epoch(train) [10][1180/1879] lr: 2.0000e-02 eta: 1 day, 17:34:48 time: 0.8833 data_time: 0.0309 memory: 9812 grad_norm: 3.3477 loss: 3.1801 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.9394 distill.loss_dist: 1.2406 2023/05/14 08:06:40 - mmengine - INFO - Epoch(train) [10][1200/1879] lr: 2.0000e-02 eta: 1 day, 17:34:10 time: 0.7691 data_time: 0.0233 memory: 9812 grad_norm: 3.3885 loss: 3.1447 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8919 distill.loss_dist: 1.2528 2023/05/14 08:07:00 - mmengine - INFO - Epoch(train) [10][1220/1879] lr: 2.0000e-02 eta: 1 day, 17:34:09 time: 0.9736 data_time: 0.0273 memory: 9812 grad_norm: 3.3056 loss: 3.1988 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.9337 distill.loss_dist: 1.2651 2023/05/14 08:07:17 - mmengine - INFO - Epoch(train) [10][1240/1879] lr: 2.0000e-02 eta: 1 day, 17:33:48 time: 0.8638 data_time: 0.0296 memory: 9812 grad_norm: 3.3552 loss: 3.3635 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0725 distill.loss_dist: 1.2910 2023/05/14 08:07:33 - mmengine - INFO - Epoch(train) [10][1260/1879] lr: 2.0000e-02 eta: 1 day, 17:33:18 time: 0.8128 data_time: 0.0279 memory: 9812 grad_norm: 3.4067 loss: 3.1722 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9044 distill.loss_dist: 1.2678 2023/05/14 08:07:52 - mmengine - INFO - Epoch(train) [10][1280/1879] lr: 2.0000e-02 eta: 1 day, 17:33:08 time: 0.9223 data_time: 0.0293 memory: 9812 grad_norm: 3.3700 loss: 3.1553 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8932 distill.loss_dist: 1.2621 2023/05/14 08:08:08 - mmengine - INFO - Epoch(train) [10][1300/1879] lr: 2.0000e-02 eta: 1 day, 17:32:39 time: 0.8191 data_time: 0.0256 memory: 9812 grad_norm: 3.3027 loss: 2.9873 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.7578 distill.loss_dist: 1.2296 2023/05/14 08:08:25 - mmengine - INFO - Epoch(train) [10][1320/1879] lr: 2.0000e-02 eta: 1 day, 17:32:12 time: 0.8345 data_time: 0.0279 memory: 9812 grad_norm: 3.3151 loss: 3.0641 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8074 distill.loss_dist: 1.2568 2023/05/14 08:08:44 - mmengine - INFO - Epoch(train) [10][1340/1879] lr: 2.0000e-02 eta: 1 day, 17:32:09 time: 0.9592 data_time: 0.0236 memory: 9812 grad_norm: 3.3727 loss: 3.1998 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.9477 distill.loss_dist: 1.2521 2023/05/14 08:09:02 - mmengine - INFO - Epoch(train) [10][1360/1879] lr: 2.0000e-02 eta: 1 day, 17:31:50 time: 0.8727 data_time: 0.0243 memory: 9812 grad_norm: 3.3659 loss: 3.3412 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 2.0532 distill.loss_dist: 1.2880 2023/05/14 08:09:19 - mmengine - INFO - Epoch(train) [10][1380/1879] lr: 2.0000e-02 eta: 1 day, 17:31:28 time: 0.8571 data_time: 0.0240 memory: 9812 grad_norm: 3.3953 loss: 3.0389 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.8022 distill.loss_dist: 1.2367 2023/05/14 08:09:37 - mmengine - INFO - Epoch(train) [10][1400/1879] lr: 2.0000e-02 eta: 1 day, 17:31:14 time: 0.8996 data_time: 0.0270 memory: 9812 grad_norm: 3.3370 loss: 3.5446 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.2439 distill.loss_dist: 1.3007 2023/05/14 08:09:53 - mmengine - INFO - Epoch(train) [10][1420/1879] lr: 2.0000e-02 eta: 1 day, 17:30:47 time: 0.8329 data_time: 0.0268 memory: 9812 grad_norm: 3.3994 loss: 3.3730 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.0992 distill.loss_dist: 1.2738 2023/05/14 08:10:10 - mmengine - INFO - Epoch(train) [10][1440/1879] lr: 2.0000e-02 eta: 1 day, 17:30:19 time: 0.8223 data_time: 0.0298 memory: 9812 grad_norm: 3.3828 loss: 3.1804 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9447 distill.loss_dist: 1.2358 2023/05/14 08:10:29 - mmengine - INFO - Epoch(train) [10][1460/1879] lr: 2.0000e-02 eta: 1 day, 17:30:12 time: 0.9394 data_time: 0.0262 memory: 9812 grad_norm: 3.3179 loss: 3.5458 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.2736 distill.loss_dist: 1.2722 2023/05/14 08:10:47 - mmengine - INFO - Epoch(train) [10][1480/1879] lr: 2.0000e-02 eta: 1 day, 17:29:58 time: 0.9009 data_time: 0.0266 memory: 9812 grad_norm: 3.2881 loss: 3.1796 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9192 distill.loss_dist: 1.2604 2023/05/14 08:11:03 - mmengine - INFO - Epoch(train) [10][1500/1879] lr: 2.0000e-02 eta: 1 day, 17:29:27 time: 0.8123 data_time: 0.0270 memory: 9812 grad_norm: 3.2766 loss: 3.1055 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8650 distill.loss_dist: 1.2405 2023/05/14 08:11:19 - mmengine - INFO - Epoch(train) [10][1520/1879] lr: 2.0000e-02 eta: 1 day, 17:28:56 time: 0.8067 data_time: 0.0276 memory: 9812 grad_norm: 3.3260 loss: 3.1778 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 1.9044 distill.loss_dist: 1.2733 2023/05/14 08:11:38 - mmengine - INFO - Epoch(train) [10][1540/1879] lr: 2.0000e-02 eta: 1 day, 17:28:49 time: 0.9388 data_time: 0.0267 memory: 9812 grad_norm: 3.3720 loss: 3.1849 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9152 distill.loss_dist: 1.2698 2023/05/14 08:11:54 - mmengine - INFO - Epoch(train) [10][1560/1879] lr: 2.0000e-02 eta: 1 day, 17:28:23 time: 0.8348 data_time: 0.0282 memory: 9812 grad_norm: 3.2700 loss: 3.0408 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.8004 distill.loss_dist: 1.2404 2023/05/14 08:12:11 - mmengine - INFO - Epoch(train) [10][1580/1879] lr: 2.0000e-02 eta: 1 day, 17:27:51 time: 0.8056 data_time: 0.0250 memory: 9812 grad_norm: 3.3389 loss: 2.9525 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7272 distill.loss_dist: 1.2253 2023/05/14 08:12:30 - mmengine - INFO - Epoch(train) [10][1600/1879] lr: 2.0000e-02 eta: 1 day, 17:27:46 time: 0.9510 data_time: 0.0254 memory: 9812 grad_norm: 3.3209 loss: 3.2693 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.9950 distill.loss_dist: 1.2743 2023/05/14 08:12:46 - mmengine - INFO - Epoch(train) [10][1620/1879] lr: 2.0000e-02 eta: 1 day, 17:27:19 time: 0.8265 data_time: 0.0259 memory: 9812 grad_norm: 3.4119 loss: 3.2039 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9336 distill.loss_dist: 1.2703 2023/05/14 08:13:03 - mmengine - INFO - Epoch(train) [10][1640/1879] lr: 2.0000e-02 eta: 1 day, 17:26:51 time: 0.8271 data_time: 0.0261 memory: 9812 grad_norm: 3.4086 loss: 3.3472 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0490 distill.loss_dist: 1.2982 2023/05/14 08:13:22 - mmengine - INFO - Epoch(train) [10][1660/1879] lr: 2.0000e-02 eta: 1 day, 17:26:50 time: 0.9702 data_time: 0.0253 memory: 9812 grad_norm: 3.2595 loss: 3.3938 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.1170 distill.loss_dist: 1.2768 2023/05/14 08:13:39 - mmengine - INFO - Epoch(train) [10][1680/1879] lr: 2.0000e-02 eta: 1 day, 17:26:28 time: 0.8598 data_time: 0.0258 memory: 9812 grad_norm: 3.2926 loss: 3.4648 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.1866 distill.loss_dist: 1.2782 2023/05/14 08:13:55 - mmengine - INFO - Epoch(train) [10][1700/1879] lr: 2.0000e-02 eta: 1 day, 17:25:57 time: 0.8045 data_time: 0.0305 memory: 9812 grad_norm: 3.3827 loss: 3.4714 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.1755 distill.loss_dist: 1.2959 2023/05/14 08:14:14 - mmengine - INFO - Epoch(train) [10][1720/1879] lr: 2.0000e-02 eta: 1 day, 17:25:48 time: 0.9283 data_time: 0.0261 memory: 9812 grad_norm: 3.4101 loss: 3.4916 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.1947 distill.loss_dist: 1.2969 2023/05/14 08:14:30 - mmengine - INFO - Epoch(train) [10][1740/1879] lr: 2.0000e-02 eta: 1 day, 17:25:13 time: 0.7856 data_time: 0.0372 memory: 9812 grad_norm: 3.3128 loss: 3.1762 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.9392 distill.loss_dist: 1.2370 2023/05/14 08:14:47 - mmengine - INFO - Epoch(train) [10][1760/1879] lr: 2.0000e-02 eta: 1 day, 17:24:50 time: 0.8512 data_time: 0.0381 memory: 9812 grad_norm: 3.3740 loss: 3.2635 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0135 distill.loss_dist: 1.2500 2023/05/14 08:15:04 - mmengine - INFO - Epoch(train) [10][1780/1879] lr: 2.0000e-02 eta: 1 day, 17:24:27 time: 0.8522 data_time: 0.1099 memory: 9812 grad_norm: 3.3291 loss: 3.5440 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 2.2401 distill.loss_dist: 1.3039 2023/05/14 08:15:22 - mmengine - INFO - Epoch(train) [10][1800/1879] lr: 2.0000e-02 eta: 1 day, 17:24:18 time: 0.9314 data_time: 0.0291 memory: 9812 grad_norm: 3.3724 loss: 3.3612 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 2.0851 distill.loss_dist: 1.2761 2023/05/14 08:15:39 - mmengine - INFO - Epoch(train) [10][1820/1879] lr: 2.0000e-02 eta: 1 day, 17:23:53 time: 0.8366 data_time: 0.0800 memory: 9812 grad_norm: 3.3797 loss: 3.2044 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9555 distill.loss_dist: 1.2489 2023/05/14 08:15:56 - mmengine - INFO - Epoch(train) [10][1840/1879] lr: 2.0000e-02 eta: 1 day, 17:23:32 time: 0.8608 data_time: 0.1535 memory: 9812 grad_norm: 3.3697 loss: 3.1581 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8753 distill.loss_dist: 1.2828 2023/05/14 08:16:15 - mmengine - INFO - Epoch(train) [10][1860/1879] lr: 2.0000e-02 eta: 1 day, 17:23:26 time: 0.9485 data_time: 0.4519 memory: 9812 grad_norm: 3.3186 loss: 3.1620 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.9068 distill.loss_dist: 1.2552 2023/05/14 08:16:28 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 08:16:28 - mmengine - INFO - Epoch(train) [10][1879/1879] lr: 2.0000e-02 eta: 1 day, 17:22:31 time: 0.7827 data_time: 0.3808 memory: 9812 grad_norm: 3.4585 loss: 3.4173 student.top1_acc: 0.2857 student.top5_acc: 0.5714 student.loss_cls: 2.1494 distill.loss_dist: 1.2679 2023/05/14 08:16:48 - mmengine - INFO - Epoch(val) [10][ 20/155] eta: 0:02:16 time: 1.0077 data_time: 0.9425 memory: 1484 2023/05/14 08:17:01 - mmengine - INFO - Epoch(val) [10][ 40/155] eta: 0:01:34 time: 0.6380 data_time: 0.5747 memory: 1484 2023/05/14 08:17:19 - mmengine - INFO - Epoch(val) [10][ 60/155] eta: 0:01:21 time: 0.9252 data_time: 0.8580 memory: 1484 2023/05/14 08:17:33 - mmengine - INFO - Epoch(val) [10][ 80/155] eta: 0:01:00 time: 0.6763 data_time: 0.6102 memory: 1484 2023/05/14 08:17:52 - mmengine - INFO - Epoch(val) [10][100/155] eta: 0:00:46 time: 0.9562 data_time: 0.8918 memory: 1484 2023/05/14 08:18:05 - mmengine - INFO - Epoch(val) [10][120/155] eta: 0:00:28 time: 0.6707 data_time: 0.6072 memory: 1484 2023/05/14 08:18:25 - mmengine - INFO - Epoch(val) [10][140/155] eta: 0:00:12 time: 1.0078 data_time: 0.9482 memory: 1484 2023/05/14 08:18:55 - mmengine - INFO - Epoch(val) [10][ 20/155] eta: 0:16:21 time: 1.0003 data_time: 0.8495 memory: 1582 2023/05/14 08:19:08 - mmengine - INFO - Epoch(val) [10][ 40/155] eta: 0:07:36 time: 0.6617 data_time: 0.5113 memory: 1582 2023/05/14 08:19:28 - mmengine - INFO - Epoch(val) [10][ 60/155] eta: 0:04:41 time: 0.9631 data_time: 0.8142 memory: 1582 2023/05/14 08:19:41 - mmengine - INFO - Epoch(val) [10][ 80/155] eta: 0:02:59 time: 0.6933 data_time: 0.5380 memory: 1582 2023/05/14 08:20:01 - mmengine - INFO - Epoch(val) [10][100/155] eta: 0:01:56 time: 0.9850 data_time: 0.8341 memory: 1582 2023/05/14 08:20:15 - mmengine - INFO - Epoch(val) [10][120/155] eta: 0:01:05 time: 0.6916 data_time: 0.5356 memory: 1582 2023/05/14 08:20:35 - mmengine - INFO - Epoch(val) [10][140/155] eta: 0:00:26 time: 1.0093 data_time: 0.8534 memory: 1582 2023/05/14 08:20:44 - mmengine - INFO - Epoch(val) [10][155/155] acc/top1: 0.5561 acc/top5: 0.8038 acc/mean1: 0.5559 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6684 time: 0.8192 2023/05/14 08:20:44 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_9.pth is removed 2023/05/14 08:20:46 - mmengine - INFO - The best checkpoint with 0.5561 acc/top1 at 10 epoch is saved to best_acc_top1_epoch_10.pth. 2023/05/14 08:21:07 - mmengine - INFO - Epoch(train) [11][ 20/1879] lr: 2.0000e-02 eta: 1 day, 17:22:44 time: 1.0553 data_time: 0.6161 memory: 9812 grad_norm: 3.3771 loss: 2.9987 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7643 distill.loss_dist: 1.2345 2023/05/14 08:21:24 - mmengine - INFO - Epoch(train) [11][ 40/1879] lr: 2.0000e-02 eta: 1 day, 17:22:22 time: 0.8532 data_time: 0.3476 memory: 9812 grad_norm: 3.3177 loss: 3.3949 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.1270 distill.loss_dist: 1.2679 2023/05/14 08:21:40 - mmengine - INFO - Epoch(train) [11][ 60/1879] lr: 2.0000e-02 eta: 1 day, 17:21:50 time: 0.7999 data_time: 0.3299 memory: 9812 grad_norm: 3.3844 loss: 3.2147 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9182 distill.loss_dist: 1.2965 2023/05/14 08:21:59 - mmengine - INFO - Epoch(train) [11][ 80/1879] lr: 2.0000e-02 eta: 1 day, 17:21:42 time: 0.9362 data_time: 0.5196 memory: 9812 grad_norm: 3.3246 loss: 3.2954 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 2.0445 distill.loss_dist: 1.2509 2023/05/14 08:22:15 - mmengine - INFO - Epoch(train) [11][ 100/1879] lr: 2.0000e-02 eta: 1 day, 17:21:16 time: 0.8338 data_time: 0.4199 memory: 9812 grad_norm: 3.2874 loss: 3.2979 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0213 distill.loss_dist: 1.2766 2023/05/14 08:22:32 - mmengine - INFO - Epoch(train) [11][ 120/1879] lr: 2.0000e-02 eta: 1 day, 17:20:48 time: 0.8241 data_time: 0.4119 memory: 9812 grad_norm: 3.2762 loss: 3.1491 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9093 distill.loss_dist: 1.2398 2023/05/14 08:22:52 - mmengine - INFO - Epoch(train) [11][ 140/1879] lr: 2.0000e-02 eta: 1 day, 17:20:52 time: 1.0002 data_time: 0.5789 memory: 9812 grad_norm: 3.3928 loss: 3.2055 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9472 distill.loss_dist: 1.2583 2023/05/14 08:23:07 - mmengine - INFO - Epoch(train) [11][ 160/1879] lr: 2.0000e-02 eta: 1 day, 17:20:15 time: 0.7724 data_time: 0.3368 memory: 9812 grad_norm: 3.3350 loss: 3.2277 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9642 distill.loss_dist: 1.2635 2023/05/14 08:23:25 - mmengine - INFO - Epoch(train) [11][ 180/1879] lr: 2.0000e-02 eta: 1 day, 17:19:57 time: 0.8768 data_time: 0.2299 memory: 9812 grad_norm: 3.3420 loss: 3.4522 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.1789 distill.loss_dist: 1.2734 2023/05/14 08:23:42 - mmengine - INFO - Epoch(train) [11][ 200/1879] lr: 2.0000e-02 eta: 1 day, 17:19:39 time: 0.8842 data_time: 0.3320 memory: 9812 grad_norm: 3.3069 loss: 3.3245 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 2.0726 distill.loss_dist: 1.2518 2023/05/14 08:23:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 08:23:59 - mmengine - INFO - Epoch(train) [11][ 220/1879] lr: 2.0000e-02 eta: 1 day, 17:19:17 time: 0.8550 data_time: 0.3336 memory: 9812 grad_norm: 3.3382 loss: 3.1782 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.9125 distill.loss_dist: 1.2657 2023/05/14 08:24:15 - mmengine - INFO - Epoch(train) [11][ 240/1879] lr: 2.0000e-02 eta: 1 day, 17:18:45 time: 0.7980 data_time: 0.2601 memory: 9812 grad_norm: 3.3395 loss: 3.4452 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.1808 distill.loss_dist: 1.2645 2023/05/14 08:24:34 - mmengine - INFO - Epoch(train) [11][ 260/1879] lr: 2.0000e-02 eta: 1 day, 17:18:40 time: 0.9497 data_time: 0.2702 memory: 9812 grad_norm: 3.3605 loss: 3.2097 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.9259 distill.loss_dist: 1.2838 2023/05/14 08:24:52 - mmengine - INFO - Epoch(train) [11][ 280/1879] lr: 2.0000e-02 eta: 1 day, 17:18:26 time: 0.9026 data_time: 0.3542 memory: 9812 grad_norm: 3.3344 loss: 3.1710 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.9030 distill.loss_dist: 1.2680 2023/05/14 08:25:09 - mmengine - INFO - Epoch(train) [11][ 300/1879] lr: 2.0000e-02 eta: 1 day, 17:17:57 time: 0.8152 data_time: 0.1307 memory: 9812 grad_norm: 3.2958 loss: 3.1846 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.9398 distill.loss_dist: 1.2448 2023/05/14 08:25:26 - mmengine - INFO - Epoch(train) [11][ 320/1879] lr: 2.0000e-02 eta: 1 day, 17:17:39 time: 0.8822 data_time: 0.1078 memory: 9812 grad_norm: 3.3552 loss: 3.2355 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 2.0012 distill.loss_dist: 1.2342 2023/05/14 08:25:45 - mmengine - INFO - Epoch(train) [11][ 340/1879] lr: 2.0000e-02 eta: 1 day, 17:17:31 time: 0.9337 data_time: 0.0382 memory: 9812 grad_norm: 3.3407 loss: 3.1536 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.8852 distill.loss_dist: 1.2685 2023/05/14 08:26:01 - mmengine - INFO - Epoch(train) [11][ 360/1879] lr: 2.0000e-02 eta: 1 day, 17:16:56 time: 0.7810 data_time: 0.0254 memory: 9812 grad_norm: 3.3558 loss: 3.2417 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 1.9734 distill.loss_dist: 1.2683 2023/05/14 08:26:20 - mmengine - INFO - Epoch(train) [11][ 380/1879] lr: 2.0000e-02 eta: 1 day, 17:16:53 time: 0.9657 data_time: 0.0246 memory: 9812 grad_norm: 3.2578 loss: 3.1509 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.9064 distill.loss_dist: 1.2445 2023/05/14 08:26:36 - mmengine - INFO - Epoch(train) [11][ 400/1879] lr: 2.0000e-02 eta: 1 day, 17:16:25 time: 0.8207 data_time: 0.0286 memory: 9812 grad_norm: 3.3145 loss: 3.0763 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8433 distill.loss_dist: 1.2330 2023/05/14 08:26:53 - mmengine - INFO - Epoch(train) [11][ 420/1879] lr: 2.0000e-02 eta: 1 day, 17:15:55 time: 0.8098 data_time: 0.0260 memory: 9812 grad_norm: 3.3332 loss: 3.3209 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.0439 distill.loss_dist: 1.2769 2023/05/14 08:27:12 - mmengine - INFO - Epoch(train) [11][ 440/1879] lr: 2.0000e-02 eta: 1 day, 17:15:54 time: 0.9733 data_time: 0.0280 memory: 9812 grad_norm: 3.2802 loss: 3.1698 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.9042 distill.loss_dist: 1.2656 2023/05/14 08:27:28 - mmengine - INFO - Epoch(train) [11][ 460/1879] lr: 2.0000e-02 eta: 1 day, 17:15:20 time: 0.7924 data_time: 0.0272 memory: 9812 grad_norm: 3.2554 loss: 3.1950 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.9683 distill.loss_dist: 1.2267 2023/05/14 08:27:44 - mmengine - INFO - Epoch(train) [11][ 480/1879] lr: 2.0000e-02 eta: 1 day, 17:14:45 time: 0.7804 data_time: 0.0298 memory: 9812 grad_norm: 3.3602 loss: 3.2858 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0082 distill.loss_dist: 1.2776 2023/05/14 08:28:03 - mmengine - INFO - Epoch(train) [11][ 500/1879] lr: 2.0000e-02 eta: 1 day, 17:14:44 time: 0.9747 data_time: 0.0474 memory: 9812 grad_norm: 3.3484 loss: 3.1728 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9170 distill.loss_dist: 1.2558 2023/05/14 08:28:20 - mmengine - INFO - Epoch(train) [11][ 520/1879] lr: 2.0000e-02 eta: 1 day, 17:14:24 time: 0.8661 data_time: 0.1151 memory: 9812 grad_norm: 3.3497 loss: 2.9792 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7559 distill.loss_dist: 1.2232 2023/05/14 08:28:36 - mmengine - INFO - Epoch(train) [11][ 540/1879] lr: 2.0000e-02 eta: 1 day, 17:13:52 time: 0.7994 data_time: 0.0831 memory: 9812 grad_norm: 3.3834 loss: 3.2117 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9689 distill.loss_dist: 1.2428 2023/05/14 08:28:55 - mmengine - INFO - Epoch(train) [11][ 560/1879] lr: 2.0000e-02 eta: 1 day, 17:13:41 time: 0.9194 data_time: 0.2881 memory: 9812 grad_norm: 3.4453 loss: 3.4017 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.1171 distill.loss_dist: 1.2846 2023/05/14 08:29:12 - mmengine - INFO - Epoch(train) [11][ 580/1879] lr: 2.0000e-02 eta: 1 day, 17:13:18 time: 0.8499 data_time: 0.1491 memory: 9812 grad_norm: 3.3278 loss: 3.0419 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7966 distill.loss_dist: 1.2452 2023/05/14 08:29:30 - mmengine - INFO - Epoch(train) [11][ 600/1879] lr: 2.0000e-02 eta: 1 day, 17:13:01 time: 0.8838 data_time: 0.1139 memory: 9812 grad_norm: 3.3878 loss: 3.0464 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.8023 distill.loss_dist: 1.2442 2023/05/14 08:29:47 - mmengine - INFO - Epoch(train) [11][ 620/1879] lr: 2.0000e-02 eta: 1 day, 17:12:44 time: 0.8815 data_time: 0.0301 memory: 9812 grad_norm: 3.4179 loss: 3.3487 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0611 distill.loss_dist: 1.2876 2023/05/14 08:30:04 - mmengine - INFO - Epoch(train) [11][ 640/1879] lr: 2.0000e-02 eta: 1 day, 17:12:21 time: 0.8481 data_time: 0.0267 memory: 9812 grad_norm: 3.3272 loss: 3.2380 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9920 distill.loss_dist: 1.2461 2023/05/14 08:30:22 - mmengine - INFO - Epoch(train) [11][ 660/1879] lr: 2.0000e-02 eta: 1 day, 17:12:03 time: 0.8801 data_time: 0.0249 memory: 9812 grad_norm: 3.2345 loss: 3.4484 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.1813 distill.loss_dist: 1.2671 2023/05/14 08:30:41 - mmengine - INFO - Epoch(train) [11][ 680/1879] lr: 2.0000e-02 eta: 1 day, 17:11:58 time: 0.9543 data_time: 0.0261 memory: 9812 grad_norm: 3.3261 loss: 3.0896 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.8163 distill.loss_dist: 1.2733 2023/05/14 08:30:57 - mmengine - INFO - Epoch(train) [11][ 700/1879] lr: 2.0000e-02 eta: 1 day, 17:11:27 time: 0.8039 data_time: 0.0260 memory: 9812 grad_norm: 3.3652 loss: 2.9882 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7284 distill.loss_dist: 1.2598 2023/05/14 08:31:13 - mmengine - INFO - Epoch(train) [11][ 720/1879] lr: 2.0000e-02 eta: 1 day, 17:10:54 time: 0.7912 data_time: 0.0278 memory: 9812 grad_norm: 3.3122 loss: 3.1309 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.8869 distill.loss_dist: 1.2440 2023/05/14 08:31:31 - mmengine - INFO - Epoch(train) [11][ 740/1879] lr: 2.0000e-02 eta: 1 day, 17:10:41 time: 0.9069 data_time: 0.0284 memory: 9812 grad_norm: 3.3432 loss: 3.3538 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.0844 distill.loss_dist: 1.2694 2023/05/14 08:31:48 - mmengine - INFO - Epoch(train) [11][ 760/1879] lr: 2.0000e-02 eta: 1 day, 17:10:21 time: 0.8648 data_time: 0.0241 memory: 9812 grad_norm: 3.3320 loss: 2.9034 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6766 distill.loss_dist: 1.2267 2023/05/14 08:32:04 - mmengine - INFO - Epoch(train) [11][ 780/1879] lr: 2.0000e-02 eta: 1 day, 17:09:52 time: 0.8158 data_time: 0.0276 memory: 9812 grad_norm: 3.3129 loss: 3.1271 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 1.8683 distill.loss_dist: 1.2588 2023/05/14 08:32:24 - mmengine - INFO - Epoch(train) [11][ 800/1879] lr: 2.0000e-02 eta: 1 day, 17:09:48 time: 0.9557 data_time: 0.0294 memory: 9812 grad_norm: 3.3394 loss: 3.2132 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9983 distill.loss_dist: 1.2149 2023/05/14 08:32:41 - mmengine - INFO - Epoch(train) [11][ 820/1879] lr: 2.0000e-02 eta: 1 day, 17:09:28 time: 0.8691 data_time: 0.0225 memory: 9812 grad_norm: 3.3407 loss: 3.0984 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.8696 distill.loss_dist: 1.2288 2023/05/14 08:32:57 - mmengine - INFO - Epoch(train) [11][ 840/1879] lr: 2.0000e-02 eta: 1 day, 17:08:56 time: 0.7987 data_time: 0.0262 memory: 9812 grad_norm: 3.2858 loss: 3.1675 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.9259 distill.loss_dist: 1.2416 2023/05/14 08:33:16 - mmengine - INFO - Epoch(train) [11][ 860/1879] lr: 2.0000e-02 eta: 1 day, 17:08:49 time: 0.9400 data_time: 0.0255 memory: 9812 grad_norm: 3.3852 loss: 3.1831 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.9244 distill.loss_dist: 1.2587 2023/05/14 08:33:33 - mmengine - INFO - Epoch(train) [11][ 880/1879] lr: 2.0000e-02 eta: 1 day, 17:08:26 time: 0.8506 data_time: 0.0269 memory: 9812 grad_norm: 3.3324 loss: 3.2123 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9701 distill.loss_dist: 1.2422 2023/05/14 08:33:49 - mmengine - INFO - Epoch(train) [11][ 900/1879] lr: 2.0000e-02 eta: 1 day, 17:07:56 time: 0.8052 data_time: 0.0257 memory: 9812 grad_norm: 3.2817 loss: 3.1008 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8512 distill.loss_dist: 1.2496 2023/05/14 08:34:07 - mmengine - INFO - Epoch(train) [11][ 920/1879] lr: 2.0000e-02 eta: 1 day, 17:07:44 time: 0.9156 data_time: 0.0273 memory: 9812 grad_norm: 3.3516 loss: 3.0487 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7931 distill.loss_dist: 1.2556 2023/05/14 08:34:23 - mmengine - INFO - Epoch(train) [11][ 940/1879] lr: 2.0000e-02 eta: 1 day, 17:07:11 time: 0.7894 data_time: 0.0249 memory: 9812 grad_norm: 3.3328 loss: 3.4550 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.1971 distill.loss_dist: 1.2579 2023/05/14 08:34:39 - mmengine - INFO - Epoch(train) [11][ 960/1879] lr: 2.0000e-02 eta: 1 day, 17:06:43 time: 0.8192 data_time: 0.0286 memory: 9812 grad_norm: 3.3065 loss: 3.1669 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9392 distill.loss_dist: 1.2277 2023/05/14 08:35:00 - mmengine - INFO - Epoch(train) [11][ 980/1879] lr: 2.0000e-02 eta: 1 day, 17:06:52 time: 1.0386 data_time: 0.0269 memory: 9812 grad_norm: 3.3621 loss: 3.3817 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0974 distill.loss_dist: 1.2843 2023/05/14 08:35:16 - mmengine - INFO - Epoch(train) [11][1000/1879] lr: 2.0000e-02 eta: 1 day, 17:06:20 time: 0.7915 data_time: 0.0273 memory: 9812 grad_norm: 3.2894 loss: 3.1905 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9208 distill.loss_dist: 1.2697 2023/05/14 08:35:32 - mmengine - INFO - Epoch(train) [11][1020/1879] lr: 2.0000e-02 eta: 1 day, 17:05:47 time: 0.7897 data_time: 0.0267 memory: 9812 grad_norm: 3.3498 loss: 3.2767 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9984 distill.loss_dist: 1.2783 2023/05/14 08:35:51 - mmengine - INFO - Epoch(train) [11][1040/1879] lr: 2.0000e-02 eta: 1 day, 17:05:47 time: 0.9842 data_time: 0.0264 memory: 9812 grad_norm: 3.2990 loss: 3.2073 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9393 distill.loss_dist: 1.2680 2023/05/14 08:36:08 - mmengine - INFO - Epoch(train) [11][1060/1879] lr: 2.0000e-02 eta: 1 day, 17:05:21 time: 0.8307 data_time: 0.0253 memory: 9812 grad_norm: 3.2395 loss: 3.1460 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.8935 distill.loss_dist: 1.2526 2023/05/14 08:36:25 - mmengine - INFO - Epoch(train) [11][1080/1879] lr: 2.0000e-02 eta: 1 day, 17:04:55 time: 0.8318 data_time: 0.0288 memory: 9812 grad_norm: 3.2569 loss: 3.2611 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 2.0124 distill.loss_dist: 1.2487 2023/05/14 08:36:43 - mmengine - INFO - Epoch(train) [11][1100/1879] lr: 2.0000e-02 eta: 1 day, 17:04:40 time: 0.8976 data_time: 0.0296 memory: 9812 grad_norm: 3.2626 loss: 3.2727 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.9900 distill.loss_dist: 1.2827 2023/05/14 08:37:01 - mmengine - INFO - Epoch(train) [11][1120/1879] lr: 2.0000e-02 eta: 1 day, 17:04:26 time: 0.8987 data_time: 0.0274 memory: 9812 grad_norm: 3.3368 loss: 3.1495 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.9098 distill.loss_dist: 1.2397 2023/05/14 08:37:17 - mmengine - INFO - Epoch(train) [11][1140/1879] lr: 2.0000e-02 eta: 1 day, 17:04:01 time: 0.8371 data_time: 0.0256 memory: 9812 grad_norm: 3.3829 loss: 3.1886 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9229 distill.loss_dist: 1.2658 2023/05/14 08:37:34 - mmengine - INFO - Epoch(train) [11][1160/1879] lr: 2.0000e-02 eta: 1 day, 17:03:38 time: 0.8466 data_time: 0.0282 memory: 9812 grad_norm: 3.3621 loss: 3.0671 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8179 distill.loss_dist: 1.2492 2023/05/14 08:37:52 - mmengine - INFO - Epoch(train) [11][1180/1879] lr: 2.0000e-02 eta: 1 day, 17:03:21 time: 0.8832 data_time: 0.0258 memory: 9812 grad_norm: 3.2695 loss: 3.3120 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 2.0590 distill.loss_dist: 1.2530 2023/05/14 08:38:10 - mmengine - INFO - Epoch(train) [11][1200/1879] lr: 2.0000e-02 eta: 1 day, 17:03:05 time: 0.8925 data_time: 0.0235 memory: 9812 grad_norm: 3.3696 loss: 3.0655 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8168 distill.loss_dist: 1.2487 2023/05/14 08:38:17 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 08:38:26 - mmengine - INFO - Epoch(train) [11][1220/1879] lr: 2.0000e-02 eta: 1 day, 17:02:33 time: 0.7920 data_time: 0.0295 memory: 9812 grad_norm: 3.3144 loss: 3.2394 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.9749 distill.loss_dist: 1.2645 2023/05/14 08:38:44 - mmengine - INFO - Epoch(train) [11][1240/1879] lr: 2.0000e-02 eta: 1 day, 17:02:19 time: 0.9057 data_time: 0.0247 memory: 9812 grad_norm: 3.3179 loss: 3.1724 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8925 distill.loss_dist: 1.2799 2023/05/14 08:39:01 - mmengine - INFO - Epoch(train) [11][1260/1879] lr: 2.0000e-02 eta: 1 day, 17:02:02 time: 0.8794 data_time: 0.0278 memory: 9812 grad_norm: 3.2814 loss: 3.3632 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0768 distill.loss_dist: 1.2864 2023/05/14 08:39:18 - mmengine - INFO - Epoch(train) [11][1280/1879] lr: 2.0000e-02 eta: 1 day, 17:01:35 time: 0.8283 data_time: 0.0288 memory: 9812 grad_norm: 3.3720 loss: 3.3078 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 2.0213 distill.loss_dist: 1.2865 2023/05/14 08:39:36 - mmengine - INFO - Epoch(train) [11][1300/1879] lr: 2.0000e-02 eta: 1 day, 17:01:25 time: 0.9205 data_time: 0.0275 memory: 9812 grad_norm: 3.3036 loss: 3.2529 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9977 distill.loss_dist: 1.2552 2023/05/14 08:39:53 - mmengine - INFO - Epoch(train) [11][1320/1879] lr: 2.0000e-02 eta: 1 day, 17:01:01 time: 0.8428 data_time: 0.0238 memory: 9812 grad_norm: 3.2675 loss: 3.1414 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9002 distill.loss_dist: 1.2412 2023/05/14 08:40:10 - mmengine - INFO - Epoch(train) [11][1340/1879] lr: 2.0000e-02 eta: 1 day, 17:00:33 time: 0.8199 data_time: 0.0273 memory: 9812 grad_norm: 3.2139 loss: 3.0821 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.8428 distill.loss_dist: 1.2393 2023/05/14 08:40:29 - mmengine - INFO - Epoch(train) [11][1360/1879] lr: 2.0000e-02 eta: 1 day, 17:00:28 time: 0.9572 data_time: 0.0271 memory: 9812 grad_norm: 3.3755 loss: 3.3459 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 2.0868 distill.loss_dist: 1.2591 2023/05/14 08:40:46 - mmengine - INFO - Epoch(train) [11][1380/1879] lr: 2.0000e-02 eta: 1 day, 17:00:05 time: 0.8428 data_time: 0.0258 memory: 9812 grad_norm: 3.3095 loss: 3.2131 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9733 distill.loss_dist: 1.2398 2023/05/14 08:41:02 - mmengine - INFO - Epoch(train) [11][1400/1879] lr: 2.0000e-02 eta: 1 day, 16:59:36 time: 0.8120 data_time: 0.0270 memory: 9812 grad_norm: 3.2898 loss: 2.8752 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6872 distill.loss_dist: 1.1879 2023/05/14 08:41:21 - mmengine - INFO - Epoch(train) [11][1420/1879] lr: 2.0000e-02 eta: 1 day, 16:59:30 time: 0.9497 data_time: 0.0268 memory: 9812 grad_norm: 3.2033 loss: 3.3222 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0734 distill.loss_dist: 1.2487 2023/05/14 08:41:38 - mmengine - INFO - Epoch(train) [11][1440/1879] lr: 2.0000e-02 eta: 1 day, 16:59:09 time: 0.8640 data_time: 0.0249 memory: 9812 grad_norm: 3.2831 loss: 3.1916 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.9474 distill.loss_dist: 1.2442 2023/05/14 08:41:54 - mmengine - INFO - Epoch(train) [11][1460/1879] lr: 2.0000e-02 eta: 1 day, 16:58:37 time: 0.7903 data_time: 0.0280 memory: 9812 grad_norm: 3.3555 loss: 3.0619 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8099 distill.loss_dist: 1.2520 2023/05/14 08:42:13 - mmengine - INFO - Epoch(train) [11][1480/1879] lr: 2.0000e-02 eta: 1 day, 16:58:30 time: 0.9466 data_time: 0.0258 memory: 9812 grad_norm: 3.2925 loss: 3.2890 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0434 distill.loss_dist: 1.2456 2023/05/14 08:42:30 - mmengine - INFO - Epoch(train) [11][1500/1879] lr: 2.0000e-02 eta: 1 day, 16:58:10 time: 0.8637 data_time: 0.0286 memory: 9812 grad_norm: 3.3385 loss: 3.2194 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.9751 distill.loss_dist: 1.2443 2023/05/14 08:42:46 - mmengine - INFO - Epoch(train) [11][1520/1879] lr: 2.0000e-02 eta: 1 day, 16:57:38 time: 0.7930 data_time: 0.0263 memory: 9812 grad_norm: 3.3621 loss: 3.2064 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9868 distill.loss_dist: 1.2196 2023/05/14 08:43:04 - mmengine - INFO - Epoch(train) [11][1540/1879] lr: 2.0000e-02 eta: 1 day, 16:57:25 time: 0.9042 data_time: 0.0267 memory: 9812 grad_norm: 3.2960 loss: 3.1353 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.8981 distill.loss_dist: 1.2372 2023/05/14 08:43:21 - mmengine - INFO - Epoch(train) [11][1560/1879] lr: 2.0000e-02 eta: 1 day, 16:56:57 time: 0.8186 data_time: 0.0239 memory: 9812 grad_norm: 3.3269 loss: 3.2079 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9532 distill.loss_dist: 1.2547 2023/05/14 08:43:38 - mmengine - INFO - Epoch(train) [11][1580/1879] lr: 2.0000e-02 eta: 1 day, 16:56:41 time: 0.8916 data_time: 0.0300 memory: 9812 grad_norm: 3.3160 loss: 3.1317 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8846 distill.loss_dist: 1.2471 2023/05/14 08:43:58 - mmengine - INFO - Epoch(train) [11][1600/1879] lr: 2.0000e-02 eta: 1 day, 16:56:39 time: 0.9705 data_time: 0.0296 memory: 9812 grad_norm: 3.3511 loss: 3.2573 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0096 distill.loss_dist: 1.2476 2023/05/14 08:44:14 - mmengine - INFO - Epoch(train) [11][1620/1879] lr: 2.0000e-02 eta: 1 day, 16:56:11 time: 0.8201 data_time: 0.0261 memory: 9812 grad_norm: 3.2975 loss: 3.3334 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.0828 distill.loss_dist: 1.2505 2023/05/14 08:44:30 - mmengine - INFO - Epoch(train) [11][1640/1879] lr: 2.0000e-02 eta: 1 day, 16:55:41 time: 0.8007 data_time: 0.0259 memory: 9812 grad_norm: 3.3044 loss: 3.1158 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8764 distill.loss_dist: 1.2394 2023/05/14 08:44:49 - mmengine - INFO - Epoch(train) [11][1660/1879] lr: 2.0000e-02 eta: 1 day, 16:55:33 time: 0.9402 data_time: 0.0274 memory: 9812 grad_norm: 3.2892 loss: 3.3482 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0872 distill.loss_dist: 1.2610 2023/05/14 08:45:06 - mmengine - INFO - Epoch(train) [11][1680/1879] lr: 2.0000e-02 eta: 1 day, 16:55:09 time: 0.8435 data_time: 0.0274 memory: 9812 grad_norm: 3.2906 loss: 3.3289 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 2.0464 distill.loss_dist: 1.2825 2023/05/14 08:45:24 - mmengine - INFO - Epoch(train) [11][1700/1879] lr: 2.0000e-02 eta: 1 day, 16:54:56 time: 0.9042 data_time: 0.0267 memory: 9812 grad_norm: 3.3604 loss: 3.2898 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.0139 distill.loss_dist: 1.2758 2023/05/14 08:45:42 - mmengine - INFO - Epoch(train) [11][1720/1879] lr: 2.0000e-02 eta: 1 day, 16:54:40 time: 0.8895 data_time: 0.0257 memory: 9812 grad_norm: 3.2890 loss: 3.0934 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8713 distill.loss_dist: 1.2221 2023/05/14 08:45:58 - mmengine - INFO - Epoch(train) [11][1740/1879] lr: 2.0000e-02 eta: 1 day, 16:54:11 time: 0.8144 data_time: 0.0247 memory: 9812 grad_norm: 3.2880 loss: 3.1506 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8832 distill.loss_dist: 1.2674 2023/05/14 08:46:15 - mmengine - INFO - Epoch(train) [11][1760/1879] lr: 2.0000e-02 eta: 1 day, 16:53:48 time: 0.8418 data_time: 0.0258 memory: 9812 grad_norm: 3.3335 loss: 3.3057 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.0378 distill.loss_dist: 1.2679 2023/05/14 08:46:33 - mmengine - INFO - Epoch(train) [11][1780/1879] lr: 2.0000e-02 eta: 1 day, 16:53:37 time: 0.9224 data_time: 0.0250 memory: 9812 grad_norm: 3.2755 loss: 3.1712 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9389 distill.loss_dist: 1.2323 2023/05/14 08:46:51 - mmengine - INFO - Epoch(train) [11][1800/1879] lr: 2.0000e-02 eta: 1 day, 16:53:17 time: 0.8667 data_time: 0.0270 memory: 9812 grad_norm: 3.3005 loss: 3.2454 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.9848 distill.loss_dist: 1.2606 2023/05/14 08:47:07 - mmengine - INFO - Epoch(train) [11][1820/1879] lr: 2.0000e-02 eta: 1 day, 16:52:50 time: 0.8178 data_time: 0.0283 memory: 9812 grad_norm: 3.3595 loss: 3.2113 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9416 distill.loss_dist: 1.2697 2023/05/14 08:47:26 - mmengine - INFO - Epoch(train) [11][1840/1879] lr: 2.0000e-02 eta: 1 day, 16:52:43 time: 0.9495 data_time: 0.0268 memory: 9812 grad_norm: 3.2676 loss: 3.1673 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.9327 distill.loss_dist: 1.2347 2023/05/14 08:47:43 - mmengine - INFO - Epoch(train) [11][1860/1879] lr: 2.0000e-02 eta: 1 day, 16:52:19 time: 0.8369 data_time: 0.0269 memory: 9812 grad_norm: 3.2345 loss: 3.0784 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8400 distill.loss_dist: 1.2384 2023/05/14 08:47:56 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 08:47:56 - mmengine - INFO - Epoch(train) [11][1879/1879] lr: 2.0000e-02 eta: 1 day, 16:51:35 time: 0.6942 data_time: 0.0207 memory: 9812 grad_norm: 3.3669 loss: 3.2943 student.top1_acc: 0.4286 student.top5_acc: 0.5714 student.loss_cls: 2.0233 distill.loss_dist: 1.2711 2023/05/14 08:48:17 - mmengine - INFO - Epoch(val) [11][ 20/155] eta: 0:02:18 time: 1.0243 data_time: 0.9576 memory: 1484 2023/05/14 08:48:30 - mmengine - INFO - Epoch(val) [11][ 40/155] eta: 0:01:36 time: 0.6589 data_time: 0.5919 memory: 1484 2023/05/14 08:48:48 - mmengine - INFO - Epoch(val) [11][ 60/155] eta: 0:01:22 time: 0.9123 data_time: 0.8497 memory: 1484 2023/05/14 08:49:01 - mmengine - INFO - Epoch(val) [11][ 80/155] eta: 0:01:00 time: 0.6556 data_time: 0.5845 memory: 1484 2023/05/14 08:49:20 - mmengine - INFO - Epoch(val) [11][100/155] eta: 0:00:46 time: 0.9558 data_time: 0.8962 memory: 1484 2023/05/14 08:49:33 - mmengine - INFO - Epoch(val) [11][120/155] eta: 0:00:28 time: 0.6509 data_time: 0.5871 memory: 1484 2023/05/14 08:49:53 - mmengine - INFO - Epoch(val) [11][140/155] eta: 0:00:12 time: 0.9774 data_time: 0.9107 memory: 1484 2023/05/14 08:50:24 - mmengine - INFO - Epoch(val) [11][ 20/155] eta: 0:16:20 time: 1.0156 data_time: 0.8611 memory: 1582 2023/05/14 08:50:37 - mmengine - INFO - Epoch(val) [11][ 40/155] eta: 0:07:34 time: 0.6494 data_time: 0.4947 memory: 1582 2023/05/14 08:50:56 - mmengine - INFO - Epoch(val) [11][ 60/155] eta: 0:04:40 time: 0.9502 data_time: 0.7961 memory: 1582 2023/05/14 08:51:10 - mmengine - INFO - Epoch(val) [11][ 80/155] eta: 0:02:59 time: 0.6970 data_time: 0.5467 memory: 1582 2023/05/14 08:51:29 - mmengine - INFO - Epoch(val) [11][100/155] eta: 0:01:55 time: 0.9513 data_time: 0.8019 memory: 1582 2023/05/14 08:51:43 - mmengine - INFO - Epoch(val) [11][120/155] eta: 0:01:05 time: 0.6750 data_time: 0.5206 memory: 1582 2023/05/14 08:52:03 - mmengine - INFO - Epoch(val) [11][140/155] eta: 0:00:26 time: 1.0152 data_time: 0.8601 memory: 1582 2023/05/14 08:52:12 - mmengine - INFO - Epoch(val) [11][155/155] acc/top1: 0.5636 acc/top5: 0.8084 acc/mean1: 0.5637 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6600 time: 0.8112 2023/05/14 08:52:12 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_10.pth is removed 2023/05/14 08:52:13 - mmengine - INFO - The best checkpoint with 0.5636 acc/top1 at 11 epoch is saved to best_acc_top1_epoch_11.pth. 2023/05/14 08:52:36 - mmengine - INFO - Epoch(train) [12][ 20/1879] lr: 2.0000e-02 eta: 1 day, 16:52:02 time: 1.1561 data_time: 0.7391 memory: 9812 grad_norm: 3.2776 loss: 3.0987 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8470 distill.loss_dist: 1.2516 2023/05/14 08:52:52 - mmengine - INFO - Epoch(train) [12][ 40/1879] lr: 2.0000e-02 eta: 1 day, 16:51:30 time: 0.7874 data_time: 0.3600 memory: 9812 grad_norm: 3.3823 loss: 3.3709 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.0945 distill.loss_dist: 1.2764 2023/05/14 08:53:07 - mmengine - INFO - Epoch(train) [12][ 60/1879] lr: 2.0000e-02 eta: 1 day, 16:50:54 time: 0.7681 data_time: 0.3319 memory: 9812 grad_norm: 3.3059 loss: 3.0309 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.8109 distill.loss_dist: 1.2200 2023/05/14 08:53:27 - mmengine - INFO - Epoch(train) [12][ 80/1879] lr: 2.0000e-02 eta: 1 day, 16:50:53 time: 0.9794 data_time: 0.5418 memory: 9812 grad_norm: 3.3176 loss: 3.3178 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 2.0475 distill.loss_dist: 1.2703 2023/05/14 08:53:43 - mmengine - INFO - Epoch(train) [12][ 100/1879] lr: 2.0000e-02 eta: 1 day, 16:50:24 time: 0.8108 data_time: 0.3161 memory: 9812 grad_norm: 3.3691 loss: 3.1614 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8860 distill.loss_dist: 1.2754 2023/05/14 08:54:00 - mmengine - INFO - Epoch(train) [12][ 120/1879] lr: 2.0000e-02 eta: 1 day, 16:50:01 time: 0.8473 data_time: 0.1231 memory: 9812 grad_norm: 3.2752 loss: 3.0458 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.8223 distill.loss_dist: 1.2234 2023/05/14 08:54:19 - mmengine - INFO - Epoch(train) [12][ 140/1879] lr: 2.0000e-02 eta: 1 day, 16:49:52 time: 0.9324 data_time: 0.0841 memory: 9812 grad_norm: 3.2181 loss: 3.1784 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9079 distill.loss_dist: 1.2705 2023/05/14 08:54:36 - mmengine - INFO - Epoch(train) [12][ 160/1879] lr: 2.0000e-02 eta: 1 day, 16:49:31 time: 0.8575 data_time: 0.1587 memory: 9812 grad_norm: 3.2866 loss: 3.1407 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9155 distill.loss_dist: 1.2251 2023/05/14 08:54:53 - mmengine - INFO - Epoch(train) [12][ 180/1879] lr: 2.0000e-02 eta: 1 day, 16:49:05 time: 0.8291 data_time: 0.2702 memory: 9812 grad_norm: 3.2693 loss: 3.2489 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.9837 distill.loss_dist: 1.2652 2023/05/14 08:55:12 - mmengine - INFO - Epoch(train) [12][ 200/1879] lr: 2.0000e-02 eta: 1 day, 16:49:02 time: 0.9684 data_time: 0.0926 memory: 9812 grad_norm: 3.2825 loss: 3.2286 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.9615 distill.loss_dist: 1.2671 2023/05/14 08:55:28 - mmengine - INFO - Epoch(train) [12][ 220/1879] lr: 2.0000e-02 eta: 1 day, 16:48:32 time: 0.8043 data_time: 0.0269 memory: 9812 grad_norm: 3.2854 loss: 3.1321 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9004 distill.loss_dist: 1.2317 2023/05/14 08:55:44 - mmengine - INFO - Epoch(train) [12][ 240/1879] lr: 2.0000e-02 eta: 1 day, 16:48:04 time: 0.8133 data_time: 0.0502 memory: 9812 grad_norm: 3.3361 loss: 3.2340 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0026 distill.loss_dist: 1.2314 2023/05/14 08:56:02 - mmengine - INFO - Epoch(train) [12][ 260/1879] lr: 2.0000e-02 eta: 1 day, 16:47:51 time: 0.9075 data_time: 0.1298 memory: 9812 grad_norm: 3.3202 loss: 3.1365 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9094 distill.loss_dist: 1.2270 2023/05/14 08:56:19 - mmengine - INFO - Epoch(train) [12][ 280/1879] lr: 2.0000e-02 eta: 1 day, 16:47:28 time: 0.8498 data_time: 0.0229 memory: 9812 grad_norm: 3.3580 loss: 3.2186 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9534 distill.loss_dist: 1.2652 2023/05/14 08:56:36 - mmengine - INFO - Epoch(train) [12][ 300/1879] lr: 2.0000e-02 eta: 1 day, 16:47:02 time: 0.8262 data_time: 0.0252 memory: 9812 grad_norm: 3.3049 loss: 3.0514 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8038 distill.loss_dist: 1.2476 2023/05/14 08:56:56 - mmengine - INFO - Epoch(train) [12][ 320/1879] lr: 2.0000e-02 eta: 1 day, 16:47:02 time: 0.9886 data_time: 0.0226 memory: 9812 grad_norm: 3.1922 loss: 3.2224 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9719 distill.loss_dist: 1.2506 2023/05/14 08:57:05 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 08:57:12 - mmengine - INFO - Epoch(train) [12][ 340/1879] lr: 2.0000e-02 eta: 1 day, 16:46:35 time: 0.8192 data_time: 0.0295 memory: 9812 grad_norm: 3.2769 loss: 3.1640 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9038 distill.loss_dist: 1.2602 2023/05/14 08:57:29 - mmengine - INFO - Epoch(train) [12][ 360/1879] lr: 2.0000e-02 eta: 1 day, 16:46:10 time: 0.8365 data_time: 0.0222 memory: 9812 grad_norm: 3.3731 loss: 3.3082 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.0437 distill.loss_dist: 1.2646 2023/05/14 08:57:47 - mmengine - INFO - Epoch(train) [12][ 380/1879] lr: 2.0000e-02 eta: 1 day, 16:46:01 time: 0.9299 data_time: 0.0290 memory: 9812 grad_norm: 3.3095 loss: 3.3317 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 2.0430 distill.loss_dist: 1.2887 2023/05/14 08:58:04 - mmengine - INFO - Epoch(train) [12][ 400/1879] lr: 2.0000e-02 eta: 1 day, 16:45:38 time: 0.8450 data_time: 0.0248 memory: 9812 grad_norm: 3.3452 loss: 3.2425 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9719 distill.loss_dist: 1.2706 2023/05/14 08:58:21 - mmengine - INFO - Epoch(train) [12][ 420/1879] lr: 2.0000e-02 eta: 1 day, 16:45:09 time: 0.8102 data_time: 0.0262 memory: 9812 grad_norm: 3.3895 loss: 3.0002 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7699 distill.loss_dist: 1.2303 2023/05/14 08:58:39 - mmengine - INFO - Epoch(train) [12][ 440/1879] lr: 2.0000e-02 eta: 1 day, 16:44:57 time: 0.9145 data_time: 0.0266 memory: 9812 grad_norm: 3.2155 loss: 2.9807 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7655 distill.loss_dist: 1.2153 2023/05/14 08:58:56 - mmengine - INFO - Epoch(train) [12][ 460/1879] lr: 2.0000e-02 eta: 1 day, 16:44:39 time: 0.8732 data_time: 0.0257 memory: 9812 grad_norm: 3.3092 loss: 3.1040 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.8647 distill.loss_dist: 1.2393 2023/05/14 08:59:13 - mmengine - INFO - Epoch(train) [12][ 480/1879] lr: 2.0000e-02 eta: 1 day, 16:44:11 time: 0.8180 data_time: 0.0236 memory: 9812 grad_norm: 3.2560 loss: 3.0974 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8561 distill.loss_dist: 1.2413 2023/05/14 08:59:33 - mmengine - INFO - Epoch(train) [12][ 500/1879] lr: 2.0000e-02 eta: 1 day, 16:44:18 time: 1.0333 data_time: 0.0257 memory: 9812 grad_norm: 3.3134 loss: 3.2231 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9628 distill.loss_dist: 1.2603 2023/05/14 08:59:51 - mmengine - INFO - Epoch(train) [12][ 520/1879] lr: 2.0000e-02 eta: 1 day, 16:43:58 time: 0.8672 data_time: 0.0240 memory: 9812 grad_norm: 3.3090 loss: 3.2674 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.0213 distill.loss_dist: 1.2461 2023/05/14 09:00:07 - mmengine - INFO - Epoch(train) [12][ 540/1879] lr: 2.0000e-02 eta: 1 day, 16:43:28 time: 0.7966 data_time: 0.0272 memory: 9812 grad_norm: 3.2727 loss: 3.3310 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.0743 distill.loss_dist: 1.2567 2023/05/14 09:00:25 - mmengine - INFO - Epoch(train) [12][ 560/1879] lr: 2.0000e-02 eta: 1 day, 16:43:15 time: 0.9122 data_time: 0.0276 memory: 9812 grad_norm: 3.3065 loss: 3.0986 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.8455 distill.loss_dist: 1.2531 2023/05/14 09:00:42 - mmengine - INFO - Epoch(train) [12][ 580/1879] lr: 2.0000e-02 eta: 1 day, 16:42:57 time: 0.8744 data_time: 0.0272 memory: 9812 grad_norm: 3.2763 loss: 3.1521 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.8919 distill.loss_dist: 1.2602 2023/05/14 09:00:58 - mmengine - INFO - Epoch(train) [12][ 600/1879] lr: 2.0000e-02 eta: 1 day, 16:42:23 time: 0.7749 data_time: 0.0240 memory: 9812 grad_norm: 3.2874 loss: 3.2704 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0126 distill.loss_dist: 1.2578 2023/05/14 09:01:17 - mmengine - INFO - Epoch(train) [12][ 620/1879] lr: 2.0000e-02 eta: 1 day, 16:42:17 time: 0.9514 data_time: 0.0290 memory: 9812 grad_norm: 3.4123 loss: 3.1575 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.8869 distill.loss_dist: 1.2706 2023/05/14 09:01:33 - mmengine - INFO - Epoch(train) [12][ 640/1879] lr: 2.0000e-02 eta: 1 day, 16:41:49 time: 0.8142 data_time: 0.0279 memory: 9812 grad_norm: 3.3542 loss: 3.1500 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.9214 distill.loss_dist: 1.2286 2023/05/14 09:01:49 - mmengine - INFO - Epoch(train) [12][ 660/1879] lr: 2.0000e-02 eta: 1 day, 16:41:19 time: 0.8013 data_time: 0.0285 memory: 9812 grad_norm: 3.2355 loss: 3.2737 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.0203 distill.loss_dist: 1.2534 2023/05/14 09:02:08 - mmengine - INFO - Epoch(train) [12][ 680/1879] lr: 2.0000e-02 eta: 1 day, 16:41:10 time: 0.9367 data_time: 0.0256 memory: 9812 grad_norm: 3.3398 loss: 2.9744 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.7826 distill.loss_dist: 1.1918 2023/05/14 09:02:25 - mmengine - INFO - Epoch(train) [12][ 700/1879] lr: 2.0000e-02 eta: 1 day, 16:40:52 time: 0.8754 data_time: 0.0258 memory: 9812 grad_norm: 3.3609 loss: 3.2825 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.0113 distill.loss_dist: 1.2712 2023/05/14 09:02:42 - mmengine - INFO - Epoch(train) [12][ 720/1879] lr: 2.0000e-02 eta: 1 day, 16:40:24 time: 0.8090 data_time: 0.0299 memory: 9812 grad_norm: 3.2965 loss: 3.3805 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.1251 distill.loss_dist: 1.2554 2023/05/14 09:03:01 - mmengine - INFO - Epoch(train) [12][ 740/1879] lr: 2.0000e-02 eta: 1 day, 16:40:21 time: 0.9759 data_time: 0.0266 memory: 9812 grad_norm: 3.2810 loss: 3.2779 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0193 distill.loss_dist: 1.2586 2023/05/14 09:03:18 - mmengine - INFO - Epoch(train) [12][ 760/1879] lr: 2.0000e-02 eta: 1 day, 16:39:53 time: 0.8152 data_time: 0.0280 memory: 9812 grad_norm: 3.2632 loss: 2.9595 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7628 distill.loss_dist: 1.1967 2023/05/14 09:03:35 - mmengine - INFO - Epoch(train) [12][ 780/1879] lr: 2.0000e-02 eta: 1 day, 16:39:35 time: 0.8771 data_time: 0.0213 memory: 9812 grad_norm: 3.2454 loss: 3.1605 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9086 distill.loss_dist: 1.2519 2023/05/14 09:03:52 - mmengine - INFO - Epoch(train) [12][ 800/1879] lr: 2.0000e-02 eta: 1 day, 16:39:12 time: 0.8433 data_time: 0.0285 memory: 9812 grad_norm: 3.3161 loss: 3.1895 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9280 distill.loss_dist: 1.2614 2023/05/14 09:04:08 - mmengine - INFO - Epoch(train) [12][ 820/1879] lr: 2.0000e-02 eta: 1 day, 16:38:45 time: 0.8185 data_time: 0.0289 memory: 9812 grad_norm: 3.3837 loss: 3.3176 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.0630 distill.loss_dist: 1.2547 2023/05/14 09:04:25 - mmengine - INFO - Epoch(train) [12][ 840/1879] lr: 2.0000e-02 eta: 1 day, 16:38:18 time: 0.8168 data_time: 0.0247 memory: 9812 grad_norm: 3.2987 loss: 3.1414 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8833 distill.loss_dist: 1.2581 2023/05/14 09:04:43 - mmengine - INFO - Epoch(train) [12][ 860/1879] lr: 2.0000e-02 eta: 1 day, 16:38:06 time: 0.9127 data_time: 0.0260 memory: 9812 grad_norm: 3.2444 loss: 3.1921 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9376 distill.loss_dist: 1.2545 2023/05/14 09:05:00 - mmengine - INFO - Epoch(train) [12][ 880/1879] lr: 2.0000e-02 eta: 1 day, 16:37:41 time: 0.8344 data_time: 0.0390 memory: 9812 grad_norm: 3.2534 loss: 3.1794 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9221 distill.loss_dist: 1.2573 2023/05/14 09:05:17 - mmengine - INFO - Epoch(train) [12][ 900/1879] lr: 2.0000e-02 eta: 1 day, 16:37:23 time: 0.8785 data_time: 0.0703 memory: 9812 grad_norm: 3.3381 loss: 3.1419 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9200 distill.loss_dist: 1.2219 2023/05/14 09:05:35 - mmengine - INFO - Epoch(train) [12][ 920/1879] lr: 2.0000e-02 eta: 1 day, 16:37:05 time: 0.8761 data_time: 0.0391 memory: 9812 grad_norm: 3.2727 loss: 3.1224 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8822 distill.loss_dist: 1.2403 2023/05/14 09:05:52 - mmengine - INFO - Epoch(train) [12][ 940/1879] lr: 2.0000e-02 eta: 1 day, 16:36:46 time: 0.8674 data_time: 0.2461 memory: 9812 grad_norm: 3.2516 loss: 3.2638 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9907 distill.loss_dist: 1.2731 2023/05/14 09:06:10 - mmengine - INFO - Epoch(train) [12][ 960/1879] lr: 2.0000e-02 eta: 1 day, 16:36:29 time: 0.8820 data_time: 0.1460 memory: 9812 grad_norm: 3.2964 loss: 3.2467 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.0141 distill.loss_dist: 1.2326 2023/05/14 09:06:28 - mmengine - INFO - Epoch(train) [12][ 980/1879] lr: 2.0000e-02 eta: 1 day, 16:36:15 time: 0.9060 data_time: 0.2018 memory: 9812 grad_norm: 3.2504 loss: 3.1707 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.9125 distill.loss_dist: 1.2582 2023/05/14 09:06:45 - mmengine - INFO - Epoch(train) [12][1000/1879] lr: 2.0000e-02 eta: 1 day, 16:35:52 time: 0.8393 data_time: 0.0271 memory: 9812 grad_norm: 3.2770 loss: 2.9658 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.7637 distill.loss_dist: 1.2021 2023/05/14 09:07:03 - mmengine - INFO - Epoch(train) [12][1020/1879] lr: 2.0000e-02 eta: 1 day, 16:35:37 time: 0.8978 data_time: 0.0295 memory: 9812 grad_norm: 3.2962 loss: 3.1225 student.top1_acc: 0.2500 student.top5_acc: 0.7500 student.loss_cls: 1.8960 distill.loss_dist: 1.2266 2023/05/14 09:07:19 - mmengine - INFO - Epoch(train) [12][1040/1879] lr: 2.0000e-02 eta: 1 day, 16:35:10 time: 0.8206 data_time: 0.0265 memory: 9812 grad_norm: 3.3134 loss: 3.1515 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9070 distill.loss_dist: 1.2445 2023/05/14 09:07:37 - mmengine - INFO - Epoch(train) [12][1060/1879] lr: 2.0000e-02 eta: 1 day, 16:34:53 time: 0.8840 data_time: 0.0310 memory: 9812 grad_norm: 3.1777 loss: 2.9369 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7287 distill.loss_dist: 1.2082 2023/05/14 09:07:54 - mmengine - INFO - Epoch(train) [12][1080/1879] lr: 2.0000e-02 eta: 1 day, 16:34:30 time: 0.8440 data_time: 0.0264 memory: 9812 grad_norm: 3.2634 loss: 3.3326 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 2.0762 distill.loss_dist: 1.2564 2023/05/14 09:08:12 - mmengine - INFO - Epoch(train) [12][1100/1879] lr: 2.0000e-02 eta: 1 day, 16:34:18 time: 0.9109 data_time: 0.0283 memory: 9812 grad_norm: 3.2630 loss: 3.1067 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8786 distill.loss_dist: 1.2281 2023/05/14 09:08:29 - mmengine - INFO - Epoch(train) [12][1120/1879] lr: 2.0000e-02 eta: 1 day, 16:33:57 time: 0.8569 data_time: 0.0271 memory: 9812 grad_norm: 3.2369 loss: 3.2388 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9920 distill.loss_dist: 1.2468 2023/05/14 09:08:47 - mmengine - INFO - Epoch(train) [12][1140/1879] lr: 2.0000e-02 eta: 1 day, 16:33:40 time: 0.8847 data_time: 0.0251 memory: 9812 grad_norm: 3.2810 loss: 3.1607 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8976 distill.loss_dist: 1.2632 2023/05/14 09:09:03 - mmengine - INFO - Epoch(train) [12][1160/1879] lr: 2.0000e-02 eta: 1 day, 16:33:13 time: 0.8182 data_time: 0.0343 memory: 9812 grad_norm: 3.2852 loss: 2.9529 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7313 distill.loss_dist: 1.2215 2023/05/14 09:09:21 - mmengine - INFO - Epoch(train) [12][1180/1879] lr: 2.0000e-02 eta: 1 day, 16:33:01 time: 0.9144 data_time: 0.0281 memory: 9812 grad_norm: 3.2931 loss: 3.0523 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8182 distill.loss_dist: 1.2341 2023/05/14 09:09:38 - mmengine - INFO - Epoch(train) [12][1200/1879] lr: 2.0000e-02 eta: 1 day, 16:32:39 time: 0.8514 data_time: 0.0245 memory: 9812 grad_norm: 3.3189 loss: 3.1924 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9531 distill.loss_dist: 1.2393 2023/05/14 09:09:56 - mmengine - INFO - Epoch(train) [12][1220/1879] lr: 2.0000e-02 eta: 1 day, 16:32:23 time: 0.8868 data_time: 0.0276 memory: 9812 grad_norm: 3.3186 loss: 3.2824 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 2.0126 distill.loss_dist: 1.2698 2023/05/14 09:10:13 - mmengine - INFO - Epoch(train) [12][1240/1879] lr: 2.0000e-02 eta: 1 day, 16:32:04 time: 0.8699 data_time: 0.0274 memory: 9812 grad_norm: 3.2917 loss: 3.2415 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.0057 distill.loss_dist: 1.2358 2023/05/14 09:10:30 - mmengine - INFO - Epoch(train) [12][1260/1879] lr: 2.0000e-02 eta: 1 day, 16:31:38 time: 0.8273 data_time: 0.0282 memory: 9812 grad_norm: 3.2802 loss: 3.2479 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9895 distill.loss_dist: 1.2585 2023/05/14 09:10:48 - mmengine - INFO - Epoch(train) [12][1280/1879] lr: 2.0000e-02 eta: 1 day, 16:31:27 time: 0.9225 data_time: 0.0269 memory: 9812 grad_norm: 3.2417 loss: 3.1639 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9381 distill.loss_dist: 1.2258 2023/05/14 09:11:05 - mmengine - INFO - Epoch(train) [12][1300/1879] lr: 2.0000e-02 eta: 1 day, 16:31:02 time: 0.8297 data_time: 0.0295 memory: 9812 grad_norm: 3.2828 loss: 3.2426 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.9842 distill.loss_dist: 1.2584 2023/05/14 09:11:22 - mmengine - INFO - Epoch(train) [12][1320/1879] lr: 2.0000e-02 eta: 1 day, 16:30:37 time: 0.8288 data_time: 0.0271 memory: 9812 grad_norm: 3.3330 loss: 3.4721 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 2.1713 distill.loss_dist: 1.3008 2023/05/14 09:11:32 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 09:11:40 - mmengine - INFO - Epoch(train) [12][1340/1879] lr: 2.0000e-02 eta: 1 day, 16:30:27 time: 0.9259 data_time: 0.0282 memory: 9812 grad_norm: 3.3261 loss: 3.1295 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8930 distill.loss_dist: 1.2365 2023/05/14 09:11:57 - mmengine - INFO - Epoch(train) [12][1360/1879] lr: 2.0000e-02 eta: 1 day, 16:30:03 time: 0.8374 data_time: 0.0257 memory: 9812 grad_norm: 3.2227 loss: 3.1704 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9091 distill.loss_dist: 1.2613 2023/05/14 09:12:14 - mmengine - INFO - Epoch(train) [12][1380/1879] lr: 2.0000e-02 eta: 1 day, 16:29:38 time: 0.8323 data_time: 0.0281 memory: 9812 grad_norm: 3.2589 loss: 2.8763 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6639 distill.loss_dist: 1.2124 2023/05/14 09:12:32 - mmengine - INFO - Epoch(train) [12][1400/1879] lr: 2.0000e-02 eta: 1 day, 16:29:24 time: 0.9012 data_time: 0.0281 memory: 9812 grad_norm: 3.3332 loss: 3.3659 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 2.0927 distill.loss_dist: 1.2732 2023/05/14 09:12:48 - mmengine - INFO - Epoch(train) [12][1420/1879] lr: 2.0000e-02 eta: 1 day, 16:29:00 time: 0.8399 data_time: 0.0255 memory: 9812 grad_norm: 3.3720 loss: 3.1255 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8673 distill.loss_dist: 1.2583 2023/05/14 09:13:05 - mmengine - INFO - Epoch(train) [12][1440/1879] lr: 2.0000e-02 eta: 1 day, 16:28:37 time: 0.8416 data_time: 0.0252 memory: 9812 grad_norm: 3.2727 loss: 2.9630 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.7536 distill.loss_dist: 1.2094 2023/05/14 09:13:24 - mmengine - INFO - Epoch(train) [12][1460/1879] lr: 2.0000e-02 eta: 1 day, 16:28:26 time: 0.9200 data_time: 0.0291 memory: 9812 grad_norm: 3.3007 loss: 3.1928 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9325 distill.loss_dist: 1.2602 2023/05/14 09:13:41 - mmengine - INFO - Epoch(train) [12][1480/1879] lr: 2.0000e-02 eta: 1 day, 16:28:07 time: 0.8711 data_time: 0.0244 memory: 9812 grad_norm: 3.3015 loss: 3.3078 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 2.0401 distill.loss_dist: 1.2677 2023/05/14 09:13:58 - mmengine - INFO - Epoch(train) [12][1500/1879] lr: 2.0000e-02 eta: 1 day, 16:27:42 time: 0.8317 data_time: 0.0263 memory: 9812 grad_norm: 3.2842 loss: 3.3341 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 2.0526 distill.loss_dist: 1.2815 2023/05/14 09:14:16 - mmengine - INFO - Epoch(train) [12][1520/1879] lr: 2.0000e-02 eta: 1 day, 16:27:31 time: 0.9184 data_time: 0.0267 memory: 9812 grad_norm: 3.2780 loss: 3.0804 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8324 distill.loss_dist: 1.2480 2023/05/14 09:14:33 - mmengine - INFO - Epoch(train) [12][1540/1879] lr: 2.0000e-02 eta: 1 day, 16:27:07 time: 0.8394 data_time: 0.0268 memory: 9812 grad_norm: 3.2654 loss: 3.1350 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.8959 distill.loss_dist: 1.2391 2023/05/14 09:14:49 - mmengine - INFO - Epoch(train) [12][1560/1879] lr: 2.0000e-02 eta: 1 day, 16:26:42 time: 0.8304 data_time: 0.0300 memory: 9812 grad_norm: 3.2380 loss: 3.1916 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9160 distill.loss_dist: 1.2756 2023/05/14 09:15:07 - mmengine - INFO - Epoch(train) [12][1580/1879] lr: 2.0000e-02 eta: 1 day, 16:26:26 time: 0.8872 data_time: 0.0239 memory: 9812 grad_norm: 3.3014 loss: 3.3605 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 2.0812 distill.loss_dist: 1.2793 2023/05/14 09:15:25 - mmengine - INFO - Epoch(train) [12][1600/1879] lr: 2.0000e-02 eta: 1 day, 16:26:08 time: 0.8748 data_time: 0.0282 memory: 9812 grad_norm: 3.2569 loss: 2.9912 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7720 distill.loss_dist: 1.2192 2023/05/14 09:15:40 - mmengine - INFO - Epoch(train) [12][1620/1879] lr: 2.0000e-02 eta: 1 day, 16:25:32 time: 0.7581 data_time: 0.0281 memory: 9812 grad_norm: 3.2740 loss: 3.1780 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9187 distill.loss_dist: 1.2593 2023/05/14 09:16:00 - mmengine - INFO - Epoch(train) [12][1640/1879] lr: 2.0000e-02 eta: 1 day, 16:25:33 time: 0.9977 data_time: 0.0256 memory: 9812 grad_norm: 3.2911 loss: 3.1554 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9225 distill.loss_dist: 1.2328 2023/05/14 09:16:16 - mmengine - INFO - Epoch(train) [12][1660/1879] lr: 2.0000e-02 eta: 1 day, 16:25:05 time: 0.8130 data_time: 0.0270 memory: 9812 grad_norm: 3.2944 loss: 3.1235 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8917 distill.loss_dist: 1.2318 2023/05/14 09:16:34 - mmengine - INFO - Epoch(train) [12][1680/1879] lr: 2.0000e-02 eta: 1 day, 16:24:46 time: 0.8702 data_time: 0.0258 memory: 9812 grad_norm: 3.2619 loss: 2.9155 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.7066 distill.loss_dist: 1.2089 2023/05/14 09:16:53 - mmengine - INFO - Epoch(train) [12][1700/1879] lr: 2.0000e-02 eta: 1 day, 16:24:41 time: 0.9650 data_time: 0.0262 memory: 9812 grad_norm: 3.2769 loss: 3.0184 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.7808 distill.loss_dist: 1.2376 2023/05/14 09:17:09 - mmengine - INFO - Epoch(train) [12][1720/1879] lr: 2.0000e-02 eta: 1 day, 16:24:13 time: 0.8018 data_time: 0.0248 memory: 9812 grad_norm: 3.3454 loss: 3.2019 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9337 distill.loss_dist: 1.2682 2023/05/14 09:17:25 - mmengine - INFO - Epoch(train) [12][1740/1879] lr: 2.0000e-02 eta: 1 day, 16:23:42 time: 0.7921 data_time: 0.0260 memory: 9812 grad_norm: 3.2019 loss: 3.1743 student.top1_acc: 0.2500 student.top5_acc: 0.5625 student.loss_cls: 1.9297 distill.loss_dist: 1.2445 2023/05/14 09:17:42 - mmengine - INFO - Epoch(train) [12][1760/1879] lr: 2.0000e-02 eta: 1 day, 16:23:25 time: 0.8806 data_time: 0.1056 memory: 9812 grad_norm: 3.3316 loss: 3.0807 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8435 distill.loss_dist: 1.2371 2023/05/14 09:17:59 - mmengine - INFO - Epoch(train) [12][1780/1879] lr: 2.0000e-02 eta: 1 day, 16:22:58 time: 0.8160 data_time: 0.0932 memory: 9812 grad_norm: 3.2877 loss: 3.3230 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 2.0608 distill.loss_dist: 1.2623 2023/05/14 09:18:16 - mmengine - INFO - Epoch(train) [12][1800/1879] lr: 2.0000e-02 eta: 1 day, 16:22:40 time: 0.8763 data_time: 0.1039 memory: 9812 grad_norm: 3.2558 loss: 3.3449 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 2.0892 distill.loss_dist: 1.2557 2023/05/14 09:18:34 - mmengine - INFO - Epoch(train) [12][1820/1879] lr: 2.0000e-02 eta: 1 day, 16:22:21 time: 0.8713 data_time: 0.2024 memory: 9812 grad_norm: 3.2407 loss: 3.1967 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9416 distill.loss_dist: 1.2551 2023/05/14 09:18:51 - mmengine - INFO - Epoch(train) [12][1840/1879] lr: 2.0000e-02 eta: 1 day, 16:22:03 time: 0.8705 data_time: 0.1911 memory: 9812 grad_norm: 3.3263 loss: 3.2246 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9820 distill.loss_dist: 1.2427 2023/05/14 09:19:09 - mmengine - INFO - Epoch(train) [12][1860/1879] lr: 2.0000e-02 eta: 1 day, 16:21:49 time: 0.9022 data_time: 0.0566 memory: 9812 grad_norm: 3.3098 loss: 3.3413 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.0863 distill.loss_dist: 1.2551 2023/05/14 09:19:22 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 09:19:22 - mmengine - INFO - Epoch(train) [12][1879/1879] lr: 2.0000e-02 eta: 1 day, 16:21:07 time: 0.6931 data_time: 0.0224 memory: 9812 grad_norm: 3.2272 loss: 2.9925 student.top1_acc: 0.7143 student.top5_acc: 1.0000 student.loss_cls: 1.7711 distill.loss_dist: 1.2214 2023/05/14 09:19:22 - mmengine - INFO - Saving checkpoint at 12 epochs 2023/05/14 09:19:43 - mmengine - INFO - Epoch(val) [12][ 20/155] eta: 0:02:11 time: 0.9722 data_time: 0.9090 memory: 1484 2023/05/14 09:19:56 - mmengine - INFO - Epoch(val) [12][ 40/155] eta: 0:01:33 time: 0.6599 data_time: 0.5981 memory: 1484 2023/05/14 09:20:16 - mmengine - INFO - Epoch(val) [12][ 60/155] eta: 0:01:22 time: 0.9684 data_time: 0.9035 memory: 1484 2023/05/14 09:20:29 - mmengine - INFO - Epoch(val) [12][ 80/155] eta: 0:01:00 time: 0.6435 data_time: 0.5798 memory: 1484 2023/05/14 09:20:48 - mmengine - INFO - Epoch(val) [12][100/155] eta: 0:00:46 time: 0.9903 data_time: 0.9247 memory: 1484 2023/05/14 09:21:01 - mmengine - INFO - Epoch(val) [12][120/155] eta: 0:00:28 time: 0.6350 data_time: 0.5709 memory: 1484 2023/05/14 09:21:21 - mmengine - INFO - Epoch(val) [12][140/155] eta: 0:00:12 time: 0.9728 data_time: 0.9106 memory: 1484 2023/05/14 09:21:50 - mmengine - INFO - Epoch(val) [12][ 20/155] eta: 0:16:18 time: 1.0177 data_time: 0.8642 memory: 1582 2023/05/14 09:22:03 - mmengine - INFO - Epoch(val) [12][ 40/155] eta: 0:07:33 time: 0.6429 data_time: 0.4874 memory: 1582 2023/05/14 09:22:22 - mmengine - INFO - Epoch(val) [12][ 60/155] eta: 0:04:39 time: 0.9285 data_time: 0.7756 memory: 1582 2023/05/14 09:22:36 - mmengine - INFO - Epoch(val) [12][ 80/155] eta: 0:02:58 time: 0.7095 data_time: 0.5616 memory: 1582 2023/05/14 09:22:55 - mmengine - INFO - Epoch(val) [12][100/155] eta: 0:01:55 time: 0.9353 data_time: 0.7846 memory: 1582 2023/05/14 09:23:09 - mmengine - INFO - Epoch(val) [12][120/155] eta: 0:01:05 time: 0.7360 data_time: 0.5830 memory: 1582 2023/05/14 09:23:29 - mmengine - INFO - Epoch(val) [12][140/155] eta: 0:00:26 time: 1.0043 data_time: 0.8524 memory: 1582 2023/05/14 09:23:39 - mmengine - INFO - Epoch(val) [12][155/155] acc/top1: 0.5729 acc/top5: 0.8177 acc/mean1: 0.5728 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6678 time: 0.8181 2023/05/14 09:23:39 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_11.pth is removed 2023/05/14 09:23:40 - mmengine - INFO - The best checkpoint with 0.5729 acc/top1 at 12 epoch is saved to best_acc_top1_epoch_12.pth. 2023/05/14 09:24:02 - mmengine - INFO - Epoch(train) [13][ 20/1879] lr: 2.0000e-02 eta: 1 day, 16:21:23 time: 1.1060 data_time: 0.6826 memory: 9812 grad_norm: 3.2663 loss: 3.0554 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8341 distill.loss_dist: 1.2213 2023/05/14 09:24:19 - mmengine - INFO - Epoch(train) [13][ 40/1879] lr: 2.0000e-02 eta: 1 day, 16:20:58 time: 0.8262 data_time: 0.3937 memory: 9812 grad_norm: 3.2886 loss: 2.9865 student.top1_acc: 0.3125 student.top5_acc: 0.8750 student.loss_cls: 1.7494 distill.loss_dist: 1.2371 2023/05/14 09:24:35 - mmengine - INFO - Epoch(train) [13][ 60/1879] lr: 2.0000e-02 eta: 1 day, 16:20:31 time: 0.8137 data_time: 0.3846 memory: 9812 grad_norm: 3.2859 loss: 3.1195 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.8947 distill.loss_dist: 1.2248 2023/05/14 09:24:54 - mmengine - INFO - Epoch(train) [13][ 80/1879] lr: 2.0000e-02 eta: 1 day, 16:20:20 time: 0.9223 data_time: 0.5025 memory: 9812 grad_norm: 3.2047 loss: 2.7787 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5872 distill.loss_dist: 1.1915 2023/05/14 09:25:12 - mmengine - INFO - Epoch(train) [13][ 100/1879] lr: 2.0000e-02 eta: 1 day, 16:20:06 time: 0.9020 data_time: 0.4795 memory: 9812 grad_norm: 3.3371 loss: 3.2332 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9853 distill.loss_dist: 1.2479 2023/05/14 09:25:28 - mmengine - INFO - Epoch(train) [13][ 120/1879] lr: 2.0000e-02 eta: 1 day, 16:19:38 time: 0.8105 data_time: 0.3839 memory: 9812 grad_norm: 3.3281 loss: 3.0473 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.8214 distill.loss_dist: 1.2259 2023/05/14 09:25:48 - mmengine - INFO - Epoch(train) [13][ 140/1879] lr: 2.0000e-02 eta: 1 day, 16:19:36 time: 0.9840 data_time: 0.5505 memory: 9812 grad_norm: 3.2661 loss: 3.1248 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.8838 distill.loss_dist: 1.2411 2023/05/14 09:26:04 - mmengine - INFO - Epoch(train) [13][ 160/1879] lr: 2.0000e-02 eta: 1 day, 16:19:08 time: 0.8071 data_time: 0.3740 memory: 9812 grad_norm: 3.1987 loss: 3.0436 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8305 distill.loss_dist: 1.2131 2023/05/14 09:26:20 - mmengine - INFO - Epoch(train) [13][ 180/1879] lr: 2.0000e-02 eta: 1 day, 16:18:42 time: 0.8225 data_time: 0.3940 memory: 9812 grad_norm: 3.1712 loss: 3.1225 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8793 distill.loss_dist: 1.2432 2023/05/14 09:26:39 - mmengine - INFO - Epoch(train) [13][ 200/1879] lr: 2.0000e-02 eta: 1 day, 16:18:32 time: 0.9306 data_time: 0.4996 memory: 9812 grad_norm: 3.2924 loss: 3.0138 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.7951 distill.loss_dist: 1.2187 2023/05/14 09:26:55 - mmengine - INFO - Epoch(train) [13][ 220/1879] lr: 2.0000e-02 eta: 1 day, 16:18:05 time: 0.8151 data_time: 0.3308 memory: 9812 grad_norm: 3.2824 loss: 2.9864 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7522 distill.loss_dist: 1.2342 2023/05/14 09:27:12 - mmengine - INFO - Epoch(train) [13][ 240/1879] lr: 2.0000e-02 eta: 1 day, 16:17:44 time: 0.8549 data_time: 0.4296 memory: 9812 grad_norm: 3.2475 loss: 3.0210 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8051 distill.loss_dist: 1.2159 2023/05/14 09:27:32 - mmengine - INFO - Epoch(train) [13][ 260/1879] lr: 2.0000e-02 eta: 1 day, 16:17:39 time: 0.9630 data_time: 0.5363 memory: 9812 grad_norm: 3.2987 loss: 2.9277 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7074 distill.loss_dist: 1.2203 2023/05/14 09:27:47 - mmengine - INFO - Epoch(train) [13][ 280/1879] lr: 2.0000e-02 eta: 1 day, 16:17:04 time: 0.7619 data_time: 0.3154 memory: 9812 grad_norm: 3.3365 loss: 3.3879 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 2.1338 distill.loss_dist: 1.2541 2023/05/14 09:28:03 - mmengine - INFO - Epoch(train) [13][ 300/1879] lr: 2.0000e-02 eta: 1 day, 16:16:38 time: 0.8183 data_time: 0.2902 memory: 9812 grad_norm: 3.2695 loss: 3.0032 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7605 distill.loss_dist: 1.2428 2023/05/14 09:28:21 - mmengine - INFO - Epoch(train) [13][ 320/1879] lr: 2.0000e-02 eta: 1 day, 16:16:25 time: 0.9089 data_time: 0.2035 memory: 9812 grad_norm: 3.2722 loss: 3.0683 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8549 distill.loss_dist: 1.2134 2023/05/14 09:28:40 - mmengine - INFO - Epoch(train) [13][ 340/1879] lr: 2.0000e-02 eta: 1 day, 16:16:17 time: 0.9432 data_time: 0.0376 memory: 9812 grad_norm: 3.2692 loss: 3.1626 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.9039 distill.loss_dist: 1.2587 2023/05/14 09:28:56 - mmengine - INFO - Epoch(train) [13][ 360/1879] lr: 2.0000e-02 eta: 1 day, 16:15:50 time: 0.8141 data_time: 0.0258 memory: 9812 grad_norm: 3.3012 loss: 3.1037 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.8624 distill.loss_dist: 1.2412 2023/05/14 09:29:14 - mmengine - INFO - Epoch(train) [13][ 380/1879] lr: 2.0000e-02 eta: 1 day, 16:15:32 time: 0.8770 data_time: 0.0301 memory: 9812 grad_norm: 3.2901 loss: 3.0608 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.8096 distill.loss_dist: 1.2512 2023/05/14 09:29:32 - mmengine - INFO - Epoch(train) [13][ 400/1879] lr: 2.0000e-02 eta: 1 day, 16:15:17 time: 0.8947 data_time: 0.0232 memory: 9812 grad_norm: 3.2416 loss: 3.2075 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.9547 distill.loss_dist: 1.2528 2023/05/14 09:29:49 - mmengine - INFO - Epoch(train) [13][ 420/1879] lr: 2.0000e-02 eta: 1 day, 16:14:53 time: 0.8343 data_time: 0.0274 memory: 9812 grad_norm: 3.2776 loss: 3.1082 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.8676 distill.loss_dist: 1.2406 2023/05/14 09:30:06 - mmengine - INFO - Epoch(train) [13][ 440/1879] lr: 2.0000e-02 eta: 1 day, 16:14:34 time: 0.8709 data_time: 0.0281 memory: 9812 grad_norm: 3.3555 loss: 3.3980 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.1316 distill.loss_dist: 1.2665 2023/05/14 09:30:16 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 09:30:25 - mmengine - INFO - Epoch(train) [13][ 460/1879] lr: 2.0000e-02 eta: 1 day, 16:14:23 time: 0.9255 data_time: 0.0241 memory: 9812 grad_norm: 3.3399 loss: 3.1510 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 1.9246 distill.loss_dist: 1.2264 2023/05/14 09:30:40 - mmengine - INFO - Epoch(train) [13][ 480/1879] lr: 2.0000e-02 eta: 1 day, 16:13:54 time: 0.7965 data_time: 0.0261 memory: 9812 grad_norm: 3.2760 loss: 3.1703 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.9260 distill.loss_dist: 1.2443 2023/05/14 09:30:57 - mmengine - INFO - Epoch(train) [13][ 500/1879] lr: 2.0000e-02 eta: 1 day, 16:13:31 time: 0.8434 data_time: 0.0301 memory: 9812 grad_norm: 3.2894 loss: 3.0453 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8249 distill.loss_dist: 1.2204 2023/05/14 09:31:18 - mmengine - INFO - Epoch(train) [13][ 520/1879] lr: 2.0000e-02 eta: 1 day, 16:13:34 time: 1.0194 data_time: 0.0246 memory: 9812 grad_norm: 3.2711 loss: 3.0047 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.7783 distill.loss_dist: 1.2264 2023/05/14 09:31:33 - mmengine - INFO - Epoch(train) [13][ 540/1879] lr: 2.0000e-02 eta: 1 day, 16:13:03 time: 0.7854 data_time: 0.0251 memory: 9812 grad_norm: 3.2867 loss: 3.1840 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.9357 distill.loss_dist: 1.2483 2023/05/14 09:31:50 - mmengine - INFO - Epoch(train) [13][ 560/1879] lr: 2.0000e-02 eta: 1 day, 16:12:38 time: 0.8224 data_time: 0.0259 memory: 9812 grad_norm: 3.2567 loss: 2.9900 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7614 distill.loss_dist: 1.2287 2023/05/14 09:32:08 - mmengine - INFO - Epoch(train) [13][ 580/1879] lr: 2.0000e-02 eta: 1 day, 16:12:22 time: 0.8898 data_time: 0.0297 memory: 9812 grad_norm: 3.1976 loss: 2.9985 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7430 distill.loss_dist: 1.2555 2023/05/14 09:32:26 - mmengine - INFO - Epoch(train) [13][ 600/1879] lr: 2.0000e-02 eta: 1 day, 16:12:06 time: 0.8926 data_time: 0.0283 memory: 9812 grad_norm: 3.2065 loss: 2.9965 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7707 distill.loss_dist: 1.2258 2023/05/14 09:32:42 - mmengine - INFO - Epoch(train) [13][ 620/1879] lr: 2.0000e-02 eta: 1 day, 16:11:38 time: 0.8016 data_time: 0.0247 memory: 9812 grad_norm: 3.2919 loss: 3.2532 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 2.0252 distill.loss_dist: 1.2280 2023/05/14 09:32:59 - mmengine - INFO - Epoch(train) [13][ 640/1879] lr: 2.0000e-02 eta: 1 day, 16:11:18 time: 0.8608 data_time: 0.0262 memory: 9812 grad_norm: 3.3006 loss: 3.2541 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.9880 distill.loss_dist: 1.2661 2023/05/14 09:33:17 - mmengine - INFO - Epoch(train) [13][ 660/1879] lr: 2.0000e-02 eta: 1 day, 16:11:06 time: 0.9188 data_time: 0.0239 memory: 9812 grad_norm: 3.2302 loss: 2.9685 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7399 distill.loss_dist: 1.2286 2023/05/14 09:33:34 - mmengine - INFO - Epoch(train) [13][ 680/1879] lr: 2.0000e-02 eta: 1 day, 16:10:45 time: 0.8598 data_time: 0.0253 memory: 9812 grad_norm: 3.2035 loss: 3.0721 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8299 distill.loss_dist: 1.2422 2023/05/14 09:33:51 - mmengine - INFO - Epoch(train) [13][ 700/1879] lr: 2.0000e-02 eta: 1 day, 16:10:18 time: 0.8100 data_time: 0.0302 memory: 9812 grad_norm: 3.2408 loss: 2.9652 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7500 distill.loss_dist: 1.2152 2023/05/14 09:34:09 - mmengine - INFO - Epoch(train) [13][ 720/1879] lr: 2.0000e-02 eta: 1 day, 16:10:09 time: 0.9406 data_time: 0.0242 memory: 9812 grad_norm: 3.2519 loss: 3.0069 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7911 distill.loss_dist: 1.2157 2023/05/14 09:34:26 - mmengine - INFO - Epoch(train) [13][ 740/1879] lr: 2.0000e-02 eta: 1 day, 16:09:46 time: 0.8372 data_time: 0.0289 memory: 9812 grad_norm: 3.3392 loss: 3.2226 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9667 distill.loss_dist: 1.2559 2023/05/14 09:34:43 - mmengine - INFO - Epoch(train) [13][ 760/1879] lr: 2.0000e-02 eta: 1 day, 16:09:22 time: 0.8290 data_time: 0.0222 memory: 9812 grad_norm: 3.2503 loss: 2.9779 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7501 distill.loss_dist: 1.2278 2023/05/14 09:35:01 - mmengine - INFO - Epoch(train) [13][ 780/1879] lr: 2.0000e-02 eta: 1 day, 16:09:10 time: 0.9214 data_time: 0.0265 memory: 9812 grad_norm: 3.2559 loss: 3.1425 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9116 distill.loss_dist: 1.2309 2023/05/14 09:35:18 - mmengine - INFO - Epoch(train) [13][ 800/1879] lr: 2.0000e-02 eta: 1 day, 16:08:46 time: 0.8330 data_time: 0.0293 memory: 9812 grad_norm: 3.1880 loss: 2.9769 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7611 distill.loss_dist: 1.2158 2023/05/14 09:35:34 - mmengine - INFO - Epoch(train) [13][ 820/1879] lr: 2.0000e-02 eta: 1 day, 16:08:21 time: 0.8271 data_time: 0.0238 memory: 9812 grad_norm: 3.2654 loss: 3.2270 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.9896 distill.loss_dist: 1.2373 2023/05/14 09:35:53 - mmengine - INFO - Epoch(train) [13][ 840/1879] lr: 2.0000e-02 eta: 1 day, 16:08:11 time: 0.9280 data_time: 0.0248 memory: 9812 grad_norm: 3.2805 loss: 3.2114 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9774 distill.loss_dist: 1.2340 2023/05/14 09:36:10 - mmengine - INFO - Epoch(train) [13][ 860/1879] lr: 2.0000e-02 eta: 1 day, 16:07:46 time: 0.8281 data_time: 0.0312 memory: 9812 grad_norm: 3.2644 loss: 3.1864 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9358 distill.loss_dist: 1.2506 2023/05/14 09:36:27 - mmengine - INFO - Epoch(train) [13][ 880/1879] lr: 2.0000e-02 eta: 1 day, 16:07:24 time: 0.8489 data_time: 0.0244 memory: 9812 grad_norm: 3.3266 loss: 3.1574 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8976 distill.loss_dist: 1.2598 2023/05/14 09:36:45 - mmengine - INFO - Epoch(train) [13][ 900/1879] lr: 2.0000e-02 eta: 1 day, 16:07:12 time: 0.9128 data_time: 0.0260 memory: 9812 grad_norm: 3.2083 loss: 3.2861 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.0600 distill.loss_dist: 1.2262 2023/05/14 09:37:01 - mmengine - INFO - Epoch(train) [13][ 920/1879] lr: 2.0000e-02 eta: 1 day, 16:06:45 time: 0.8109 data_time: 0.0278 memory: 9812 grad_norm: 3.2562 loss: 3.3152 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0823 distill.loss_dist: 1.2330 2023/05/14 09:37:20 - mmengine - INFO - Epoch(train) [13][ 940/1879] lr: 2.0000e-02 eta: 1 day, 16:06:37 time: 0.9514 data_time: 0.0258 memory: 9812 grad_norm: 3.2624 loss: 3.3317 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0678 distill.loss_dist: 1.2638 2023/05/14 09:37:36 - mmengine - INFO - Epoch(train) [13][ 960/1879] lr: 2.0000e-02 eta: 1 day, 16:06:10 time: 0.8092 data_time: 0.0266 memory: 9812 grad_norm: 3.2092 loss: 2.9048 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6949 distill.loss_dist: 1.2100 2023/05/14 09:37:53 - mmengine - INFO - Epoch(train) [13][ 980/1879] lr: 2.0000e-02 eta: 1 day, 16:05:45 time: 0.8258 data_time: 0.0292 memory: 9812 grad_norm: 3.2439 loss: 3.0637 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.8350 distill.loss_dist: 1.2287 2023/05/14 09:38:12 - mmengine - INFO - Epoch(train) [13][1000/1879] lr: 2.0000e-02 eta: 1 day, 16:05:37 time: 0.9473 data_time: 0.0295 memory: 9812 grad_norm: 3.2306 loss: 3.0348 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7970 distill.loss_dist: 1.2378 2023/05/14 09:38:28 - mmengine - INFO - Epoch(train) [13][1020/1879] lr: 2.0000e-02 eta: 1 day, 16:05:14 time: 0.8332 data_time: 0.0702 memory: 9812 grad_norm: 3.2706 loss: 3.0554 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.8407 distill.loss_dist: 1.2147 2023/05/14 09:38:44 - mmengine - INFO - Epoch(train) [13][1040/1879] lr: 2.0000e-02 eta: 1 day, 16:04:45 time: 0.8027 data_time: 0.0947 memory: 9812 grad_norm: 3.3565 loss: 3.2735 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0106 distill.loss_dist: 1.2630 2023/05/14 09:39:02 - mmengine - INFO - Epoch(train) [13][1060/1879] lr: 2.0000e-02 eta: 1 day, 16:04:31 time: 0.9006 data_time: 0.0273 memory: 9812 grad_norm: 3.2143 loss: 3.1158 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8603 distill.loss_dist: 1.2556 2023/05/14 09:39:19 - mmengine - INFO - Epoch(train) [13][1080/1879] lr: 2.0000e-02 eta: 1 day, 16:04:06 time: 0.8223 data_time: 0.0275 memory: 9812 grad_norm: 3.1867 loss: 3.1710 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.9320 distill.loss_dist: 1.2390 2023/05/14 09:39:36 - mmengine - INFO - Epoch(train) [13][1100/1879] lr: 2.0000e-02 eta: 1 day, 16:03:43 time: 0.8381 data_time: 0.0271 memory: 9812 grad_norm: 3.2921 loss: 3.1255 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9008 distill.loss_dist: 1.2246 2023/05/14 09:39:53 - mmengine - INFO - Epoch(train) [13][1120/1879] lr: 2.0000e-02 eta: 1 day, 16:03:24 time: 0.8713 data_time: 0.0280 memory: 9812 grad_norm: 3.1983 loss: 3.1817 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.9287 distill.loss_dist: 1.2530 2023/05/14 09:40:12 - mmengine - INFO - Epoch(train) [13][1140/1879] lr: 2.0000e-02 eta: 1 day, 16:03:13 time: 0.9278 data_time: 0.0286 memory: 9812 grad_norm: 3.2342 loss: 2.9938 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7617 distill.loss_dist: 1.2321 2023/05/14 09:40:28 - mmengine - INFO - Epoch(train) [13][1160/1879] lr: 2.0000e-02 eta: 1 day, 16:02:45 time: 0.8006 data_time: 0.0235 memory: 9812 grad_norm: 3.2234 loss: 3.1423 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.9070 distill.loss_dist: 1.2353 2023/05/14 09:40:46 - mmengine - INFO - Epoch(train) [13][1180/1879] lr: 2.0000e-02 eta: 1 day, 16:02:32 time: 0.9068 data_time: 0.0263 memory: 9812 grad_norm: 3.1570 loss: 3.1523 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.9476 distill.loss_dist: 1.2048 2023/05/14 09:41:04 - mmengine - INFO - Epoch(train) [13][1200/1879] lr: 2.0000e-02 eta: 1 day, 16:02:18 time: 0.9084 data_time: 0.1315 memory: 9812 grad_norm: 3.2179 loss: 3.0196 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8280 distill.loss_dist: 1.1916 2023/05/14 09:41:21 - mmengine - INFO - Epoch(train) [13][1220/1879] lr: 2.0000e-02 eta: 1 day, 16:02:00 time: 0.8724 data_time: 0.2821 memory: 9812 grad_norm: 3.2839 loss: 2.9703 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7500 distill.loss_dist: 1.2203 2023/05/14 09:41:38 - mmengine - INFO - Epoch(train) [13][1240/1879] lr: 2.0000e-02 eta: 1 day, 16:01:35 time: 0.8218 data_time: 0.1918 memory: 9812 grad_norm: 3.2890 loss: 2.9390 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.6877 distill.loss_dist: 1.2512 2023/05/14 09:41:57 - mmengine - INFO - Epoch(train) [13][1260/1879] lr: 2.0000e-02 eta: 1 day, 16:01:29 time: 0.9654 data_time: 0.4796 memory: 9812 grad_norm: 3.2167 loss: 3.1675 student.top1_acc: 0.3125 student.top5_acc: 0.8750 student.loss_cls: 1.9125 distill.loss_dist: 1.2551 2023/05/14 09:42:13 - mmengine - INFO - Epoch(train) [13][1280/1879] lr: 2.0000e-02 eta: 1 day, 16:01:01 time: 0.8010 data_time: 0.3705 memory: 9812 grad_norm: 3.2187 loss: 3.2910 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0222 distill.loss_dist: 1.2688 2023/05/14 09:42:30 - mmengine - INFO - Epoch(train) [13][1300/1879] lr: 2.0000e-02 eta: 1 day, 16:00:37 time: 0.8327 data_time: 0.1332 memory: 9812 grad_norm: 3.2873 loss: 2.8786 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6639 distill.loss_dist: 1.2146 2023/05/14 09:42:47 - mmengine - INFO - Epoch(train) [13][1320/1879] lr: 2.0000e-02 eta: 1 day, 16:00:13 time: 0.8317 data_time: 0.1411 memory: 9812 grad_norm: 3.2228 loss: 3.1108 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.8643 distill.loss_dist: 1.2466 2023/05/14 09:43:03 - mmengine - INFO - Epoch(train) [13][1340/1879] lr: 2.0000e-02 eta: 1 day, 15:59:51 time: 0.8472 data_time: 0.0323 memory: 9812 grad_norm: 3.2956 loss: 3.1945 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9538 distill.loss_dist: 1.2407 2023/05/14 09:43:21 - mmengine - INFO - Epoch(train) [13][1360/1879] lr: 2.0000e-02 eta: 1 day, 15:59:34 time: 0.8803 data_time: 0.1211 memory: 9812 grad_norm: 3.2271 loss: 3.3818 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.1306 distill.loss_dist: 1.2511 2023/05/14 09:43:38 - mmengine - INFO - Epoch(train) [13][1380/1879] lr: 2.0000e-02 eta: 1 day, 15:59:15 time: 0.8636 data_time: 0.2395 memory: 9812 grad_norm: 3.2832 loss: 3.2226 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9671 distill.loss_dist: 1.2555 2023/05/14 09:43:56 - mmengine - INFO - Epoch(train) [13][1400/1879] lr: 2.0000e-02 eta: 1 day, 15:59:00 time: 0.8979 data_time: 0.0563 memory: 9812 grad_norm: 3.1991 loss: 2.8367 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6281 distill.loss_dist: 1.2086 2023/05/14 09:44:14 - mmengine - INFO - Epoch(train) [13][1420/1879] lr: 2.0000e-02 eta: 1 day, 15:58:43 time: 0.8844 data_time: 0.1879 memory: 9812 grad_norm: 3.2571 loss: 3.1541 student.top1_acc: 0.1875 student.top5_acc: 0.3750 student.loss_cls: 1.9181 distill.loss_dist: 1.2359 2023/05/14 09:44:31 - mmengine - INFO - Epoch(train) [13][1440/1879] lr: 2.0000e-02 eta: 1 day, 15:58:19 time: 0.8299 data_time: 0.0565 memory: 9812 grad_norm: 3.2469 loss: 3.2165 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9577 distill.loss_dist: 1.2588 2023/05/14 09:44:41 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 09:44:48 - mmengine - INFO - Epoch(train) [13][1460/1879] lr: 2.0000e-02 eta: 1 day, 15:57:58 time: 0.8523 data_time: 0.0243 memory: 9812 grad_norm: 3.2169 loss: 3.1485 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.9192 distill.loss_dist: 1.2293 2023/05/14 09:45:05 - mmengine - INFO - Epoch(train) [13][1480/1879] lr: 2.0000e-02 eta: 1 day, 15:57:41 time: 0.8855 data_time: 0.0682 memory: 9812 grad_norm: 3.2559 loss: 3.2256 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.9768 distill.loss_dist: 1.2488 2023/05/14 09:45:22 - mmengine - INFO - Epoch(train) [13][1500/1879] lr: 2.0000e-02 eta: 1 day, 15:57:19 time: 0.8436 data_time: 0.1100 memory: 9812 grad_norm: 3.2723 loss: 3.1542 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.9200 distill.loss_dist: 1.2342 2023/05/14 09:45:41 - mmengine - INFO - Epoch(train) [13][1520/1879] lr: 2.0000e-02 eta: 1 day, 15:57:11 time: 0.9492 data_time: 0.0492 memory: 9812 grad_norm: 3.2445 loss: 2.9931 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7612 distill.loss_dist: 1.2318 2023/05/14 09:45:58 - mmengine - INFO - Epoch(train) [13][1540/1879] lr: 2.0000e-02 eta: 1 day, 15:56:47 time: 0.8281 data_time: 0.0261 memory: 9812 grad_norm: 3.1979 loss: 3.1386 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9092 distill.loss_dist: 1.2294 2023/05/14 09:46:15 - mmengine - INFO - Epoch(train) [13][1560/1879] lr: 2.0000e-02 eta: 1 day, 15:56:27 time: 0.8605 data_time: 0.0295 memory: 9812 grad_norm: 3.1609 loss: 3.0761 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8474 distill.loss_dist: 1.2287 2023/05/14 09:46:32 - mmengine - INFO - Epoch(train) [13][1580/1879] lr: 2.0000e-02 eta: 1 day, 15:56:05 time: 0.8472 data_time: 0.0273 memory: 9812 grad_norm: 3.2772 loss: 3.2084 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9760 distill.loss_dist: 1.2324 2023/05/14 09:46:50 - mmengine - INFO - Epoch(train) [13][1600/1879] lr: 2.0000e-02 eta: 1 day, 15:55:52 time: 0.9057 data_time: 0.0241 memory: 9812 grad_norm: 3.2117 loss: 3.1870 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.9692 distill.loss_dist: 1.2178 2023/05/14 09:47:08 - mmengine - INFO - Epoch(train) [13][1620/1879] lr: 2.0000e-02 eta: 1 day, 15:55:35 time: 0.8844 data_time: 0.0267 memory: 9812 grad_norm: 3.2020 loss: 3.1812 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.9554 distill.loss_dist: 1.2259 2023/05/14 09:47:25 - mmengine - INFO - Epoch(train) [13][1640/1879] lr: 2.0000e-02 eta: 1 day, 15:55:15 time: 0.8584 data_time: 0.0274 memory: 9812 grad_norm: 3.2222 loss: 2.9421 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.7431 distill.loss_dist: 1.1990 2023/05/14 09:47:42 - mmengine - INFO - Epoch(train) [13][1660/1879] lr: 2.0000e-02 eta: 1 day, 15:54:55 time: 0.8655 data_time: 0.0279 memory: 9812 grad_norm: 3.2964 loss: 3.2020 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.9871 distill.loss_dist: 1.2149 2023/05/14 09:47:59 - mmengine - INFO - Epoch(train) [13][1680/1879] lr: 2.0000e-02 eta: 1 day, 15:54:35 time: 0.8549 data_time: 0.0243 memory: 9812 grad_norm: 3.1848 loss: 3.1901 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.9565 distill.loss_dist: 1.2336 2023/05/14 09:48:17 - mmengine - INFO - Epoch(train) [13][1700/1879] lr: 2.0000e-02 eta: 1 day, 15:54:16 time: 0.8658 data_time: 0.0298 memory: 9812 grad_norm: 3.2198 loss: 2.9783 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7467 distill.loss_dist: 1.2315 2023/05/14 09:48:35 - mmengine - INFO - Epoch(train) [13][1720/1879] lr: 2.0000e-02 eta: 1 day, 15:54:00 time: 0.8961 data_time: 0.0268 memory: 9812 grad_norm: 3.2243 loss: 3.1284 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9132 distill.loss_dist: 1.2152 2023/05/14 09:48:52 - mmengine - INFO - Epoch(train) [13][1740/1879] lr: 2.0000e-02 eta: 1 day, 15:53:40 time: 0.8555 data_time: 0.0286 memory: 9812 grad_norm: 3.2688 loss: 3.2461 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.0017 distill.loss_dist: 1.2444 2023/05/14 09:49:08 - mmengine - INFO - Epoch(train) [13][1760/1879] lr: 2.0000e-02 eta: 1 day, 15:53:17 time: 0.8377 data_time: 0.0290 memory: 9812 grad_norm: 3.2258 loss: 3.1404 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.9313 distill.loss_dist: 1.2091 2023/05/14 09:49:27 - mmengine - INFO - Epoch(train) [13][1780/1879] lr: 2.0000e-02 eta: 1 day, 15:53:04 time: 0.9147 data_time: 0.0255 memory: 9812 grad_norm: 3.2334 loss: 2.9425 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7211 distill.loss_dist: 1.2214 2023/05/14 09:49:46 - mmengine - INFO - Epoch(train) [13][1800/1879] lr: 2.0000e-02 eta: 1 day, 15:52:56 time: 0.9479 data_time: 0.0267 memory: 9812 grad_norm: 3.2218 loss: 3.1343 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.9100 distill.loss_dist: 1.2243 2023/05/14 09:50:02 - mmengine - INFO - Epoch(train) [13][1820/1879] lr: 2.0000e-02 eta: 1 day, 15:52:32 time: 0.8253 data_time: 0.0255 memory: 9812 grad_norm: 3.1986 loss: 2.9536 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7416 distill.loss_dist: 1.2119 2023/05/14 09:50:19 - mmengine - INFO - Epoch(train) [13][1840/1879] lr: 2.0000e-02 eta: 1 day, 15:52:08 time: 0.8316 data_time: 0.0259 memory: 9812 grad_norm: 3.2766 loss: 3.1412 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8998 distill.loss_dist: 1.2413 2023/05/14 09:50:38 - mmengine - INFO - Epoch(train) [13][1860/1879] lr: 2.0000e-02 eta: 1 day, 15:52:01 time: 0.9602 data_time: 0.0422 memory: 9812 grad_norm: 3.2604 loss: 3.0880 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8217 distill.loss_dist: 1.2662 2023/05/14 09:50:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 09:50:50 - mmengine - INFO - Epoch(train) [13][1879/1879] lr: 2.0000e-02 eta: 1 day, 15:51:13 time: 0.6198 data_time: 0.0208 memory: 9812 grad_norm: 3.3595 loss: 3.1691 student.top1_acc: 0.2857 student.top5_acc: 0.5714 student.loss_cls: 1.9137 distill.loss_dist: 1.2553 2023/05/14 09:51:09 - mmengine - INFO - Epoch(val) [13][ 20/155] eta: 0:02:06 time: 0.9357 data_time: 0.8718 memory: 1484 2023/05/14 09:51:24 - mmengine - INFO - Epoch(val) [13][ 40/155] eta: 0:01:37 time: 0.7663 data_time: 0.6955 memory: 1484 2023/05/14 09:51:42 - mmengine - INFO - Epoch(val) [13][ 60/155] eta: 0:01:22 time: 0.8985 data_time: 0.8347 memory: 1484 2023/05/14 09:51:55 - mmengine - INFO - Epoch(val) [13][ 80/155] eta: 0:01:01 time: 0.6701 data_time: 0.6005 memory: 1484 2023/05/14 09:52:14 - mmengine - INFO - Epoch(val) [13][100/155] eta: 0:00:46 time: 0.9268 data_time: 0.8604 memory: 1484 2023/05/14 09:52:27 - mmengine - INFO - Epoch(val) [13][120/155] eta: 0:00:28 time: 0.6724 data_time: 0.6075 memory: 1484 2023/05/14 09:52:48 - mmengine - INFO - Epoch(val) [13][140/155] eta: 0:00:12 time: 1.0400 data_time: 0.9783 memory: 1484 2023/05/14 09:53:17 - mmengine - INFO - Epoch(val) [13][ 20/155] eta: 0:16:23 time: 0.9866 data_time: 0.8325 memory: 1582 2023/05/14 09:53:31 - mmengine - INFO - Epoch(val) [13][ 40/155] eta: 0:07:38 time: 0.6874 data_time: 0.5318 memory: 1582 2023/05/14 09:53:49 - mmengine - INFO - Epoch(val) [13][ 60/155] eta: 0:04:41 time: 0.9117 data_time: 0.7561 memory: 1582 2023/05/14 09:54:03 - mmengine - INFO - Epoch(val) [13][ 80/155] eta: 0:02:59 time: 0.7114 data_time: 0.5570 memory: 1582 2023/05/14 09:54:22 - mmengine - INFO - Epoch(val) [13][100/155] eta: 0:01:55 time: 0.9303 data_time: 0.7824 memory: 1582 2023/05/14 09:54:36 - mmengine - INFO - Epoch(val) [13][120/155] eta: 0:01:05 time: 0.7008 data_time: 0.5494 memory: 1582 2023/05/14 09:54:56 - mmengine - INFO - Epoch(val) [13][140/155] eta: 0:00:26 time: 1.0054 data_time: 0.8503 memory: 1582 2023/05/14 09:55:06 - mmengine - INFO - Epoch(val) [13][155/155] acc/top1: 0.5745 acc/top5: 0.8173 acc/mean1: 0.5743 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6624 time: 0.8140 2023/05/14 09:55:06 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_12.pth is removed 2023/05/14 09:55:07 - mmengine - INFO - The best checkpoint with 0.5745 acc/top1 at 13 epoch is saved to best_acc_top1_epoch_13.pth. 2023/05/14 09:55:28 - mmengine - INFO - Epoch(train) [14][ 20/1879] lr: 2.0000e-02 eta: 1 day, 15:51:19 time: 1.0527 data_time: 0.6315 memory: 9812 grad_norm: 3.1871 loss: 3.2161 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9684 distill.loss_dist: 1.2478 2023/05/14 09:55:44 - mmengine - INFO - Epoch(train) [14][ 40/1879] lr: 2.0000e-02 eta: 1 day, 15:50:52 time: 0.8127 data_time: 0.3637 memory: 9812 grad_norm: 3.1952 loss: 3.1396 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9173 distill.loss_dist: 1.2223 2023/05/14 09:56:02 - mmengine - INFO - Epoch(train) [14][ 60/1879] lr: 2.0000e-02 eta: 1 day, 15:50:34 time: 0.8715 data_time: 0.4530 memory: 9812 grad_norm: 3.2696 loss: 3.0754 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 1.8303 distill.loss_dist: 1.2451 2023/05/14 09:56:21 - mmengine - INFO - Epoch(train) [14][ 80/1879] lr: 2.0000e-02 eta: 1 day, 15:50:28 time: 0.9642 data_time: 0.4728 memory: 9812 grad_norm: 3.1502 loss: 2.9722 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7483 distill.loss_dist: 1.2239 2023/05/14 09:56:37 - mmengine - INFO - Epoch(train) [14][ 100/1879] lr: 2.0000e-02 eta: 1 day, 15:50:01 time: 0.8077 data_time: 0.3860 memory: 9812 grad_norm: 3.2598 loss: 3.0819 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8450 distill.loss_dist: 1.2369 2023/05/14 09:56:55 - mmengine - INFO - Epoch(train) [14][ 120/1879] lr: 2.0000e-02 eta: 1 day, 15:49:43 time: 0.8712 data_time: 0.4208 memory: 9812 grad_norm: 3.3328 loss: 3.2950 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 2.0115 distill.loss_dist: 1.2834 2023/05/14 09:57:12 - mmengine - INFO - Epoch(train) [14][ 140/1879] lr: 2.0000e-02 eta: 1 day, 15:49:24 time: 0.8677 data_time: 0.4384 memory: 9812 grad_norm: 3.2282 loss: 3.1005 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8474 distill.loss_dist: 1.2531 2023/05/14 09:57:28 - mmengine - INFO - Epoch(train) [14][ 160/1879] lr: 2.0000e-02 eta: 1 day, 15:48:59 time: 0.8212 data_time: 0.3977 memory: 9812 grad_norm: 3.2575 loss: 3.0750 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8326 distill.loss_dist: 1.2424 2023/05/14 09:57:47 - mmengine - INFO - Epoch(train) [14][ 180/1879] lr: 2.0000e-02 eta: 1 day, 15:48:45 time: 0.9045 data_time: 0.4775 memory: 9812 grad_norm: 3.2035 loss: 3.1826 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9424 distill.loss_dist: 1.2402 2023/05/14 09:58:04 - mmengine - INFO - Epoch(train) [14][ 200/1879] lr: 2.0000e-02 eta: 1 day, 15:48:27 time: 0.8749 data_time: 0.4348 memory: 9812 grad_norm: 3.2557 loss: 3.0859 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.8794 distill.loss_dist: 1.2066 2023/05/14 09:58:20 - mmengine - INFO - Epoch(train) [14][ 220/1879] lr: 2.0000e-02 eta: 1 day, 15:48:01 time: 0.8178 data_time: 0.3870 memory: 9812 grad_norm: 3.2616 loss: 3.1124 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8834 distill.loss_dist: 1.2290 2023/05/14 09:58:39 - mmengine - INFO - Epoch(train) [14][ 240/1879] lr: 2.0000e-02 eta: 1 day, 15:47:49 time: 0.9163 data_time: 0.4789 memory: 9812 grad_norm: 3.2438 loss: 3.0902 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8906 distill.loss_dist: 1.1996 2023/05/14 09:58:55 - mmengine - INFO - Epoch(train) [14][ 260/1879] lr: 2.0000e-02 eta: 1 day, 15:47:24 time: 0.8252 data_time: 0.3432 memory: 9812 grad_norm: 3.2688 loss: 2.9526 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7404 distill.loss_dist: 1.2122 2023/05/14 09:59:12 - mmengine - INFO - Epoch(train) [14][ 280/1879] lr: 2.0000e-02 eta: 1 day, 15:47:04 time: 0.8534 data_time: 0.3917 memory: 9812 grad_norm: 3.2595 loss: 3.1053 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.8760 distill.loss_dist: 1.2293 2023/05/14 09:59:31 - mmengine - INFO - Epoch(train) [14][ 300/1879] lr: 2.0000e-02 eta: 1 day, 15:46:55 time: 0.9482 data_time: 0.4736 memory: 9812 grad_norm: 3.2432 loss: 3.1870 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.9721 distill.loss_dist: 1.2149 2023/05/14 09:59:48 - mmengine - INFO - Epoch(train) [14][ 320/1879] lr: 2.0000e-02 eta: 1 day, 15:46:32 time: 0.8325 data_time: 0.3264 memory: 9812 grad_norm: 3.3238 loss: 3.0856 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.8392 distill.loss_dist: 1.2464 2023/05/14 10:00:04 - mmengine - INFO - Epoch(train) [14][ 340/1879] lr: 2.0000e-02 eta: 1 day, 15:46:04 time: 0.7997 data_time: 0.3314 memory: 9812 grad_norm: 3.2240 loss: 3.2174 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9741 distill.loss_dist: 1.2433 2023/05/14 10:00:22 - mmengine - INFO - Epoch(train) [14][ 360/1879] lr: 2.0000e-02 eta: 1 day, 15:45:50 time: 0.9038 data_time: 0.4390 memory: 9812 grad_norm: 3.1746 loss: 2.9964 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.7765 distill.loss_dist: 1.2199 2023/05/14 10:00:38 - mmengine - INFO - Epoch(train) [14][ 380/1879] lr: 2.0000e-02 eta: 1 day, 15:45:21 time: 0.7931 data_time: 0.2162 memory: 9812 grad_norm: 3.2479 loss: 3.1297 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8878 distill.loss_dist: 1.2419 2023/05/14 10:00:56 - mmengine - INFO - Epoch(train) [14][ 400/1879] lr: 2.0000e-02 eta: 1 day, 15:45:08 time: 0.9070 data_time: 0.2173 memory: 9812 grad_norm: 3.2433 loss: 3.3001 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 2.0870 distill.loss_dist: 1.2131 2023/05/14 10:01:13 - mmengine - INFO - Epoch(train) [14][ 420/1879] lr: 2.0000e-02 eta: 1 day, 15:44:49 time: 0.8707 data_time: 0.2535 memory: 9812 grad_norm: 3.2163 loss: 2.9217 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.7206 distill.loss_dist: 1.2011 2023/05/14 10:01:30 - mmengine - INFO - Epoch(train) [14][ 440/1879] lr: 2.0000e-02 eta: 1 day, 15:44:26 time: 0.8345 data_time: 0.1404 memory: 9812 grad_norm: 3.3245 loss: 3.2035 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.9896 distill.loss_dist: 1.2139 2023/05/14 10:01:48 - mmengine - INFO - Epoch(train) [14][ 460/1879] lr: 2.0000e-02 eta: 1 day, 15:44:12 time: 0.9061 data_time: 0.0372 memory: 9812 grad_norm: 3.2504 loss: 2.9764 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7617 distill.loss_dist: 1.2147 2023/05/14 10:02:05 - mmengine - INFO - Epoch(train) [14][ 480/1879] lr: 2.0000e-02 eta: 1 day, 15:43:52 time: 0.8599 data_time: 0.1254 memory: 9812 grad_norm: 3.2497 loss: 3.0002 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7787 distill.loss_dist: 1.2215 2023/05/14 10:02:24 - mmengine - INFO - Epoch(train) [14][ 500/1879] lr: 2.0000e-02 eta: 1 day, 15:43:39 time: 0.9127 data_time: 0.1412 memory: 9812 grad_norm: 3.1789 loss: 3.1489 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9160 distill.loss_dist: 1.2329 2023/05/14 10:02:41 - mmengine - INFO - Epoch(train) [14][ 520/1879] lr: 2.0000e-02 eta: 1 day, 15:43:18 time: 0.8462 data_time: 0.0318 memory: 9812 grad_norm: 3.2743 loss: 3.0835 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8461 distill.loss_dist: 1.2374 2023/05/14 10:02:59 - mmengine - INFO - Epoch(train) [14][ 540/1879] lr: 2.0000e-02 eta: 1 day, 15:43:04 time: 0.9076 data_time: 0.0270 memory: 9812 grad_norm: 3.2665 loss: 3.0124 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7923 distill.loss_dist: 1.2201 2023/05/14 10:03:15 - mmengine - INFO - Epoch(train) [14][ 560/1879] lr: 2.0000e-02 eta: 1 day, 15:42:40 time: 0.8259 data_time: 0.1663 memory: 9812 grad_norm: 3.2142 loss: 3.3456 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 2.0980 distill.loss_dist: 1.2476 2023/05/14 10:03:27 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 10:03:32 - mmengine - INFO - Epoch(train) [14][ 580/1879] lr: 2.0000e-02 eta: 1 day, 15:42:19 time: 0.8551 data_time: 0.0823 memory: 9812 grad_norm: 3.2510 loss: 3.0692 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.8389 distill.loss_dist: 1.2303 2023/05/14 10:03:51 - mmengine - INFO - Epoch(train) [14][ 600/1879] lr: 2.0000e-02 eta: 1 day, 15:42:07 time: 0.9148 data_time: 0.0244 memory: 9812 grad_norm: 3.2073 loss: 2.7846 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5858 distill.loss_dist: 1.1988 2023/05/14 10:04:08 - mmengine - INFO - Epoch(train) [14][ 620/1879] lr: 2.0000e-02 eta: 1 day, 15:41:47 time: 0.8652 data_time: 0.0231 memory: 9812 grad_norm: 3.2262 loss: 3.0043 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7863 distill.loss_dist: 1.2180 2023/05/14 10:04:25 - mmengine - INFO - Epoch(train) [14][ 640/1879] lr: 2.0000e-02 eta: 1 day, 15:41:25 time: 0.8411 data_time: 0.0255 memory: 9812 grad_norm: 3.2870 loss: 2.9018 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.6965 distill.loss_dist: 1.2053 2023/05/14 10:04:43 - mmengine - INFO - Epoch(train) [14][ 660/1879] lr: 2.0000e-02 eta: 1 day, 15:41:13 time: 0.9212 data_time: 0.0241 memory: 9812 grad_norm: 3.2418 loss: 3.0018 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7941 distill.loss_dist: 1.2077 2023/05/14 10:05:00 - mmengine - INFO - Epoch(train) [14][ 680/1879] lr: 2.0000e-02 eta: 1 day, 15:40:51 time: 0.8397 data_time: 0.0267 memory: 9812 grad_norm: 3.2004 loss: 3.0675 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.8185 distill.loss_dist: 1.2491 2023/05/14 10:05:17 - mmengine - INFO - Epoch(train) [14][ 700/1879] lr: 2.0000e-02 eta: 1 day, 15:40:31 time: 0.8631 data_time: 0.0284 memory: 9812 grad_norm: 3.2374 loss: 3.0767 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8513 distill.loss_dist: 1.2254 2023/05/14 10:05:36 - mmengine - INFO - Epoch(train) [14][ 720/1879] lr: 2.0000e-02 eta: 1 day, 15:40:22 time: 0.9402 data_time: 0.0272 memory: 9812 grad_norm: 3.2562 loss: 3.3627 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 2.0968 distill.loss_dist: 1.2660 2023/05/14 10:05:54 - mmengine - INFO - Epoch(train) [14][ 740/1879] lr: 2.0000e-02 eta: 1 day, 15:40:08 time: 0.9020 data_time: 0.0276 memory: 9812 grad_norm: 3.2395 loss: 2.9593 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7329 distill.loss_dist: 1.2265 2023/05/14 10:06:10 - mmengine - INFO - Epoch(train) [14][ 760/1879] lr: 2.0000e-02 eta: 1 day, 15:39:40 time: 0.8028 data_time: 0.0254 memory: 9812 grad_norm: 3.2244 loss: 3.0250 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7849 distill.loss_dist: 1.2401 2023/05/14 10:06:29 - mmengine - INFO - Epoch(train) [14][ 780/1879] lr: 2.0000e-02 eta: 1 day, 15:39:28 time: 0.9182 data_time: 0.0243 memory: 9812 grad_norm: 3.2007 loss: 3.1580 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9233 distill.loss_dist: 1.2347 2023/05/14 10:06:45 - mmengine - INFO - Epoch(train) [14][ 800/1879] lr: 2.0000e-02 eta: 1 day, 15:39:05 time: 0.8345 data_time: 0.0272 memory: 9812 grad_norm: 3.2451 loss: 3.1556 student.top1_acc: 0.4375 student.top5_acc: 0.5000 student.loss_cls: 1.9155 distill.loss_dist: 1.2401 2023/05/14 10:07:01 - mmengine - INFO - Epoch(train) [14][ 820/1879] lr: 2.0000e-02 eta: 1 day, 15:38:36 time: 0.7890 data_time: 0.0253 memory: 9812 grad_norm: 3.2110 loss: 3.2408 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9889 distill.loss_dist: 1.2518 2023/05/14 10:07:19 - mmengine - INFO - Epoch(train) [14][ 840/1879] lr: 2.0000e-02 eta: 1 day, 15:38:23 time: 0.9146 data_time: 0.0266 memory: 9812 grad_norm: 3.2307 loss: 3.1101 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8645 distill.loss_dist: 1.2457 2023/05/14 10:07:37 - mmengine - INFO - Epoch(train) [14][ 860/1879] lr: 2.0000e-02 eta: 1 day, 15:38:09 time: 0.9001 data_time: 0.0273 memory: 9812 grad_norm: 3.1674 loss: 3.1187 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8904 distill.loss_dist: 1.2283 2023/05/14 10:07:53 - mmengine - INFO - Epoch(train) [14][ 880/1879] lr: 2.0000e-02 eta: 1 day, 15:37:38 time: 0.7775 data_time: 0.0267 memory: 9812 grad_norm: 3.1964 loss: 3.1893 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9635 distill.loss_dist: 1.2258 2023/05/14 10:08:10 - mmengine - INFO - Epoch(train) [14][ 900/1879] lr: 2.0000e-02 eta: 1 day, 15:37:16 time: 0.8437 data_time: 0.0292 memory: 9812 grad_norm: 3.2540 loss: 2.9386 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.7232 distill.loss_dist: 1.2154 2023/05/14 10:08:27 - mmengine - INFO - Epoch(train) [14][ 920/1879] lr: 2.0000e-02 eta: 1 day, 15:36:58 time: 0.8726 data_time: 0.0282 memory: 9812 grad_norm: 3.1757 loss: 3.2567 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 2.0199 distill.loss_dist: 1.2368 2023/05/14 10:08:47 - mmengine - INFO - Epoch(train) [14][ 940/1879] lr: 2.0000e-02 eta: 1 day, 15:36:52 time: 0.9660 data_time: 0.0294 memory: 9812 grad_norm: 3.1706 loss: 3.1752 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.9442 distill.loss_dist: 1.2310 2023/05/14 10:09:04 - mmengine - INFO - Epoch(train) [14][ 960/1879] lr: 2.0000e-02 eta: 1 day, 15:36:35 time: 0.8852 data_time: 0.0252 memory: 9812 grad_norm: 3.2602 loss: 3.0180 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.7739 distill.loss_dist: 1.2441 2023/05/14 10:09:21 - mmengine - INFO - Epoch(train) [14][ 980/1879] lr: 2.0000e-02 eta: 1 day, 15:36:15 time: 0.8532 data_time: 0.0251 memory: 9812 grad_norm: 3.2067 loss: 2.8532 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6294 distill.loss_dist: 1.2237 2023/05/14 10:09:41 - mmengine - INFO - Epoch(train) [14][1000/1879] lr: 2.0000e-02 eta: 1 day, 15:36:13 time: 0.9977 data_time: 0.0242 memory: 9812 grad_norm: 3.2343 loss: 3.0915 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8359 distill.loss_dist: 1.2556 2023/05/14 10:09:58 - mmengine - INFO - Epoch(train) [14][1020/1879] lr: 2.0000e-02 eta: 1 day, 15:35:48 time: 0.8194 data_time: 0.0227 memory: 9812 grad_norm: 3.1439 loss: 3.1111 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.8743 distill.loss_dist: 1.2367 2023/05/14 10:10:14 - mmengine - INFO - Epoch(train) [14][1040/1879] lr: 2.0000e-02 eta: 1 day, 15:35:20 time: 0.7964 data_time: 0.0298 memory: 9812 grad_norm: 3.1526 loss: 3.1326 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.9030 distill.loss_dist: 1.2296 2023/05/14 10:10:32 - mmengine - INFO - Epoch(train) [14][1060/1879] lr: 2.0000e-02 eta: 1 day, 15:35:07 time: 0.9137 data_time: 0.0260 memory: 9812 grad_norm: 3.1950 loss: 3.2345 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9984 distill.loss_dist: 1.2362 2023/05/14 10:10:49 - mmengine - INFO - Epoch(train) [14][1080/1879] lr: 2.0000e-02 eta: 1 day, 15:34:48 time: 0.8657 data_time: 0.0256 memory: 9812 grad_norm: 3.2040 loss: 2.8996 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6793 distill.loss_dist: 1.2203 2023/05/14 10:11:05 - mmengine - INFO - Epoch(train) [14][1100/1879] lr: 2.0000e-02 eta: 1 day, 15:34:20 time: 0.8010 data_time: 0.0236 memory: 9812 grad_norm: 3.2392 loss: 3.0215 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7733 distill.loss_dist: 1.2481 2023/05/14 10:11:24 - mmengine - INFO - Epoch(train) [14][1120/1879] lr: 2.0000e-02 eta: 1 day, 15:34:10 time: 0.9338 data_time: 0.0258 memory: 9812 grad_norm: 3.2005 loss: 3.3344 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 2.0854 distill.loss_dist: 1.2489 2023/05/14 10:11:40 - mmengine - INFO - Epoch(train) [14][1140/1879] lr: 2.0000e-02 eta: 1 day, 15:33:44 time: 0.8070 data_time: 0.0289 memory: 9812 grad_norm: 3.1865 loss: 3.1242 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8886 distill.loss_dist: 1.2356 2023/05/14 10:11:58 - mmengine - INFO - Epoch(train) [14][1160/1879] lr: 2.0000e-02 eta: 1 day, 15:33:26 time: 0.8778 data_time: 0.0249 memory: 9812 grad_norm: 3.1985 loss: 3.2929 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0438 distill.loss_dist: 1.2491 2023/05/14 10:12:17 - mmengine - INFO - Epoch(train) [14][1180/1879] lr: 2.0000e-02 eta: 1 day, 15:33:16 time: 0.9384 data_time: 0.0253 memory: 9812 grad_norm: 3.1874 loss: 3.0801 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8669 distill.loss_dist: 1.2131 2023/05/14 10:12:34 - mmengine - INFO - Epoch(train) [14][1200/1879] lr: 2.0000e-02 eta: 1 day, 15:32:55 time: 0.8500 data_time: 0.0266 memory: 9812 grad_norm: 3.2127 loss: 3.0784 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.8657 distill.loss_dist: 1.2127 2023/05/14 10:12:49 - mmengine - INFO - Epoch(train) [14][1220/1879] lr: 2.0000e-02 eta: 1 day, 15:32:27 time: 0.7918 data_time: 0.0294 memory: 9812 grad_norm: 3.2085 loss: 2.9088 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.7022 distill.loss_dist: 1.2066 2023/05/14 10:13:09 - mmengine - INFO - Epoch(train) [14][1240/1879] lr: 2.0000e-02 eta: 1 day, 15:32:21 time: 0.9725 data_time: 0.0256 memory: 9812 grad_norm: 3.2863 loss: 3.2414 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9914 distill.loss_dist: 1.2500 2023/05/14 10:13:25 - mmengine - INFO - Epoch(train) [14][1260/1879] lr: 2.0000e-02 eta: 1 day, 15:31:52 time: 0.7857 data_time: 0.0259 memory: 9812 grad_norm: 3.2675 loss: 3.0329 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7967 distill.loss_dist: 1.2362 2023/05/14 10:13:40 - mmengine - INFO - Epoch(train) [14][1280/1879] lr: 2.0000e-02 eta: 1 day, 15:31:20 time: 0.7636 data_time: 0.0242 memory: 9812 grad_norm: 3.2087 loss: 3.2811 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 2.0186 distill.loss_dist: 1.2625 2023/05/14 10:13:58 - mmengine - INFO - Epoch(train) [14][1300/1879] lr: 2.0000e-02 eta: 1 day, 15:31:07 time: 0.9139 data_time: 0.0261 memory: 9812 grad_norm: 3.2253 loss: 3.1198 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 1.8779 distill.loss_dist: 1.2419 2023/05/14 10:14:16 - mmengine - INFO - Epoch(train) [14][1320/1879] lr: 2.0000e-02 eta: 1 day, 15:30:51 time: 0.8845 data_time: 0.0296 memory: 9812 grad_norm: 3.2143 loss: 2.8944 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6621 distill.loss_dist: 1.2323 2023/05/14 10:14:33 - mmengine - INFO - Epoch(train) [14][1340/1879] lr: 2.0000e-02 eta: 1 day, 15:30:29 time: 0.8467 data_time: 0.0262 memory: 9812 grad_norm: 3.1497 loss: 3.3498 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 2.0911 distill.loss_dist: 1.2587 2023/05/14 10:14:49 - mmengine - INFO - Epoch(train) [14][1360/1879] lr: 2.0000e-02 eta: 1 day, 15:30:07 time: 0.8371 data_time: 0.0652 memory: 9812 grad_norm: 3.1944 loss: 2.7910 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6117 distill.loss_dist: 1.1793 2023/05/14 10:15:07 - mmengine - INFO - Epoch(train) [14][1380/1879] lr: 2.0000e-02 eta: 1 day, 15:29:47 time: 0.8617 data_time: 0.0752 memory: 9812 grad_norm: 3.2220 loss: 2.9789 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7629 distill.loss_dist: 1.2160 2023/05/14 10:15:24 - mmengine - INFO - Epoch(train) [14][1400/1879] lr: 2.0000e-02 eta: 1 day, 15:29:29 time: 0.8749 data_time: 0.0819 memory: 9812 grad_norm: 3.2039 loss: 3.2132 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9856 distill.loss_dist: 1.2276 2023/05/14 10:15:41 - mmengine - INFO - Epoch(train) [14][1420/1879] lr: 2.0000e-02 eta: 1 day, 15:29:04 time: 0.8163 data_time: 0.0527 memory: 9812 grad_norm: 3.1532 loss: 3.3090 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 2.0692 distill.loss_dist: 1.2398 2023/05/14 10:15:59 - mmengine - INFO - Epoch(train) [14][1440/1879] lr: 2.0000e-02 eta: 1 day, 15:28:53 time: 0.9288 data_time: 0.0354 memory: 9812 grad_norm: 3.2615 loss: 3.3534 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.0671 distill.loss_dist: 1.2863 2023/05/14 10:16:17 - mmengine - INFO - Epoch(train) [14][1460/1879] lr: 2.0000e-02 eta: 1 day, 15:28:35 time: 0.8746 data_time: 0.0216 memory: 9812 grad_norm: 3.1566 loss: 3.1877 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.9417 distill.loss_dist: 1.2461 2023/05/14 10:16:35 - mmengine - INFO - Epoch(train) [14][1480/1879] lr: 2.0000e-02 eta: 1 day, 15:28:23 time: 0.9222 data_time: 0.0267 memory: 9812 grad_norm: 3.1793 loss: 3.0615 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8464 distill.loss_dist: 1.2151 2023/05/14 10:16:53 - mmengine - INFO - Epoch(train) [14][1500/1879] lr: 2.0000e-02 eta: 1 day, 15:28:08 time: 0.8955 data_time: 0.0283 memory: 9812 grad_norm: 3.2460 loss: 3.1163 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.8711 distill.loss_dist: 1.2452 2023/05/14 10:17:10 - mmengine - INFO - Epoch(train) [14][1520/1879] lr: 2.0000e-02 eta: 1 day, 15:27:46 time: 0.8405 data_time: 0.0274 memory: 9812 grad_norm: 3.1966 loss: 3.0497 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8157 distill.loss_dist: 1.2339 2023/05/14 10:17:27 - mmengine - INFO - Epoch(train) [14][1540/1879] lr: 2.0000e-02 eta: 1 day, 15:27:25 time: 0.8478 data_time: 0.0251 memory: 9812 grad_norm: 3.2076 loss: 2.9970 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 1.8022 distill.loss_dist: 1.1949 2023/05/14 10:17:45 - mmengine - INFO - Epoch(train) [14][1560/1879] lr: 2.0000e-02 eta: 1 day, 15:27:12 time: 0.9175 data_time: 0.0276 memory: 9812 grad_norm: 3.2853 loss: 3.0576 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7967 distill.loss_dist: 1.2608 2023/05/14 10:17:56 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 10:18:02 - mmengine - INFO - Epoch(train) [14][1580/1879] lr: 2.0000e-02 eta: 1 day, 15:26:51 time: 0.8487 data_time: 0.0238 memory: 9812 grad_norm: 3.2424 loss: 2.8999 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6695 distill.loss_dist: 1.2304 2023/05/14 10:18:19 - mmengine - INFO - Epoch(train) [14][1600/1879] lr: 2.0000e-02 eta: 1 day, 15:26:31 time: 0.8544 data_time: 0.0299 memory: 9812 grad_norm: 3.2428 loss: 3.1643 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9133 distill.loss_dist: 1.2510 2023/05/14 10:18:36 - mmengine - INFO - Epoch(train) [14][1620/1879] lr: 2.0000e-02 eta: 1 day, 15:26:10 time: 0.8484 data_time: 0.0260 memory: 9812 grad_norm: 3.2104 loss: 2.9844 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7760 distill.loss_dist: 1.2085 2023/05/14 10:18:53 - mmengine - INFO - Epoch(train) [14][1640/1879] lr: 2.0000e-02 eta: 1 day, 15:25:47 time: 0.8372 data_time: 0.0278 memory: 9812 grad_norm: 3.1765 loss: 3.0670 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 1.8663 distill.loss_dist: 1.2007 2023/05/14 10:19:11 - mmengine - INFO - Epoch(train) [14][1660/1879] lr: 2.0000e-02 eta: 1 day, 15:25:32 time: 0.8951 data_time: 0.0289 memory: 9812 grad_norm: 3.1996 loss: 3.3107 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.0629 distill.loss_dist: 1.2478 2023/05/14 10:19:29 - mmengine - INFO - Epoch(train) [14][1680/1879] lr: 2.0000e-02 eta: 1 day, 15:25:15 time: 0.8863 data_time: 0.0279 memory: 9812 grad_norm: 3.2575 loss: 3.1219 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8968 distill.loss_dist: 1.2252 2023/05/14 10:19:45 - mmengine - INFO - Epoch(train) [14][1700/1879] lr: 2.0000e-02 eta: 1 day, 15:24:52 time: 0.8259 data_time: 0.0282 memory: 9812 grad_norm: 3.1699 loss: 2.9952 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.7699 distill.loss_dist: 1.2253 2023/05/14 10:20:02 - mmengine - INFO - Epoch(train) [14][1720/1879] lr: 2.0000e-02 eta: 1 day, 15:24:32 time: 0.8606 data_time: 0.0280 memory: 9812 grad_norm: 3.1857 loss: 3.3733 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 2.1212 distill.loss_dist: 1.2521 2023/05/14 10:20:20 - mmengine - INFO - Epoch(train) [14][1740/1879] lr: 2.0000e-02 eta: 1 day, 15:24:14 time: 0.8741 data_time: 0.0295 memory: 9812 grad_norm: 3.1407 loss: 2.9538 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.7243 distill.loss_dist: 1.2295 2023/05/14 10:20:37 - mmengine - INFO - Epoch(train) [14][1760/1879] lr: 2.0000e-02 eta: 1 day, 15:23:52 time: 0.8368 data_time: 0.0222 memory: 9812 grad_norm: 3.2410 loss: 2.9483 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7300 distill.loss_dist: 1.2184 2023/05/14 10:20:55 - mmengine - INFO - Epoch(train) [14][1780/1879] lr: 2.0000e-02 eta: 1 day, 15:23:40 time: 0.9251 data_time: 0.0259 memory: 9812 grad_norm: 3.1701 loss: 2.8367 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6265 distill.loss_dist: 1.2103 2023/05/14 10:21:11 - mmengine - INFO - Epoch(train) [14][1800/1879] lr: 2.0000e-02 eta: 1 day, 15:23:15 time: 0.8175 data_time: 0.0300 memory: 9812 grad_norm: 3.2372 loss: 3.1769 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9609 distill.loss_dist: 1.2160 2023/05/14 10:21:28 - mmengine - INFO - Epoch(train) [14][1820/1879] lr: 2.0000e-02 eta: 1 day, 15:22:52 time: 0.8338 data_time: 0.0275 memory: 9812 grad_norm: 3.2940 loss: 3.2983 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 2.0583 distill.loss_dist: 1.2400 2023/05/14 10:21:48 - mmengine - INFO - Epoch(train) [14][1840/1879] lr: 2.0000e-02 eta: 1 day, 15:22:47 time: 0.9805 data_time: 0.0277 memory: 9812 grad_norm: 3.1446 loss: 3.1554 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9352 distill.loss_dist: 1.2202 2023/05/14 10:22:04 - mmengine - INFO - Epoch(train) [14][1860/1879] lr: 2.0000e-02 eta: 1 day, 15:22:20 time: 0.7960 data_time: 0.0257 memory: 9812 grad_norm: 3.2124 loss: 3.0071 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.7642 distill.loss_dist: 1.2429 2023/05/14 10:22:17 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 10:22:17 - mmengine - INFO - Epoch(train) [14][1879/1879] lr: 2.0000e-02 eta: 1 day, 15:21:43 time: 0.6871 data_time: 0.0225 memory: 9812 grad_norm: 3.2722 loss: 2.9942 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.7839 distill.loss_dist: 1.2102 2023/05/14 10:22:36 - mmengine - INFO - Epoch(val) [14][ 20/155] eta: 0:02:07 time: 0.9480 data_time: 0.8839 memory: 1484 2023/05/14 10:22:49 - mmengine - INFO - Epoch(val) [14][ 40/155] eta: 0:01:33 time: 0.6732 data_time: 0.6098 memory: 1484 2023/05/14 10:23:08 - mmengine - INFO - Epoch(val) [14][ 60/155] eta: 0:01:21 time: 0.9381 data_time: 0.8731 memory: 1484 2023/05/14 10:23:21 - mmengine - INFO - Epoch(val) [14][ 80/155] eta: 0:01:00 time: 0.6410 data_time: 0.5822 memory: 1484 2023/05/14 10:23:41 - mmengine - INFO - Epoch(val) [14][100/155] eta: 0:00:46 time: 0.9829 data_time: 0.9187 memory: 1484 2023/05/14 10:23:54 - mmengine - INFO - Epoch(val) [14][120/155] eta: 0:00:28 time: 0.6618 data_time: 0.5992 memory: 1484 2023/05/14 10:24:14 - mmengine - INFO - Epoch(val) [14][140/155] eta: 0:00:12 time: 1.0213 data_time: 0.9585 memory: 1484 2023/05/14 10:24:44 - mmengine - INFO - Epoch(val) [14][ 20/155] eta: 0:16:23 time: 1.0206 data_time: 0.8633 memory: 1582 2023/05/14 10:24:57 - mmengine - INFO - Epoch(val) [14][ 40/155] eta: 0:07:36 time: 0.6576 data_time: 0.4974 memory: 1582 2023/05/14 10:25:17 - mmengine - INFO - Epoch(val) [14][ 60/155] eta: 0:04:42 time: 0.9810 data_time: 0.8299 memory: 1582 2023/05/14 10:25:31 - mmengine - INFO - Epoch(val) [14][ 80/155] eta: 0:03:00 time: 0.6858 data_time: 0.5321 memory: 1582 2023/05/14 10:25:50 - mmengine - INFO - Epoch(val) [14][100/155] eta: 0:01:56 time: 0.9553 data_time: 0.8024 memory: 1582 2023/05/14 10:26:03 - mmengine - INFO - Epoch(val) [14][120/155] eta: 0:01:05 time: 0.6602 data_time: 0.5063 memory: 1582 2023/05/14 10:26:23 - mmengine - INFO - Epoch(val) [14][140/155] eta: 0:00:26 time: 0.9940 data_time: 0.8453 memory: 1582 2023/05/14 10:26:33 - mmengine - INFO - Epoch(val) [14][155/155] acc/top1: 0.5728 acc/top5: 0.8131 acc/mean1: 0.5727 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6642 time: 0.8161 2023/05/14 10:26:54 - mmengine - INFO - Epoch(train) [15][ 20/1879] lr: 2.0000e-02 eta: 1 day, 15:21:51 time: 1.0869 data_time: 0.3742 memory: 9812 grad_norm: 3.2139 loss: 3.0647 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8123 distill.loss_dist: 1.2524 2023/05/14 10:27:12 - mmengine - INFO - Epoch(train) [15][ 40/1879] lr: 2.0000e-02 eta: 1 day, 15:21:33 time: 0.8781 data_time: 0.1525 memory: 9812 grad_norm: 3.1611 loss: 3.0660 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.8341 distill.loss_dist: 1.2319 2023/05/14 10:27:28 - mmengine - INFO - Epoch(train) [15][ 60/1879] lr: 2.0000e-02 eta: 1 day, 15:21:05 time: 0.7908 data_time: 0.0253 memory: 9812 grad_norm: 3.2177 loss: 2.8941 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.6789 distill.loss_dist: 1.2152 2023/05/14 10:27:47 - mmengine - INFO - Epoch(train) [15][ 80/1879] lr: 2.0000e-02 eta: 1 day, 15:20:56 time: 0.9458 data_time: 0.0275 memory: 9812 grad_norm: 3.2394 loss: 3.0677 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8084 distill.loss_dist: 1.2593 2023/05/14 10:28:05 - mmengine - INFO - Epoch(train) [15][ 100/1879] lr: 2.0000e-02 eta: 1 day, 15:20:41 time: 0.8998 data_time: 0.0270 memory: 9812 grad_norm: 3.2292 loss: 3.0575 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.8276 distill.loss_dist: 1.2299 2023/05/14 10:28:20 - mmengine - INFO - Epoch(train) [15][ 120/1879] lr: 2.0000e-02 eta: 1 day, 15:20:13 time: 0.7859 data_time: 0.0248 memory: 9812 grad_norm: 3.2790 loss: 2.9692 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7500 distill.loss_dist: 1.2192 2023/05/14 10:28:39 - mmengine - INFO - Epoch(train) [15][ 140/1879] lr: 2.0000e-02 eta: 1 day, 15:20:01 time: 0.9231 data_time: 0.0276 memory: 9812 grad_norm: 3.1811 loss: 3.0457 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8307 distill.loss_dist: 1.2150 2023/05/14 10:28:55 - mmengine - INFO - Epoch(train) [15][ 160/1879] lr: 2.0000e-02 eta: 1 day, 15:19:36 time: 0.8140 data_time: 0.0243 memory: 9812 grad_norm: 3.2252 loss: 3.1218 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.8877 distill.loss_dist: 1.2341 2023/05/14 10:29:12 - mmengine - INFO - Epoch(train) [15][ 180/1879] lr: 2.0000e-02 eta: 1 day, 15:19:14 time: 0.8475 data_time: 0.0250 memory: 9812 grad_norm: 3.2901 loss: 2.9359 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 1.7329 distill.loss_dist: 1.2030 2023/05/14 10:29:32 - mmengine - INFO - Epoch(train) [15][ 200/1879] lr: 2.0000e-02 eta: 1 day, 15:19:11 time: 0.9883 data_time: 0.0252 memory: 9812 grad_norm: 3.2009 loss: 2.8908 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6660 distill.loss_dist: 1.2248 2023/05/14 10:29:48 - mmengine - INFO - Epoch(train) [15][ 220/1879] lr: 2.0000e-02 eta: 1 day, 15:18:43 time: 0.7971 data_time: 0.0271 memory: 9812 grad_norm: 3.2757 loss: 3.1944 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9487 distill.loss_dist: 1.2457 2023/05/14 10:30:04 - mmengine - INFO - Epoch(train) [15][ 240/1879] lr: 2.0000e-02 eta: 1 day, 15:18:16 time: 0.7958 data_time: 0.0278 memory: 9812 grad_norm: 3.2418 loss: 3.0791 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8478 distill.loss_dist: 1.2313 2023/05/14 10:30:22 - mmengine - INFO - Epoch(train) [15][ 260/1879] lr: 2.0000e-02 eta: 1 day, 15:18:03 time: 0.9153 data_time: 0.0239 memory: 9812 grad_norm: 3.1889 loss: 3.0061 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7824 distill.loss_dist: 1.2238 2023/05/14 10:30:41 - mmengine - INFO - Epoch(train) [15][ 280/1879] lr: 2.0000e-02 eta: 1 day, 15:17:53 time: 0.9385 data_time: 0.0263 memory: 9812 grad_norm: 3.1909 loss: 3.0954 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.8722 distill.loss_dist: 1.2231 2023/05/14 10:30:56 - mmengine - INFO - Epoch(train) [15][ 300/1879] lr: 2.0000e-02 eta: 1 day, 15:17:23 time: 0.7780 data_time: 0.0262 memory: 9812 grad_norm: 3.1587 loss: 3.0631 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.8197 distill.loss_dist: 1.2434 2023/05/14 10:31:16 - mmengine - INFO - Epoch(train) [15][ 320/1879] lr: 2.0000e-02 eta: 1 day, 15:17:15 time: 0.9562 data_time: 0.0235 memory: 9812 grad_norm: 3.1285 loss: 2.9025 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7166 distill.loss_dist: 1.1859 2023/05/14 10:31:33 - mmengine - INFO - Epoch(train) [15][ 340/1879] lr: 2.0000e-02 eta: 1 day, 15:16:55 time: 0.8527 data_time: 0.0274 memory: 9812 grad_norm: 3.1957 loss: 2.9257 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7265 distill.loss_dist: 1.1993 2023/05/14 10:31:50 - mmengine - INFO - Epoch(train) [15][ 360/1879] lr: 2.0000e-02 eta: 1 day, 15:16:35 time: 0.8610 data_time: 0.0272 memory: 9812 grad_norm: 3.1916 loss: 3.0592 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8384 distill.loss_dist: 1.2208 2023/05/14 10:32:08 - mmengine - INFO - Epoch(train) [15][ 380/1879] lr: 2.0000e-02 eta: 1 day, 15:16:23 time: 0.9219 data_time: 0.0240 memory: 9812 grad_norm: 3.2443 loss: 3.1162 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8783 distill.loss_dist: 1.2380 2023/05/14 10:32:24 - mmengine - INFO - Epoch(train) [15][ 400/1879] lr: 2.0000e-02 eta: 1 day, 15:15:55 time: 0.7884 data_time: 0.0254 memory: 9812 grad_norm: 3.2400 loss: 2.9935 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.7676 distill.loss_dist: 1.2259 2023/05/14 10:32:40 - mmengine - INFO - Epoch(train) [15][ 420/1879] lr: 2.0000e-02 eta: 1 day, 15:15:31 time: 0.8188 data_time: 0.0270 memory: 9812 grad_norm: 3.2089 loss: 3.0890 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.8723 distill.loss_dist: 1.2166 2023/05/14 10:32:59 - mmengine - INFO - Epoch(train) [15][ 440/1879] lr: 2.0000e-02 eta: 1 day, 15:15:20 time: 0.9369 data_time: 0.0244 memory: 9812 grad_norm: 3.2328 loss: 2.9105 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 1.6924 distill.loss_dist: 1.2181 2023/05/14 10:33:17 - mmengine - INFO - Epoch(train) [15][ 460/1879] lr: 2.0000e-02 eta: 1 day, 15:15:03 time: 0.8763 data_time: 0.0279 memory: 9812 grad_norm: 3.1684 loss: 2.8683 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6564 distill.loss_dist: 1.2119 2023/05/14 10:33:32 - mmengine - INFO - Epoch(train) [15][ 480/1879] lr: 2.0000e-02 eta: 1 day, 15:14:34 time: 0.7858 data_time: 0.0297 memory: 9812 grad_norm: 3.2450 loss: 3.0566 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8322 distill.loss_dist: 1.2244 2023/05/14 10:33:51 - mmengine - INFO - Epoch(train) [15][ 500/1879] lr: 2.0000e-02 eta: 1 day, 15:14:25 time: 0.9478 data_time: 0.0270 memory: 9812 grad_norm: 3.2208 loss: 3.2467 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 2.0032 distill.loss_dist: 1.2436 2023/05/14 10:34:08 - mmengine - INFO - Epoch(train) [15][ 520/1879] lr: 2.0000e-02 eta: 1 day, 15:14:02 time: 0.8283 data_time: 0.0297 memory: 9812 grad_norm: 3.1405 loss: 2.9733 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7550 distill.loss_dist: 1.2183 2023/05/14 10:34:24 - mmengine - INFO - Epoch(train) [15][ 540/1879] lr: 2.0000e-02 eta: 1 day, 15:13:37 time: 0.8192 data_time: 0.0265 memory: 9812 grad_norm: 3.2182 loss: 3.2952 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.0445 distill.loss_dist: 1.2508 2023/05/14 10:34:44 - mmengine - INFO - Epoch(train) [15][ 560/1879] lr: 2.0000e-02 eta: 1 day, 15:13:30 time: 0.9660 data_time: 0.0249 memory: 9812 grad_norm: 3.2375 loss: 2.9230 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.6958 distill.loss_dist: 1.2272 2023/05/14 10:35:01 - mmengine - INFO - Epoch(train) [15][ 580/1879] lr: 2.0000e-02 eta: 1 day, 15:13:10 time: 0.8538 data_time: 0.0269 memory: 9812 grad_norm: 3.1759 loss: 2.9173 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6997 distill.loss_dist: 1.2176 2023/05/14 10:35:18 - mmengine - INFO - Epoch(train) [15][ 600/1879] lr: 2.0000e-02 eta: 1 day, 15:12:50 time: 0.8511 data_time: 0.0608 memory: 9812 grad_norm: 3.1452 loss: 3.0021 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7650 distill.loss_dist: 1.2370 2023/05/14 10:35:36 - mmengine - INFO - Epoch(train) [15][ 620/1879] lr: 2.0000e-02 eta: 1 day, 15:12:36 time: 0.9083 data_time: 0.0264 memory: 9812 grad_norm: 3.2194 loss: 3.0988 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.8646 distill.loss_dist: 1.2342 2023/05/14 10:35:54 - mmengine - INFO - Epoch(train) [15][ 640/1879] lr: 2.0000e-02 eta: 1 day, 15:12:19 time: 0.8817 data_time: 0.0271 memory: 9812 grad_norm: 3.1563 loss: 3.1329 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 1.8924 distill.loss_dist: 1.2405 2023/05/14 10:36:10 - mmengine - INFO - Epoch(train) [15][ 660/1879] lr: 2.0000e-02 eta: 1 day, 15:11:55 time: 0.8232 data_time: 0.0242 memory: 9812 grad_norm: 3.1719 loss: 3.1665 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9333 distill.loss_dist: 1.2332 2023/05/14 10:36:29 - mmengine - INFO - Epoch(train) [15][ 680/1879] lr: 2.0000e-02 eta: 1 day, 15:11:46 time: 0.9541 data_time: 0.0236 memory: 9812 grad_norm: 3.2417 loss: 2.9490 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7141 distill.loss_dist: 1.2349 2023/05/14 10:36:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 10:36:45 - mmengine - INFO - Epoch(train) [15][ 700/1879] lr: 2.0000e-02 eta: 1 day, 15:11:20 time: 0.7987 data_time: 0.0260 memory: 9812 grad_norm: 3.1913 loss: 3.0857 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8252 distill.loss_dist: 1.2605 2023/05/14 10:37:01 - mmengine - INFO - Epoch(train) [15][ 720/1879] lr: 2.0000e-02 eta: 1 day, 15:10:53 time: 0.8023 data_time: 0.0249 memory: 9812 grad_norm: 3.1692 loss: 2.9977 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7975 distill.loss_dist: 1.2001 2023/05/14 10:37:20 - mmengine - INFO - Epoch(train) [15][ 740/1879] lr: 2.0000e-02 eta: 1 day, 15:10:43 time: 0.9341 data_time: 0.0252 memory: 9812 grad_norm: 3.2183 loss: 3.1361 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9014 distill.loss_dist: 1.2347 2023/05/14 10:37:37 - mmengine - INFO - Epoch(train) [15][ 760/1879] lr: 2.0000e-02 eta: 1 day, 15:10:21 time: 0.8402 data_time: 0.0284 memory: 9812 grad_norm: 3.2496 loss: 2.9993 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7887 distill.loss_dist: 1.2106 2023/05/14 10:37:53 - mmengine - INFO - Epoch(train) [15][ 780/1879] lr: 2.0000e-02 eta: 1 day, 15:09:56 time: 0.8204 data_time: 0.0275 memory: 9812 grad_norm: 3.2149 loss: 2.9885 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.7625 distill.loss_dist: 1.2260 2023/05/14 10:38:12 - mmengine - INFO - Epoch(train) [15][ 800/1879] lr: 2.0000e-02 eta: 1 day, 15:09:46 time: 0.9359 data_time: 0.0235 memory: 9812 grad_norm: 3.1859 loss: 2.8544 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6448 distill.loss_dist: 1.2096 2023/05/14 10:38:28 - mmengine - INFO - Epoch(train) [15][ 820/1879] lr: 2.0000e-02 eta: 1 day, 15:09:24 time: 0.8364 data_time: 0.0262 memory: 9812 grad_norm: 3.1515 loss: 3.1205 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8888 distill.loss_dist: 1.2316 2023/05/14 10:38:45 - mmengine - INFO - Epoch(train) [15][ 840/1879] lr: 2.0000e-02 eta: 1 day, 15:09:01 time: 0.8310 data_time: 0.0272 memory: 9812 grad_norm: 3.2231 loss: 2.9375 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7509 distill.loss_dist: 1.1866 2023/05/14 10:39:03 - mmengine - INFO - Epoch(train) [15][ 860/1879] lr: 2.0000e-02 eta: 1 day, 15:08:44 time: 0.8855 data_time: 0.0273 memory: 9812 grad_norm: 3.1933 loss: 2.8742 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.6742 distill.loss_dist: 1.2000 2023/05/14 10:39:20 - mmengine - INFO - Epoch(train) [15][ 880/1879] lr: 2.0000e-02 eta: 1 day, 15:08:25 time: 0.8662 data_time: 0.0279 memory: 9812 grad_norm: 3.2215 loss: 3.1510 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9268 distill.loss_dist: 1.2242 2023/05/14 10:39:37 - mmengine - INFO - Epoch(train) [15][ 900/1879] lr: 2.0000e-02 eta: 1 day, 15:08:03 time: 0.8396 data_time: 0.0288 memory: 9812 grad_norm: 3.1663 loss: 3.3668 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 2.0775 distill.loss_dist: 1.2893 2023/05/14 10:39:55 - mmengine - INFO - Epoch(train) [15][ 920/1879] lr: 2.0000e-02 eta: 1 day, 15:07:50 time: 0.9102 data_time: 0.0252 memory: 9812 grad_norm: 3.2195 loss: 2.9036 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6993 distill.loss_dist: 1.2043 2023/05/14 10:40:11 - mmengine - INFO - Epoch(train) [15][ 940/1879] lr: 2.0000e-02 eta: 1 day, 15:07:22 time: 0.7887 data_time: 0.0305 memory: 9812 grad_norm: 3.1907 loss: 2.9972 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7736 distill.loss_dist: 1.2236 2023/05/14 10:40:29 - mmengine - INFO - Epoch(train) [15][ 960/1879] lr: 2.0000e-02 eta: 1 day, 15:07:07 time: 0.9005 data_time: 0.0262 memory: 9812 grad_norm: 3.2313 loss: 3.2239 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9684 distill.loss_dist: 1.2555 2023/05/14 10:40:48 - mmengine - INFO - Epoch(train) [15][ 980/1879] lr: 2.0000e-02 eta: 1 day, 15:06:55 time: 0.9258 data_time: 0.0265 memory: 9812 grad_norm: 3.2088 loss: 2.9497 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7513 distill.loss_dist: 1.1983 2023/05/14 10:41:04 - mmengine - INFO - Epoch(train) [15][1000/1879] lr: 2.0000e-02 eta: 1 day, 15:06:32 time: 0.8297 data_time: 0.0234 memory: 9812 grad_norm: 3.2002 loss: 3.2298 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9864 distill.loss_dist: 1.2434 2023/05/14 10:41:21 - mmengine - INFO - Epoch(train) [15][1020/1879] lr: 2.0000e-02 eta: 1 day, 15:06:11 time: 0.8433 data_time: 0.0239 memory: 9812 grad_norm: 3.1180 loss: 2.8797 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6873 distill.loss_dist: 1.1924 2023/05/14 10:41:39 - mmengine - INFO - Epoch(train) [15][1040/1879] lr: 2.0000e-02 eta: 1 day, 15:05:57 time: 0.9098 data_time: 0.0273 memory: 9812 grad_norm: 3.2558 loss: 2.9745 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7567 distill.loss_dist: 1.2178 2023/05/14 10:41:55 - mmengine - INFO - Epoch(train) [15][1060/1879] lr: 2.0000e-02 eta: 1 day, 15:05:28 time: 0.7777 data_time: 0.0252 memory: 9812 grad_norm: 3.1513 loss: 3.0059 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8202 distill.loss_dist: 1.1857 2023/05/14 10:42:11 - mmengine - INFO - Epoch(train) [15][1080/1879] lr: 2.0000e-02 eta: 1 day, 15:05:02 time: 0.8066 data_time: 0.0300 memory: 9812 grad_norm: 3.1868 loss: 2.8212 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6047 distill.loss_dist: 1.2165 2023/05/14 10:42:29 - mmengine - INFO - Epoch(train) [15][1100/1879] lr: 2.0000e-02 eta: 1 day, 15:04:51 time: 0.9287 data_time: 0.0259 memory: 9812 grad_norm: 3.1685 loss: 2.9326 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7186 distill.loss_dist: 1.2140 2023/05/14 10:42:48 - mmengine - INFO - Epoch(train) [15][1120/1879] lr: 2.0000e-02 eta: 1 day, 15:04:40 time: 0.9327 data_time: 0.0242 memory: 9812 grad_norm: 3.1446 loss: 3.0157 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8041 distill.loss_dist: 1.2116 2023/05/14 10:43:05 - mmengine - INFO - Epoch(train) [15][1140/1879] lr: 2.0000e-02 eta: 1 day, 15:04:16 time: 0.8258 data_time: 0.0311 memory: 9812 grad_norm: 3.2263 loss: 3.0256 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8169 distill.loss_dist: 1.2087 2023/05/14 10:43:21 - mmengine - INFO - Epoch(train) [15][1160/1879] lr: 2.0000e-02 eta: 1 day, 15:03:52 time: 0.8167 data_time: 0.0210 memory: 9812 grad_norm: 3.1455 loss: 2.9201 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7136 distill.loss_dist: 1.2064 2023/05/14 10:43:39 - mmengine - INFO - Epoch(train) [15][1180/1879] lr: 2.0000e-02 eta: 1 day, 15:03:37 time: 0.8991 data_time: 0.0287 memory: 9812 grad_norm: 3.2214 loss: 3.0788 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.8823 distill.loss_dist: 1.1965 2023/05/14 10:43:55 - mmengine - INFO - Epoch(train) [15][1200/1879] lr: 2.0000e-02 eta: 1 day, 15:03:13 time: 0.8239 data_time: 0.0382 memory: 9812 grad_norm: 3.1723 loss: 3.3147 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 2.0641 distill.loss_dist: 1.2506 2023/05/14 10:44:12 - mmengine - INFO - Epoch(train) [15][1220/1879] lr: 2.0000e-02 eta: 1 day, 15:02:52 time: 0.8413 data_time: 0.0286 memory: 9812 grad_norm: 3.1771 loss: 3.0703 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8628 distill.loss_dist: 1.2075 2023/05/14 10:44:33 - mmengine - INFO - Epoch(train) [15][1240/1879] lr: 2.0000e-02 eta: 1 day, 15:02:50 time: 1.0127 data_time: 0.0243 memory: 9812 grad_norm: 3.2495 loss: 3.1567 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.9068 distill.loss_dist: 1.2500 2023/05/14 10:44:49 - mmengine - INFO - Epoch(train) [15][1260/1879] lr: 2.0000e-02 eta: 1 day, 15:02:26 time: 0.8241 data_time: 0.0257 memory: 9812 grad_norm: 3.1752 loss: 3.0532 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.8351 distill.loss_dist: 1.2181 2023/05/14 10:45:06 - mmengine - INFO - Epoch(train) [15][1280/1879] lr: 2.0000e-02 eta: 1 day, 15:02:07 time: 0.8592 data_time: 0.0261 memory: 9812 grad_norm: 3.1605 loss: 2.9697 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7624 distill.loss_dist: 1.2072 2023/05/14 10:45:24 - mmengine - INFO - Epoch(train) [15][1300/1879] lr: 2.0000e-02 eta: 1 day, 15:01:53 time: 0.9112 data_time: 0.0253 memory: 9812 grad_norm: 3.1570 loss: 3.1696 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9510 distill.loss_dist: 1.2187 2023/05/14 10:45:41 - mmengine - INFO - Epoch(train) [15][1320/1879] lr: 2.0000e-02 eta: 1 day, 15:01:27 time: 0.8036 data_time: 0.0277 memory: 9812 grad_norm: 3.2156 loss: 3.0130 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7932 distill.loss_dist: 1.2197 2023/05/14 10:45:57 - mmengine - INFO - Epoch(train) [15][1340/1879] lr: 2.0000e-02 eta: 1 day, 15:01:04 time: 0.8235 data_time: 0.0283 memory: 9812 grad_norm: 3.1919 loss: 3.1130 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8544 distill.loss_dist: 1.2586 2023/05/14 10:46:15 - mmengine - INFO - Epoch(train) [15][1360/1879] lr: 2.0000e-02 eta: 1 day, 15:00:49 time: 0.9016 data_time: 0.0263 memory: 9812 grad_norm: 3.2369 loss: 3.2066 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.9345 distill.loss_dist: 1.2721 2023/05/14 10:46:32 - mmengine - INFO - Epoch(train) [15][1380/1879] lr: 2.0000e-02 eta: 1 day, 15:00:30 time: 0.8653 data_time: 0.0255 memory: 9812 grad_norm: 3.1448 loss: 3.0933 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8523 distill.loss_dist: 1.2410 2023/05/14 10:46:48 - mmengine - INFO - Epoch(train) [15][1400/1879] lr: 2.0000e-02 eta: 1 day, 15:00:02 time: 0.7819 data_time: 0.0252 memory: 9812 grad_norm: 3.1422 loss: 2.9180 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7239 distill.loss_dist: 1.1941 2023/05/14 10:47:08 - mmengine - INFO - Epoch(train) [15][1420/1879] lr: 2.0000e-02 eta: 1 day, 14:59:56 time: 0.9769 data_time: 0.0290 memory: 9812 grad_norm: 3.2178 loss: 3.0563 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8449 distill.loss_dist: 1.2114 2023/05/14 10:47:23 - mmengine - INFO - Epoch(train) [15][1440/1879] lr: 2.0000e-02 eta: 1 day, 14:59:27 time: 0.7800 data_time: 0.0258 memory: 9812 grad_norm: 3.2344 loss: 3.0265 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7863 distill.loss_dist: 1.2402 2023/05/14 10:47:40 - mmengine - INFO - Epoch(train) [15][1460/1879] lr: 2.0000e-02 eta: 1 day, 14:59:06 time: 0.8422 data_time: 0.0298 memory: 9812 grad_norm: 3.1700 loss: 3.0802 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.8289 distill.loss_dist: 1.2513 2023/05/14 10:47:59 - mmengine - INFO - Epoch(train) [15][1480/1879] lr: 2.0000e-02 eta: 1 day, 14:58:56 time: 0.9414 data_time: 0.0256 memory: 9812 grad_norm: 3.2002 loss: 3.0528 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8366 distill.loss_dist: 1.2163 2023/05/14 10:48:16 - mmengine - INFO - Epoch(train) [15][1500/1879] lr: 2.0000e-02 eta: 1 day, 14:58:34 time: 0.8425 data_time: 0.0272 memory: 9812 grad_norm: 3.2563 loss: 3.1664 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9427 distill.loss_dist: 1.2237 2023/05/14 10:48:33 - mmengine - INFO - Epoch(train) [15][1520/1879] lr: 2.0000e-02 eta: 1 day, 14:58:13 time: 0.8476 data_time: 0.0251 memory: 9812 grad_norm: 3.1928 loss: 3.0105 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7976 distill.loss_dist: 1.2129 2023/05/14 10:48:50 - mmengine - INFO - Epoch(train) [15][1540/1879] lr: 2.0000e-02 eta: 1 day, 14:57:57 time: 0.8864 data_time: 0.0620 memory: 9812 grad_norm: 3.2192 loss: 3.1150 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8596 distill.loss_dist: 1.2553 2023/05/14 10:49:06 - mmengine - INFO - Epoch(train) [15][1560/1879] lr: 2.0000e-02 eta: 1 day, 14:57:30 time: 0.7966 data_time: 0.1149 memory: 9812 grad_norm: 3.1850 loss: 3.0949 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8928 distill.loss_dist: 1.2021 2023/05/14 10:49:23 - mmengine - INFO - Epoch(train) [15][1580/1879] lr: 2.0000e-02 eta: 1 day, 14:57:08 time: 0.8375 data_time: 0.1678 memory: 9812 grad_norm: 3.1514 loss: 3.1956 student.top1_acc: 0.4375 student.top5_acc: 0.5000 student.loss_cls: 1.9668 distill.loss_dist: 1.2288 2023/05/14 10:49:41 - mmengine - INFO - Epoch(train) [15][1600/1879] lr: 2.0000e-02 eta: 1 day, 14:56:53 time: 0.8971 data_time: 0.2920 memory: 9812 grad_norm: 3.1862 loss: 3.0346 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8367 distill.loss_dist: 1.1980 2023/05/14 10:49:58 - mmengine - INFO - Epoch(train) [15][1620/1879] lr: 2.0000e-02 eta: 1 day, 14:56:34 time: 0.8610 data_time: 0.2769 memory: 9812 grad_norm: 3.1245 loss: 2.9985 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7851 distill.loss_dist: 1.2134 2023/05/14 10:50:15 - mmengine - INFO - Epoch(train) [15][1640/1879] lr: 2.0000e-02 eta: 1 day, 14:56:11 time: 0.8261 data_time: 0.0624 memory: 9812 grad_norm: 3.2023 loss: 3.1580 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9239 distill.loss_dist: 1.2342 2023/05/14 10:50:33 - mmengine - INFO - Epoch(train) [15][1660/1879] lr: 2.0000e-02 eta: 1 day, 14:55:58 time: 0.9215 data_time: 0.0643 memory: 9812 grad_norm: 3.1393 loss: 3.0308 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8109 distill.loss_dist: 1.2198 2023/05/14 10:50:52 - mmengine - INFO - Epoch(train) [15][1680/1879] lr: 2.0000e-02 eta: 1 day, 14:55:46 time: 0.9204 data_time: 0.1662 memory: 9812 grad_norm: 3.1940 loss: 3.2117 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9806 distill.loss_dist: 1.2311 2023/05/14 10:51:03 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 10:51:09 - mmengine - INFO - Epoch(train) [15][1700/1879] lr: 2.0000e-02 eta: 1 day, 14:55:27 time: 0.8672 data_time: 0.1632 memory: 9812 grad_norm: 3.1824 loss: 2.8323 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6328 distill.loss_dist: 1.1996 2023/05/14 10:51:25 - mmengine - INFO - Epoch(train) [15][1720/1879] lr: 2.0000e-02 eta: 1 day, 14:55:01 time: 0.7998 data_time: 0.1008 memory: 9812 grad_norm: 3.1093 loss: 2.9303 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7445 distill.loss_dist: 1.1858 2023/05/14 10:51:44 - mmengine - INFO - Epoch(train) [15][1740/1879] lr: 2.0000e-02 eta: 1 day, 14:54:53 time: 0.9580 data_time: 0.0650 memory: 9812 grad_norm: 3.1620 loss: 3.0890 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8410 distill.loss_dist: 1.2480 2023/05/14 10:52:00 - mmengine - INFO - Epoch(train) [15][1760/1879] lr: 2.0000e-02 eta: 1 day, 14:54:26 time: 0.7980 data_time: 0.0257 memory: 9812 grad_norm: 3.2086 loss: 3.1220 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8715 distill.loss_dist: 1.2504 2023/05/14 10:52:16 - mmengine - INFO - Epoch(train) [15][1780/1879] lr: 2.0000e-02 eta: 1 day, 14:53:59 time: 0.7923 data_time: 0.0251 memory: 9812 grad_norm: 3.1449 loss: 3.0825 student.top1_acc: 0.3750 student.top5_acc: 0.9375 student.loss_cls: 1.8505 distill.loss_dist: 1.2320 2023/05/14 10:52:37 - mmengine - INFO - Epoch(train) [15][1800/1879] lr: 2.0000e-02 eta: 1 day, 14:54:00 time: 1.0406 data_time: 0.0253 memory: 9812 grad_norm: 3.1752 loss: 3.2638 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 2.0310 distill.loss_dist: 1.2328 2023/05/14 10:52:52 - mmengine - INFO - Epoch(train) [15][1820/1879] lr: 2.0000e-02 eta: 1 day, 14:53:31 time: 0.7694 data_time: 0.0253 memory: 9812 grad_norm: 3.1014 loss: 3.1229 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.8802 distill.loss_dist: 1.2427 2023/05/14 10:53:09 - mmengine - INFO - Epoch(train) [15][1840/1879] lr: 2.0000e-02 eta: 1 day, 14:53:09 time: 0.8427 data_time: 0.0258 memory: 9812 grad_norm: 3.1992 loss: 2.9898 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7764 distill.loss_dist: 1.2134 2023/05/14 10:53:28 - mmengine - INFO - Epoch(train) [15][1860/1879] lr: 2.0000e-02 eta: 1 day, 14:53:01 time: 0.9606 data_time: 0.0267 memory: 9812 grad_norm: 3.3134 loss: 3.1642 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9125 distill.loss_dist: 1.2517 2023/05/14 10:53:41 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 10:53:41 - mmengine - INFO - Epoch(train) [15][1879/1879] lr: 2.0000e-02 eta: 1 day, 14:52:23 time: 0.6700 data_time: 0.0205 memory: 9812 grad_norm: 3.3090 loss: 3.3616 student.top1_acc: 0.7143 student.top5_acc: 0.7143 student.loss_cls: 2.1048 distill.loss_dist: 1.2568 2023/05/14 10:53:41 - mmengine - INFO - Saving checkpoint at 15 epochs 2023/05/14 10:54:02 - mmengine - INFO - Epoch(val) [15][ 20/155] eta: 0:02:11 time: 0.9723 data_time: 0.9060 memory: 1484 2023/05/14 10:54:15 - mmengine - INFO - Epoch(val) [15][ 40/155] eta: 0:01:34 time: 0.6642 data_time: 0.6068 memory: 1484 2023/05/14 10:54:34 - mmengine - INFO - Epoch(val) [15][ 60/155] eta: 0:01:21 time: 0.9396 data_time: 0.8773 memory: 1484 2023/05/14 10:54:47 - mmengine - INFO - Epoch(val) [15][ 80/155] eta: 0:01:00 time: 0.6621 data_time: 0.5995 memory: 1484 2023/05/14 10:55:05 - mmengine - INFO - Epoch(val) [15][100/155] eta: 0:00:45 time: 0.9043 data_time: 0.8390 memory: 1484 2023/05/14 10:55:19 - mmengine - INFO - Epoch(val) [15][120/155] eta: 0:00:28 time: 0.6733 data_time: 0.6047 memory: 1484 2023/05/14 10:55:38 - mmengine - INFO - Epoch(val) [15][140/155] eta: 0:00:12 time: 0.9709 data_time: 0.9084 memory: 1484 2023/05/14 10:56:08 - mmengine - INFO - Epoch(val) [15][ 20/155] eta: 0:16:11 time: 1.0016 data_time: 0.8494 memory: 1582 2023/05/14 10:56:23 - mmengine - INFO - Epoch(val) [15][ 40/155] eta: 0:07:35 time: 0.7302 data_time: 0.5779 memory: 1582 2023/05/14 10:56:42 - mmengine - INFO - Epoch(val) [15][ 60/155] eta: 0:04:40 time: 0.9396 data_time: 0.7875 memory: 1582 2023/05/14 10:56:55 - mmengine - INFO - Epoch(val) [15][ 80/155] eta: 0:02:58 time: 0.6675 data_time: 0.5143 memory: 1582 2023/05/14 10:57:14 - mmengine - INFO - Epoch(val) [15][100/155] eta: 0:01:55 time: 0.9656 data_time: 0.8094 memory: 1582 2023/05/14 10:57:28 - mmengine - INFO - Epoch(val) [15][120/155] eta: 0:01:05 time: 0.6863 data_time: 0.5330 memory: 1582 2023/05/14 10:57:48 - mmengine - INFO - Epoch(val) [15][140/155] eta: 0:00:26 time: 0.9811 data_time: 0.8298 memory: 1582 2023/05/14 10:57:57 - mmengine - INFO - Epoch(val) [15][155/155] acc/top1: 0.5786 acc/top5: 0.8162 acc/mean1: 0.5786 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6665 time: 0.8174 2023/05/14 10:57:57 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_13.pth is removed 2023/05/14 10:57:59 - mmengine - INFO - The best checkpoint with 0.5786 acc/top1 at 15 epoch is saved to best_acc_top1_epoch_15.pth. 2023/05/14 10:58:20 - mmengine - INFO - Epoch(train) [16][ 20/1879] lr: 2.0000e-02 eta: 1 day, 14:52:26 time: 1.0558 data_time: 0.6183 memory: 9812 grad_norm: 3.2077 loss: 3.1804 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9556 distill.loss_dist: 1.2248 2023/05/14 10:58:37 - mmengine - INFO - Epoch(train) [16][ 40/1879] lr: 2.0000e-02 eta: 1 day, 14:52:07 time: 0.8626 data_time: 0.4367 memory: 9812 grad_norm: 3.1822 loss: 3.0929 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.8638 distill.loss_dist: 1.2291 2023/05/14 10:58:53 - mmengine - INFO - Epoch(train) [16][ 60/1879] lr: 2.0000e-02 eta: 1 day, 14:51:43 time: 0.8197 data_time: 0.3975 memory: 9812 grad_norm: 3.0566 loss: 3.0242 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8157 distill.loss_dist: 1.2085 2023/05/14 10:59:12 - mmengine - INFO - Epoch(train) [16][ 80/1879] lr: 2.0000e-02 eta: 1 day, 14:51:33 time: 0.9441 data_time: 0.4643 memory: 9812 grad_norm: 3.1600 loss: 2.8776 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.7000 distill.loss_dist: 1.1776 2023/05/14 10:59:29 - mmengine - INFO - Epoch(train) [16][ 100/1879] lr: 2.0000e-02 eta: 1 day, 14:51:09 time: 0.8206 data_time: 0.3706 memory: 9812 grad_norm: 3.1530 loss: 3.0524 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8218 distill.loss_dist: 1.2307 2023/05/14 10:59:45 - mmengine - INFO - Epoch(train) [16][ 120/1879] lr: 2.0000e-02 eta: 1 day, 14:50:46 time: 0.8244 data_time: 0.3930 memory: 9812 grad_norm: 3.1204 loss: 2.9776 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7340 distill.loss_dist: 1.2436 2023/05/14 11:00:04 - mmengine - INFO - Epoch(train) [16][ 140/1879] lr: 2.0000e-02 eta: 1 day, 14:50:35 time: 0.9361 data_time: 0.5016 memory: 9812 grad_norm: 3.1645 loss: 2.9550 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7376 distill.loss_dist: 1.2174 2023/05/14 11:00:21 - mmengine - INFO - Epoch(train) [16][ 160/1879] lr: 2.0000e-02 eta: 1 day, 14:50:15 time: 0.8525 data_time: 0.4160 memory: 9812 grad_norm: 3.1121 loss: 3.0030 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7830 distill.loss_dist: 1.2200 2023/05/14 11:00:36 - mmengine - INFO - Epoch(train) [16][ 180/1879] lr: 2.0000e-02 eta: 1 day, 14:49:46 time: 0.7703 data_time: 0.3451 memory: 9812 grad_norm: 3.1078 loss: 2.9793 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.7864 distill.loss_dist: 1.1929 2023/05/14 11:00:54 - mmengine - INFO - Epoch(train) [16][ 200/1879] lr: 2.0000e-02 eta: 1 day, 14:49:29 time: 0.8896 data_time: 0.4545 memory: 9812 grad_norm: 3.1247 loss: 2.9211 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7019 distill.loss_dist: 1.2192 2023/05/14 11:01:13 - mmengine - INFO - Epoch(train) [16][ 220/1879] lr: 2.0000e-02 eta: 1 day, 14:49:19 time: 0.9398 data_time: 0.5047 memory: 9812 grad_norm: 3.1677 loss: 2.8622 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6524 distill.loss_dist: 1.2098 2023/05/14 11:01:29 - mmengine - INFO - Epoch(train) [16][ 240/1879] lr: 2.0000e-02 eta: 1 day, 14:48:56 time: 0.8246 data_time: 0.3301 memory: 9812 grad_norm: 3.2495 loss: 3.1842 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.9369 distill.loss_dist: 1.2473 2023/05/14 11:01:46 - mmengine - INFO - Epoch(train) [16][ 260/1879] lr: 2.0000e-02 eta: 1 day, 14:48:34 time: 0.8425 data_time: 0.3916 memory: 9812 grad_norm: 3.1921 loss: 3.3014 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 2.0542 distill.loss_dist: 1.2473 2023/05/14 11:02:04 - mmengine - INFO - Epoch(train) [16][ 280/1879] lr: 2.0000e-02 eta: 1 day, 14:48:19 time: 0.8973 data_time: 0.4511 memory: 9812 grad_norm: 3.1366 loss: 3.1784 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.9530 distill.loss_dist: 1.2253 2023/05/14 11:02:21 - mmengine - INFO - Epoch(train) [16][ 300/1879] lr: 2.0000e-02 eta: 1 day, 14:47:57 time: 0.8308 data_time: 0.4049 memory: 9812 grad_norm: 3.1386 loss: 2.9732 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7588 distill.loss_dist: 1.2144 2023/05/14 11:02:39 - mmengine - INFO - Epoch(train) [16][ 320/1879] lr: 2.0000e-02 eta: 1 day, 14:47:40 time: 0.8875 data_time: 0.4589 memory: 9812 grad_norm: 3.1211 loss: 2.9394 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7430 distill.loss_dist: 1.1964 2023/05/14 11:02:55 - mmengine - INFO - Epoch(train) [16][ 340/1879] lr: 2.0000e-02 eta: 1 day, 14:47:19 time: 0.8374 data_time: 0.4053 memory: 9812 grad_norm: 3.2138 loss: 2.8051 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6081 distill.loss_dist: 1.1969 2023/05/14 11:03:12 - mmengine - INFO - Epoch(train) [16][ 360/1879] lr: 2.0000e-02 eta: 1 day, 14:46:55 time: 0.8219 data_time: 0.2782 memory: 9812 grad_norm: 3.1725 loss: 2.9352 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7384 distill.loss_dist: 1.1968 2023/05/14 11:03:30 - mmengine - INFO - Epoch(train) [16][ 380/1879] lr: 2.0000e-02 eta: 1 day, 14:46:42 time: 0.9179 data_time: 0.2394 memory: 9812 grad_norm: 3.1691 loss: 3.0085 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8025 distill.loss_dist: 1.2060 2023/05/14 11:03:48 - mmengine - INFO - Epoch(train) [16][ 400/1879] lr: 2.0000e-02 eta: 1 day, 14:46:23 time: 0.8658 data_time: 0.1485 memory: 9812 grad_norm: 3.2448 loss: 2.9216 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7067 distill.loss_dist: 1.2148 2023/05/14 11:04:04 - mmengine - INFO - Epoch(train) [16][ 420/1879] lr: 2.0000e-02 eta: 1 day, 14:46:00 time: 0.8227 data_time: 0.1905 memory: 9812 grad_norm: 3.2171 loss: 2.8563 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.6595 distill.loss_dist: 1.1967 2023/05/14 11:04:21 - mmengine - INFO - Epoch(train) [16][ 440/1879] lr: 2.0000e-02 eta: 1 day, 14:45:42 time: 0.8684 data_time: 0.1816 memory: 9812 grad_norm: 3.1469 loss: 3.1918 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9288 distill.loss_dist: 1.2630 2023/05/14 11:04:40 - mmengine - INFO - Epoch(train) [16][ 460/1879] lr: 2.0000e-02 eta: 1 day, 14:45:30 time: 0.9299 data_time: 0.3017 memory: 9812 grad_norm: 3.1679 loss: 2.8334 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 1.6233 distill.loss_dist: 1.2101 2023/05/14 11:04:57 - mmengine - INFO - Epoch(train) [16][ 480/1879] lr: 2.0000e-02 eta: 1 day, 14:45:11 time: 0.8577 data_time: 0.1764 memory: 9812 grad_norm: 3.1688 loss: 2.8899 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6643 distill.loss_dist: 1.2256 2023/05/14 11:05:14 - mmengine - INFO - Epoch(train) [16][ 500/1879] lr: 2.0000e-02 eta: 1 day, 14:44:47 time: 0.8201 data_time: 0.2322 memory: 9812 grad_norm: 3.1687 loss: 2.9607 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7410 distill.loss_dist: 1.2197 2023/05/14 11:05:32 - mmengine - INFO - Epoch(train) [16][ 520/1879] lr: 2.0000e-02 eta: 1 day, 14:44:34 time: 0.9159 data_time: 0.1767 memory: 9812 grad_norm: 3.2355 loss: 3.0353 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8375 distill.loss_dist: 1.1978 2023/05/14 11:05:48 - mmengine - INFO - Epoch(train) [16][ 540/1879] lr: 2.0000e-02 eta: 1 day, 14:44:09 time: 0.8138 data_time: 0.0251 memory: 9812 grad_norm: 3.1365 loss: 2.9056 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6837 distill.loss_dist: 1.2219 2023/05/14 11:06:07 - mmengine - INFO - Epoch(train) [16][ 560/1879] lr: 2.0000e-02 eta: 1 day, 14:44:00 time: 0.9500 data_time: 0.0338 memory: 9812 grad_norm: 3.1426 loss: 2.8973 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6954 distill.loss_dist: 1.2019 2023/05/14 11:06:23 - mmengine - INFO - Epoch(train) [16][ 580/1879] lr: 2.0000e-02 eta: 1 day, 14:43:34 time: 0.7961 data_time: 0.0541 memory: 9812 grad_norm: 3.2119 loss: 3.0928 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8596 distill.loss_dist: 1.2332 2023/05/14 11:06:39 - mmengine - INFO - Epoch(train) [16][ 600/1879] lr: 2.0000e-02 eta: 1 day, 14:43:08 time: 0.8050 data_time: 0.1717 memory: 9812 grad_norm: 3.1715 loss: 2.8159 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6237 distill.loss_dist: 1.1922 2023/05/14 11:06:58 - mmengine - INFO - Epoch(train) [16][ 620/1879] lr: 2.0000e-02 eta: 1 day, 14:42:58 time: 0.9450 data_time: 0.3270 memory: 9812 grad_norm: 3.1750 loss: 2.9729 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7640 distill.loss_dist: 1.2089 2023/05/14 11:07:15 - mmengine - INFO - Epoch(train) [16][ 640/1879] lr: 2.0000e-02 eta: 1 day, 14:42:35 time: 0.8237 data_time: 0.1797 memory: 9812 grad_norm: 3.1726 loss: 2.8786 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.6711 distill.loss_dist: 1.2075 2023/05/14 11:07:31 - mmengine - INFO - Epoch(train) [16][ 660/1879] lr: 2.0000e-02 eta: 1 day, 14:42:09 time: 0.8037 data_time: 0.1669 memory: 9812 grad_norm: 3.1907 loss: 2.7120 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5454 distill.loss_dist: 1.1666 2023/05/14 11:07:49 - mmengine - INFO - Epoch(train) [16][ 680/1879] lr: 2.0000e-02 eta: 1 day, 14:41:58 time: 0.9290 data_time: 0.2217 memory: 9812 grad_norm: 3.1721 loss: 3.0672 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.8396 distill.loss_dist: 1.2276 2023/05/14 11:08:06 - mmengine - INFO - Epoch(train) [16][ 700/1879] lr: 2.0000e-02 eta: 1 day, 14:41:37 time: 0.8420 data_time: 0.2458 memory: 9812 grad_norm: 3.1973 loss: 2.9753 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7540 distill.loss_dist: 1.2214 2023/05/14 11:08:23 - mmengine - INFO - Epoch(train) [16][ 720/1879] lr: 2.0000e-02 eta: 1 day, 14:41:17 time: 0.8568 data_time: 0.0834 memory: 9812 grad_norm: 3.1435 loss: 3.0293 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8431 distill.loss_dist: 1.1862 2023/05/14 11:08:43 - mmengine - INFO - Epoch(train) [16][ 740/1879] lr: 2.0000e-02 eta: 1 day, 14:41:09 time: 0.9626 data_time: 0.0253 memory: 9812 grad_norm: 3.2001 loss: 3.0214 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.8126 distill.loss_dist: 1.2088 2023/05/14 11:09:00 - mmengine - INFO - Epoch(train) [16][ 760/1879] lr: 2.0000e-02 eta: 1 day, 14:40:52 time: 0.8810 data_time: 0.0273 memory: 9812 grad_norm: 3.1731 loss: 3.1172 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.9033 distill.loss_dist: 1.2139 2023/05/14 11:09:16 - mmengine - INFO - Epoch(train) [16][ 780/1879] lr: 2.0000e-02 eta: 1 day, 14:40:23 time: 0.7729 data_time: 0.0255 memory: 9812 grad_norm: 3.1369 loss: 3.0695 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8346 distill.loss_dist: 1.2349 2023/05/14 11:09:33 - mmengine - INFO - Epoch(train) [16][ 800/1879] lr: 2.0000e-02 eta: 1 day, 14:40:05 time: 0.8691 data_time: 0.1381 memory: 9812 grad_norm: 3.1595 loss: 2.9313 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.7343 distill.loss_dist: 1.1970 2023/05/14 11:09:47 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 11:09:51 - mmengine - INFO - Epoch(train) [16][ 820/1879] lr: 2.0000e-02 eta: 1 day, 14:39:51 time: 0.9074 data_time: 0.4070 memory: 9812 grad_norm: 3.1839 loss: 2.9401 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7386 distill.loss_dist: 1.2015 2023/05/14 11:10:07 - mmengine - INFO - Epoch(train) [16][ 840/1879] lr: 2.0000e-02 eta: 1 day, 14:39:26 time: 0.8094 data_time: 0.3051 memory: 9812 grad_norm: 3.1589 loss: 2.9540 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7277 distill.loss_dist: 1.2263 2023/05/14 11:10:24 - mmengine - INFO - Epoch(train) [16][ 860/1879] lr: 2.0000e-02 eta: 1 day, 14:39:05 time: 0.8484 data_time: 0.1901 memory: 9812 grad_norm: 3.2326 loss: 2.8311 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.6191 distill.loss_dist: 1.2120 2023/05/14 11:10:42 - mmengine - INFO - Epoch(train) [16][ 880/1879] lr: 2.0000e-02 eta: 1 day, 14:38:48 time: 0.8793 data_time: 0.0441 memory: 9812 grad_norm: 3.1654 loss: 3.1673 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9452 distill.loss_dist: 1.2221 2023/05/14 11:11:00 - mmengine - INFO - Epoch(train) [16][ 900/1879] lr: 2.0000e-02 eta: 1 day, 14:38:35 time: 0.9163 data_time: 0.0838 memory: 9812 grad_norm: 3.1955 loss: 3.2488 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 2.0255 distill.loss_dist: 1.2233 2023/05/14 11:11:17 - mmengine - INFO - Epoch(train) [16][ 920/1879] lr: 2.0000e-02 eta: 1 day, 14:38:13 time: 0.8337 data_time: 0.0259 memory: 9812 grad_norm: 3.1813 loss: 3.1046 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8777 distill.loss_dist: 1.2269 2023/05/14 11:11:33 - mmengine - INFO - Epoch(train) [16][ 940/1879] lr: 2.0000e-02 eta: 1 day, 14:37:50 time: 0.8227 data_time: 0.0284 memory: 9812 grad_norm: 3.1867 loss: 2.9055 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6988 distill.loss_dist: 1.2067 2023/05/14 11:11:53 - mmengine - INFO - Epoch(train) [16][ 960/1879] lr: 2.0000e-02 eta: 1 day, 14:37:43 time: 0.9777 data_time: 0.0258 memory: 9812 grad_norm: 3.2027 loss: 3.0442 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.8174 distill.loss_dist: 1.2268 2023/05/14 11:12:09 - mmengine - INFO - Epoch(train) [16][ 980/1879] lr: 2.0000e-02 eta: 1 day, 14:37:16 time: 0.7862 data_time: 0.0275 memory: 9812 grad_norm: 3.2130 loss: 3.0230 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8051 distill.loss_dist: 1.2178 2023/05/14 11:12:25 - mmengine - INFO - Epoch(train) [16][1000/1879] lr: 2.0000e-02 eta: 1 day, 14:36:51 time: 0.8037 data_time: 0.0267 memory: 9812 grad_norm: 3.1173 loss: 2.8695 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6822 distill.loss_dist: 1.1873 2023/05/14 11:12:44 - mmengine - INFO - Epoch(train) [16][1020/1879] lr: 2.0000e-02 eta: 1 day, 14:36:44 time: 0.9768 data_time: 0.0268 memory: 9812 grad_norm: 3.1708 loss: 3.1028 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.9049 distill.loss_dist: 1.1979 2023/05/14 11:13:01 - mmengine - INFO - Epoch(train) [16][1040/1879] lr: 2.0000e-02 eta: 1 day, 14:36:21 time: 0.8222 data_time: 0.0255 memory: 9812 grad_norm: 3.1588 loss: 2.9741 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.7596 distill.loss_dist: 1.2145 2023/05/14 11:13:17 - mmengine - INFO - Epoch(train) [16][1060/1879] lr: 2.0000e-02 eta: 1 day, 14:35:56 time: 0.8055 data_time: 0.0280 memory: 9812 grad_norm: 3.1681 loss: 2.8527 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6546 distill.loss_dist: 1.1980 2023/05/14 11:13:34 - mmengine - INFO - Epoch(train) [16][1080/1879] lr: 2.0000e-02 eta: 1 day, 14:35:38 time: 0.8751 data_time: 0.0283 memory: 9812 grad_norm: 3.1563 loss: 2.7734 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5863 distill.loss_dist: 1.1871 2023/05/14 11:13:50 - mmengine - INFO - Epoch(train) [16][1100/1879] lr: 2.0000e-02 eta: 1 day, 14:35:11 time: 0.7921 data_time: 0.0274 memory: 9812 grad_norm: 3.1678 loss: 3.0707 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8838 distill.loss_dist: 1.1870 2023/05/14 11:14:07 - mmengine - INFO - Epoch(train) [16][1120/1879] lr: 2.0000e-02 eta: 1 day, 14:34:51 time: 0.8536 data_time: 0.0277 memory: 9812 grad_norm: 3.1596 loss: 3.0042 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7684 distill.loss_dist: 1.2358 2023/05/14 11:14:26 - mmengine - INFO - Epoch(train) [16][1140/1879] lr: 2.0000e-02 eta: 1 day, 14:34:39 time: 0.9187 data_time: 0.0258 memory: 9812 grad_norm: 3.1087 loss: 3.0561 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8279 distill.loss_dist: 1.2282 2023/05/14 11:14:44 - mmengine - INFO - Epoch(train) [16][1160/1879] lr: 2.0000e-02 eta: 1 day, 14:34:23 time: 0.8970 data_time: 0.0307 memory: 9812 grad_norm: 3.1911 loss: 3.0958 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8776 distill.loss_dist: 1.2182 2023/05/14 11:15:01 - mmengine - INFO - Epoch(train) [16][1180/1879] lr: 2.0000e-02 eta: 1 day, 14:34:04 time: 0.8610 data_time: 0.0250 memory: 9812 grad_norm: 3.2089 loss: 3.1322 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9052 distill.loss_dist: 1.2270 2023/05/14 11:15:18 - mmengine - INFO - Epoch(train) [16][1200/1879] lr: 2.0000e-02 eta: 1 day, 14:33:45 time: 0.8631 data_time: 0.0294 memory: 9812 grad_norm: 3.1009 loss: 2.8557 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6549 distill.loss_dist: 1.2008 2023/05/14 11:15:36 - mmengine - INFO - Epoch(train) [16][1220/1879] lr: 2.0000e-02 eta: 1 day, 14:33:32 time: 0.9183 data_time: 0.0258 memory: 9812 grad_norm: 3.1458 loss: 2.8397 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6505 distill.loss_dist: 1.1892 2023/05/14 11:15:53 - mmengine - INFO - Epoch(train) [16][1240/1879] lr: 2.0000e-02 eta: 1 day, 14:33:08 time: 0.8131 data_time: 0.0288 memory: 9812 grad_norm: 3.2448 loss: 3.0365 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8159 distill.loss_dist: 1.2207 2023/05/14 11:16:09 - mmengine - INFO - Epoch(train) [16][1260/1879] lr: 2.0000e-02 eta: 1 day, 14:32:42 time: 0.7942 data_time: 0.0239 memory: 9812 grad_norm: 3.0841 loss: 2.8418 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6536 distill.loss_dist: 1.1883 2023/05/14 11:16:27 - mmengine - INFO - Epoch(train) [16][1280/1879] lr: 2.0000e-02 eta: 1 day, 14:32:31 time: 0.9406 data_time: 0.0290 memory: 9812 grad_norm: 3.1053 loss: 3.0121 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8050 distill.loss_dist: 1.2072 2023/05/14 11:16:43 - mmengine - INFO - Epoch(train) [16][1300/1879] lr: 2.0000e-02 eta: 1 day, 14:32:05 time: 0.7907 data_time: 0.0281 memory: 9812 grad_norm: 3.2505 loss: 3.1710 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.9387 distill.loss_dist: 1.2323 2023/05/14 11:17:01 - mmengine - INFO - Epoch(train) [16][1320/1879] lr: 2.0000e-02 eta: 1 day, 14:31:47 time: 0.8766 data_time: 0.0269 memory: 9812 grad_norm: 3.0926 loss: 3.0355 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8246 distill.loss_dist: 1.2109 2023/05/14 11:17:19 - mmengine - INFO - Epoch(train) [16][1340/1879] lr: 2.0000e-02 eta: 1 day, 14:31:33 time: 0.9102 data_time: 0.0245 memory: 9812 grad_norm: 3.1614 loss: 3.0528 student.top1_acc: 0.2500 student.top5_acc: 0.6250 student.loss_cls: 1.8302 distill.loss_dist: 1.2225 2023/05/14 11:17:36 - mmengine - INFO - Epoch(train) [16][1360/1879] lr: 2.0000e-02 eta: 1 day, 14:31:12 time: 0.8434 data_time: 0.0311 memory: 9812 grad_norm: 3.1675 loss: 2.9632 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7810 distill.loss_dist: 1.1823 2023/05/14 11:17:52 - mmengine - INFO - Epoch(train) [16][1380/1879] lr: 2.0000e-02 eta: 1 day, 14:30:49 time: 0.8204 data_time: 0.0858 memory: 9812 grad_norm: 3.1721 loss: 3.0584 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8599 distill.loss_dist: 1.1985 2023/05/14 11:18:11 - mmengine - INFO - Epoch(train) [16][1400/1879] lr: 2.0000e-02 eta: 1 day, 14:30:40 time: 0.9583 data_time: 0.0451 memory: 9812 grad_norm: 3.2001 loss: 3.1607 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9095 distill.loss_dist: 1.2512 2023/05/14 11:18:28 - mmengine - INFO - Epoch(train) [16][1420/1879] lr: 2.0000e-02 eta: 1 day, 14:30:17 time: 0.8205 data_time: 0.0611 memory: 9812 grad_norm: 3.1238 loss: 2.9507 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7757 distill.loss_dist: 1.1750 2023/05/14 11:18:47 - mmengine - INFO - Epoch(train) [16][1440/1879] lr: 2.0000e-02 eta: 1 day, 14:30:06 time: 0.9360 data_time: 0.0963 memory: 9812 grad_norm: 3.1574 loss: 3.0400 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8181 distill.loss_dist: 1.2219 2023/05/14 11:19:06 - mmengine - INFO - Epoch(train) [16][1460/1879] lr: 2.0000e-02 eta: 1 day, 14:29:58 time: 0.9633 data_time: 0.0445 memory: 9812 grad_norm: 3.1994 loss: 3.2142 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9556 distill.loss_dist: 1.2586 2023/05/14 11:19:22 - mmengine - INFO - Epoch(train) [16][1480/1879] lr: 2.0000e-02 eta: 1 day, 14:29:31 time: 0.7940 data_time: 0.0259 memory: 9812 grad_norm: 3.1489 loss: 3.0922 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8583 distill.loss_dist: 1.2340 2023/05/14 11:19:39 - mmengine - INFO - Epoch(train) [16][1500/1879] lr: 2.0000e-02 eta: 1 day, 14:29:14 time: 0.8737 data_time: 0.0270 memory: 9812 grad_norm: 3.2012 loss: 3.1310 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.9016 distill.loss_dist: 1.2294 2023/05/14 11:19:58 - mmengine - INFO - Epoch(train) [16][1520/1879] lr: 2.0000e-02 eta: 1 day, 14:29:04 time: 0.9493 data_time: 0.0232 memory: 9812 grad_norm: 3.1461 loss: 2.7759 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5900 distill.loss_dist: 1.1859 2023/05/14 11:20:14 - mmengine - INFO - Epoch(train) [16][1540/1879] lr: 2.0000e-02 eta: 1 day, 14:28:38 time: 0.7970 data_time: 0.0260 memory: 9812 grad_norm: 3.1883 loss: 3.1183 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.9028 distill.loss_dist: 1.2155 2023/05/14 11:20:30 - mmengine - INFO - Epoch(train) [16][1560/1879] lr: 2.0000e-02 eta: 1 day, 14:28:12 time: 0.7962 data_time: 0.0298 memory: 9812 grad_norm: 3.2314 loss: 3.0559 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.8312 distill.loss_dist: 1.2248 2023/05/14 11:20:49 - mmengine - INFO - Epoch(train) [16][1580/1879] lr: 2.0000e-02 eta: 1 day, 14:27:59 time: 0.9200 data_time: 0.0265 memory: 9812 grad_norm: 3.1756 loss: 2.9839 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7759 distill.loss_dist: 1.2081 2023/05/14 11:21:06 - mmengine - INFO - Epoch(train) [16][1600/1879] lr: 2.0000e-02 eta: 1 day, 14:27:43 time: 0.8874 data_time: 0.0262 memory: 9812 grad_norm: 3.1707 loss: 3.1293 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.9002 distill.loss_dist: 1.2291 2023/05/14 11:21:24 - mmengine - INFO - Epoch(train) [16][1620/1879] lr: 2.0000e-02 eta: 1 day, 14:27:24 time: 0.8632 data_time: 0.0251 memory: 9812 grad_norm: 3.1141 loss: 3.0730 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.8761 distill.loss_dist: 1.1969 2023/05/14 11:21:40 - mmengine - INFO - Epoch(train) [16][1640/1879] lr: 2.0000e-02 eta: 1 day, 14:26:59 time: 0.8026 data_time: 0.0278 memory: 9812 grad_norm: 3.1819 loss: 2.9950 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7856 distill.loss_dist: 1.2094 2023/05/14 11:21:59 - mmengine - INFO - Epoch(train) [16][1660/1879] lr: 2.0000e-02 eta: 1 day, 14:26:49 time: 0.9446 data_time: 0.0285 memory: 9812 grad_norm: 3.1452 loss: 3.3185 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 2.0791 distill.loss_dist: 1.2394 2023/05/14 11:22:16 - mmengine - INFO - Epoch(train) [16][1680/1879] lr: 2.0000e-02 eta: 1 day, 14:26:33 time: 0.8926 data_time: 0.0258 memory: 9812 grad_norm: 3.1500 loss: 2.8777 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6739 distill.loss_dist: 1.2038 2023/05/14 11:22:32 - mmengine - INFO - Epoch(train) [16][1700/1879] lr: 2.0000e-02 eta: 1 day, 14:26:03 time: 0.7595 data_time: 0.0302 memory: 9812 grad_norm: 3.1969 loss: 2.9744 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7675 distill.loss_dist: 1.2069 2023/05/14 11:22:50 - mmengine - INFO - Epoch(train) [16][1720/1879] lr: 2.0000e-02 eta: 1 day, 14:25:51 time: 0.9240 data_time: 0.0582 memory: 9812 grad_norm: 3.2038 loss: 2.9851 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7648 distill.loss_dist: 1.2203 2023/05/14 11:23:07 - mmengine - INFO - Epoch(train) [16][1740/1879] lr: 2.0000e-02 eta: 1 day, 14:25:28 time: 0.8249 data_time: 0.0275 memory: 9812 grad_norm: 3.1356 loss: 3.1611 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.9353 distill.loss_dist: 1.2259 2023/05/14 11:23:25 - mmengine - INFO - Epoch(train) [16][1760/1879] lr: 2.0000e-02 eta: 1 day, 14:25:15 time: 0.9205 data_time: 0.0312 memory: 9812 grad_norm: 3.1431 loss: 3.2854 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.0581 distill.loss_dist: 1.2273 2023/05/14 11:23:41 - mmengine - INFO - Epoch(train) [16][1780/1879] lr: 2.0000e-02 eta: 1 day, 14:24:51 time: 0.8157 data_time: 0.0272 memory: 9812 grad_norm: 3.1250 loss: 3.1092 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8736 distill.loss_dist: 1.2357 2023/05/14 11:23:58 - mmengine - INFO - Epoch(train) [16][1800/1879] lr: 2.0000e-02 eta: 1 day, 14:24:30 time: 0.8381 data_time: 0.0288 memory: 9812 grad_norm: 3.1941 loss: 3.0229 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7916 distill.loss_dist: 1.2313 2023/05/14 11:24:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 11:24:17 - mmengine - INFO - Epoch(train) [16][1820/1879] lr: 2.0000e-02 eta: 1 day, 14:24:21 time: 0.9571 data_time: 0.0245 memory: 9812 grad_norm: 3.0852 loss: 3.0404 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8078 distill.loss_dist: 1.2326 2023/05/14 11:24:34 - mmengine - INFO - Epoch(train) [16][1840/1879] lr: 2.0000e-02 eta: 1 day, 14:24:00 time: 0.8402 data_time: 0.0265 memory: 9812 grad_norm: 3.1063 loss: 2.9557 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7546 distill.loss_dist: 1.2011 2023/05/14 11:24:51 - mmengine - INFO - Epoch(train) [16][1860/1879] lr: 2.0000e-02 eta: 1 day, 14:23:42 time: 0.8702 data_time: 0.0277 memory: 9812 grad_norm: 3.1161 loss: 3.0125 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.8134 distill.loss_dist: 1.1991 2023/05/14 11:25:05 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 11:25:05 - mmengine - INFO - Epoch(train) [16][1879/1879] lr: 2.0000e-02 eta: 1 day, 14:23:09 time: 0.7034 data_time: 0.0181 memory: 9812 grad_norm: 3.2039 loss: 2.9658 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 1.7342 distill.loss_dist: 1.2316 2023/05/14 11:25:24 - mmengine - INFO - Epoch(val) [16][ 20/155] eta: 0:02:09 time: 0.9629 data_time: 0.8912 memory: 1484 2023/05/14 11:25:38 - mmengine - INFO - Epoch(val) [16][ 40/155] eta: 0:01:35 time: 0.6967 data_time: 0.6349 memory: 1484 2023/05/14 11:25:56 - mmengine - INFO - Epoch(val) [16][ 60/155] eta: 0:01:20 time: 0.8861 data_time: 0.8180 memory: 1484 2023/05/14 11:26:09 - mmengine - INFO - Epoch(val) [16][ 80/155] eta: 0:01:00 time: 0.6706 data_time: 0.6026 memory: 1484 2023/05/14 11:26:28 - mmengine - INFO - Epoch(val) [16][100/155] eta: 0:00:45 time: 0.9306 data_time: 0.8661 memory: 1484 2023/05/14 11:26:42 - mmengine - INFO - Epoch(val) [16][120/155] eta: 0:00:28 time: 0.6887 data_time: 0.6213 memory: 1484 2023/05/14 11:27:00 - mmengine - INFO - Epoch(val) [16][140/155] eta: 0:00:12 time: 0.9260 data_time: 0.8616 memory: 1484 2023/05/14 11:27:32 - mmengine - INFO - Epoch(val) [16][ 20/155] eta: 0:16:12 time: 0.9930 data_time: 0.8374 memory: 1582 2023/05/14 11:27:47 - mmengine - INFO - Epoch(val) [16][ 40/155] eta: 0:07:35 time: 0.7210 data_time: 0.5705 memory: 1582 2023/05/14 11:28:05 - mmengine - INFO - Epoch(val) [16][ 60/155] eta: 0:04:39 time: 0.9088 data_time: 0.7545 memory: 1582 2023/05/14 11:28:19 - mmengine - INFO - Epoch(val) [16][ 80/155] eta: 0:02:59 time: 0.7196 data_time: 0.5635 memory: 1582 2023/05/14 11:28:38 - mmengine - INFO - Epoch(val) [16][100/155] eta: 0:01:55 time: 0.9678 data_time: 0.8165 memory: 1582 2023/05/14 11:28:52 - mmengine - INFO - Epoch(val) [16][120/155] eta: 0:01:05 time: 0.6567 data_time: 0.5029 memory: 1582 2023/05/14 11:29:13 - mmengine - INFO - Epoch(val) [16][140/155] eta: 0:00:26 time: 1.0557 data_time: 0.9015 memory: 1582 2023/05/14 11:29:22 - mmengine - INFO - Epoch(val) [16][155/155] acc/top1: 0.5755 acc/top5: 0.8143 acc/mean1: 0.5754 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6688 time: 0.8203 2023/05/14 11:29:44 - mmengine - INFO - Epoch(train) [17][ 20/1879] lr: 2.0000e-02 eta: 1 day, 14:23:20 time: 1.1435 data_time: 0.3189 memory: 9812 grad_norm: 3.1115 loss: 2.9552 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7358 distill.loss_dist: 1.2193 2023/05/14 11:30:01 - mmengine - INFO - Epoch(train) [17][ 40/1879] lr: 2.0000e-02 eta: 1 day, 14:22:55 time: 0.8041 data_time: 0.0264 memory: 9812 grad_norm: 3.1179 loss: 3.0447 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8337 distill.loss_dist: 1.2110 2023/05/14 11:30:17 - mmengine - INFO - Epoch(train) [17][ 60/1879] lr: 2.0000e-02 eta: 1 day, 14:22:29 time: 0.7988 data_time: 0.0248 memory: 9812 grad_norm: 3.1271 loss: 2.9444 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 1.7232 distill.loss_dist: 1.2212 2023/05/14 11:30:36 - mmengine - INFO - Epoch(train) [17][ 80/1879] lr: 2.0000e-02 eta: 1 day, 14:22:20 time: 0.9584 data_time: 0.0875 memory: 9812 grad_norm: 3.1673 loss: 3.0788 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8811 distill.loss_dist: 1.1977 2023/05/14 11:30:52 - mmengine - INFO - Epoch(train) [17][ 100/1879] lr: 2.0000e-02 eta: 1 day, 14:21:57 time: 0.8190 data_time: 0.0257 memory: 9812 grad_norm: 3.1850 loss: 2.8506 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6438 distill.loss_dist: 1.2068 2023/05/14 11:31:09 - mmengine - INFO - Epoch(train) [17][ 120/1879] lr: 2.0000e-02 eta: 1 day, 14:21:37 time: 0.8494 data_time: 0.0270 memory: 9812 grad_norm: 3.1190 loss: 3.0258 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8225 distill.loss_dist: 1.2034 2023/05/14 11:31:28 - mmengine - INFO - Epoch(train) [17][ 140/1879] lr: 2.0000e-02 eta: 1 day, 14:21:26 time: 0.9380 data_time: 0.0276 memory: 9812 grad_norm: 3.1393 loss: 3.0775 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8478 distill.loss_dist: 1.2297 2023/05/14 11:31:44 - mmengine - INFO - Epoch(train) [17][ 160/1879] lr: 2.0000e-02 eta: 1 day, 14:21:00 time: 0.8018 data_time: 0.0246 memory: 9812 grad_norm: 3.0613 loss: 2.8364 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6400 distill.loss_dist: 1.1964 2023/05/14 11:32:01 - mmengine - INFO - Epoch(train) [17][ 180/1879] lr: 2.0000e-02 eta: 1 day, 14:20:41 time: 0.8539 data_time: 0.0261 memory: 9812 grad_norm: 3.1329 loss: 3.2213 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9852 distill.loss_dist: 1.2361 2023/05/14 11:32:21 - mmengine - INFO - Epoch(train) [17][ 200/1879] lr: 2.0000e-02 eta: 1 day, 14:20:34 time: 0.9775 data_time: 0.0295 memory: 9812 grad_norm: 3.1568 loss: 3.0607 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8667 distill.loss_dist: 1.1939 2023/05/14 11:32:37 - mmengine - INFO - Epoch(train) [17][ 220/1879] lr: 2.0000e-02 eta: 1 day, 14:20:12 time: 0.8380 data_time: 0.0235 memory: 9812 grad_norm: 3.1543 loss: 3.1730 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9703 distill.loss_dist: 1.2027 2023/05/14 11:32:53 - mmengine - INFO - Epoch(train) [17][ 240/1879] lr: 2.0000e-02 eta: 1 day, 14:19:46 time: 0.7953 data_time: 0.0261 memory: 9812 grad_norm: 3.1878 loss: 3.0741 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8495 distill.loss_dist: 1.2246 2023/05/14 11:33:12 - mmengine - INFO - Epoch(train) [17][ 260/1879] lr: 2.0000e-02 eta: 1 day, 14:19:34 time: 0.9235 data_time: 0.0288 memory: 9812 grad_norm: 3.2181 loss: 3.0140 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7911 distill.loss_dist: 1.2230 2023/05/14 11:33:28 - mmengine - INFO - Epoch(train) [17][ 280/1879] lr: 2.0000e-02 eta: 1 day, 14:19:11 time: 0.8272 data_time: 0.0260 memory: 9812 grad_norm: 3.0743 loss: 2.8595 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6645 distill.loss_dist: 1.1949 2023/05/14 11:33:45 - mmengine - INFO - Epoch(train) [17][ 300/1879] lr: 2.0000e-02 eta: 1 day, 14:18:49 time: 0.8295 data_time: 0.0267 memory: 9812 grad_norm: 3.0614 loss: 3.0574 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8417 distill.loss_dist: 1.2158 2023/05/14 11:34:05 - mmengine - INFO - Epoch(train) [17][ 320/1879] lr: 2.0000e-02 eta: 1 day, 14:18:46 time: 1.0095 data_time: 0.0266 memory: 9812 grad_norm: 3.1465 loss: 3.0064 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7873 distill.loss_dist: 1.2191 2023/05/14 11:34:21 - mmengine - INFO - Epoch(train) [17][ 340/1879] lr: 2.0000e-02 eta: 1 day, 14:18:20 time: 0.7939 data_time: 0.0258 memory: 9812 grad_norm: 3.1652 loss: 3.0147 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8070 distill.loss_dist: 1.2077 2023/05/14 11:34:38 - mmengine - INFO - Epoch(train) [17][ 360/1879] lr: 2.0000e-02 eta: 1 day, 14:17:58 time: 0.8353 data_time: 0.0272 memory: 9812 grad_norm: 3.1853 loss: 3.0214 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8088 distill.loss_dist: 1.2126 2023/05/14 11:34:57 - mmengine - INFO - Epoch(train) [17][ 380/1879] lr: 2.0000e-02 eta: 1 day, 14:17:48 time: 0.9502 data_time: 0.0271 memory: 9812 grad_norm: 3.0616 loss: 3.1875 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9580 distill.loss_dist: 1.2295 2023/05/14 11:35:13 - mmengine - INFO - Epoch(train) [17][ 400/1879] lr: 2.0000e-02 eta: 1 day, 14:17:23 time: 0.7986 data_time: 0.0287 memory: 9812 grad_norm: 3.0767 loss: 2.9962 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8052 distill.loss_dist: 1.1910 2023/05/14 11:35:29 - mmengine - INFO - Epoch(train) [17][ 420/1879] lr: 2.0000e-02 eta: 1 day, 14:17:00 time: 0.8235 data_time: 0.0253 memory: 9812 grad_norm: 3.1922 loss: 3.2283 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.9915 distill.loss_dist: 1.2368 2023/05/14 11:35:49 - mmengine - INFO - Epoch(train) [17][ 440/1879] lr: 2.0000e-02 eta: 1 day, 14:16:53 time: 0.9820 data_time: 0.0261 memory: 9812 grad_norm: 3.1770 loss: 3.0762 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.8654 distill.loss_dist: 1.2108 2023/05/14 11:36:04 - mmengine - INFO - Epoch(train) [17][ 460/1879] lr: 2.0000e-02 eta: 1 day, 14:16:24 time: 0.7603 data_time: 0.0250 memory: 9812 grad_norm: 3.1780 loss: 2.9313 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7445 distill.loss_dist: 1.1868 2023/05/14 11:36:21 - mmengine - INFO - Epoch(train) [17][ 480/1879] lr: 2.0000e-02 eta: 1 day, 14:16:05 time: 0.8659 data_time: 0.0269 memory: 9812 grad_norm: 3.1033 loss: 2.9500 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7415 distill.loss_dist: 1.2086 2023/05/14 11:36:39 - mmengine - INFO - Epoch(train) [17][ 500/1879] lr: 2.0000e-02 eta: 1 day, 14:15:51 time: 0.9097 data_time: 0.0276 memory: 9812 grad_norm: 3.1515 loss: 2.8409 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6448 distill.loss_dist: 1.1961 2023/05/14 11:36:56 - mmengine - INFO - Epoch(train) [17][ 520/1879] lr: 2.0000e-02 eta: 1 day, 14:15:29 time: 0.8304 data_time: 0.0505 memory: 9812 grad_norm: 3.1390 loss: 3.0028 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7893 distill.loss_dist: 1.2135 2023/05/14 11:37:14 - mmengine - INFO - Epoch(train) [17][ 540/1879] lr: 2.0000e-02 eta: 1 day, 14:15:15 time: 0.9067 data_time: 0.0233 memory: 9812 grad_norm: 3.1300 loss: 2.8812 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6790 distill.loss_dist: 1.2022 2023/05/14 11:37:33 - mmengine - INFO - Epoch(train) [17][ 560/1879] lr: 2.0000e-02 eta: 1 day, 14:15:05 time: 0.9506 data_time: 0.0260 memory: 9812 grad_norm: 3.1334 loss: 2.9203 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7093 distill.loss_dist: 1.2110 2023/05/14 11:37:50 - mmengine - INFO - Epoch(train) [17][ 580/1879] lr: 2.0000e-02 eta: 1 day, 14:14:42 time: 0.8264 data_time: 0.0277 memory: 9812 grad_norm: 3.2024 loss: 3.0151 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7861 distill.loss_dist: 1.2290 2023/05/14 11:38:07 - mmengine - INFO - Epoch(train) [17][ 600/1879] lr: 2.0000e-02 eta: 1 day, 14:14:23 time: 0.8534 data_time: 0.0256 memory: 9812 grad_norm: 3.1780 loss: 3.1879 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9222 distill.loss_dist: 1.2657 2023/05/14 11:38:23 - mmengine - INFO - Epoch(train) [17][ 620/1879] lr: 2.0000e-02 eta: 1 day, 14:14:01 time: 0.8308 data_time: 0.0290 memory: 9812 grad_norm: 3.1346 loss: 2.9984 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7836 distill.loss_dist: 1.2148 2023/05/14 11:38:40 - mmengine - INFO - Epoch(train) [17][ 640/1879] lr: 2.0000e-02 eta: 1 day, 14:13:37 time: 0.8160 data_time: 0.0274 memory: 9812 grad_norm: 3.2366 loss: 3.3872 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 2.1322 distill.loss_dist: 1.2550 2023/05/14 11:38:57 - mmengine - INFO - Epoch(train) [17][ 660/1879] lr: 2.0000e-02 eta: 1 day, 14:13:18 time: 0.8575 data_time: 0.0298 memory: 9812 grad_norm: 3.0399 loss: 2.9229 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6988 distill.loss_dist: 1.2242 2023/05/14 11:39:17 - mmengine - INFO - Epoch(train) [17][ 680/1879] lr: 2.0000e-02 eta: 1 day, 14:13:13 time: 1.0000 data_time: 0.0276 memory: 9812 grad_norm: 3.0995 loss: 3.0125 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8201 distill.loss_dist: 1.1924 2023/05/14 11:39:34 - mmengine - INFO - Epoch(train) [17][ 700/1879] lr: 2.0000e-02 eta: 1 day, 14:12:52 time: 0.8387 data_time: 0.0243 memory: 9812 grad_norm: 3.1540 loss: 2.8087 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6229 distill.loss_dist: 1.1858 2023/05/14 11:39:51 - mmengine - INFO - Epoch(train) [17][ 720/1879] lr: 2.0000e-02 eta: 1 day, 14:12:30 time: 0.8373 data_time: 0.0255 memory: 9812 grad_norm: 3.1480 loss: 2.8530 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6632 distill.loss_dist: 1.1898 2023/05/14 11:40:08 - mmengine - INFO - Epoch(train) [17][ 740/1879] lr: 2.0000e-02 eta: 1 day, 14:12:15 time: 0.8957 data_time: 0.0251 memory: 9812 grad_norm: 3.0726 loss: 2.8123 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6374 distill.loss_dist: 1.1749 2023/05/14 11:40:25 - mmengine - INFO - Epoch(train) [17][ 760/1879] lr: 2.0000e-02 eta: 1 day, 14:11:51 time: 0.8127 data_time: 0.0254 memory: 9812 grad_norm: 3.1965 loss: 3.1077 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8783 distill.loss_dist: 1.2293 2023/05/14 11:40:41 - mmengine - INFO - Epoch(train) [17][ 780/1879] lr: 2.0000e-02 eta: 1 day, 14:11:27 time: 0.8114 data_time: 0.0285 memory: 9812 grad_norm: 3.1098 loss: 2.9859 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.7645 distill.loss_dist: 1.2215 2023/05/14 11:41:00 - mmengine - INFO - Epoch(train) [17][ 800/1879] lr: 2.0000e-02 eta: 1 day, 14:11:19 time: 0.9741 data_time: 0.0293 memory: 9812 grad_norm: 3.1776 loss: 2.9578 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7481 distill.loss_dist: 1.2097 2023/05/14 11:41:17 - mmengine - INFO - Epoch(train) [17][ 820/1879] lr: 2.0000e-02 eta: 1 day, 14:10:56 time: 0.8211 data_time: 0.0493 memory: 9812 grad_norm: 3.1751 loss: 2.8820 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 1.6602 distill.loss_dist: 1.2218 2023/05/14 11:41:34 - mmengine - INFO - Epoch(train) [17][ 840/1879] lr: 2.0000e-02 eta: 1 day, 14:10:35 time: 0.8350 data_time: 0.0943 memory: 9812 grad_norm: 3.1538 loss: 3.0094 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8156 distill.loss_dist: 1.1938 2023/05/14 11:41:53 - mmengine - INFO - Epoch(train) [17][ 860/1879] lr: 2.0000e-02 eta: 1 day, 14:10:25 time: 0.9522 data_time: 0.0696 memory: 9812 grad_norm: 3.1292 loss: 2.9387 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7474 distill.loss_dist: 1.1912 2023/05/14 11:42:09 - mmengine - INFO - Epoch(train) [17][ 880/1879] lr: 2.0000e-02 eta: 1 day, 14:10:04 time: 0.8427 data_time: 0.0589 memory: 9812 grad_norm: 3.1398 loss: 3.0834 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8782 distill.loss_dist: 1.2052 2023/05/14 11:42:27 - mmengine - INFO - Epoch(train) [17][ 900/1879] lr: 2.0000e-02 eta: 1 day, 14:09:46 time: 0.8707 data_time: 0.0294 memory: 9812 grad_norm: 3.1530 loss: 2.9330 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.7192 distill.loss_dist: 1.2138 2023/05/14 11:42:46 - mmengine - INFO - Epoch(train) [17][ 920/1879] lr: 2.0000e-02 eta: 1 day, 14:09:34 time: 0.9305 data_time: 0.0240 memory: 9812 grad_norm: 3.1630 loss: 3.0377 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8238 distill.loss_dist: 1.2139 2023/05/14 11:42:58 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 11:43:02 - mmengine - INFO - Epoch(train) [17][ 940/1879] lr: 2.0000e-02 eta: 1 day, 14:09:11 time: 0.8199 data_time: 0.0284 memory: 9812 grad_norm: 3.1524 loss: 3.0710 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8657 distill.loss_dist: 1.2053 2023/05/14 11:43:18 - mmengine - INFO - Epoch(train) [17][ 960/1879] lr: 2.0000e-02 eta: 1 day, 14:08:49 time: 0.8258 data_time: 0.0294 memory: 9812 grad_norm: 3.1305 loss: 2.8739 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6754 distill.loss_dist: 1.1985 2023/05/14 11:43:37 - mmengine - INFO - Epoch(train) [17][ 980/1879] lr: 2.0000e-02 eta: 1 day, 14:08:35 time: 0.9126 data_time: 0.0312 memory: 9812 grad_norm: 3.1324 loss: 2.8605 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6730 distill.loss_dist: 1.1875 2023/05/14 11:43:53 - mmengine - INFO - Epoch(train) [17][1000/1879] lr: 2.0000e-02 eta: 1 day, 14:08:13 time: 0.8352 data_time: 0.0293 memory: 9812 grad_norm: 3.1612 loss: 3.0600 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8421 distill.loss_dist: 1.2179 2023/05/14 11:44:11 - mmengine - INFO - Epoch(train) [17][1020/1879] lr: 2.0000e-02 eta: 1 day, 14:07:54 time: 0.8559 data_time: 0.0277 memory: 9812 grad_norm: 3.1716 loss: 3.1675 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.9508 distill.loss_dist: 1.2167 2023/05/14 11:44:30 - mmengine - INFO - Epoch(train) [17][1040/1879] lr: 2.0000e-02 eta: 1 day, 14:07:45 time: 0.9587 data_time: 0.0307 memory: 9812 grad_norm: 3.1090 loss: 2.8273 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6333 distill.loss_dist: 1.1939 2023/05/14 11:44:46 - mmengine - INFO - Epoch(train) [17][1060/1879] lr: 2.0000e-02 eta: 1 day, 14:07:21 time: 0.8180 data_time: 0.0264 memory: 9812 grad_norm: 3.1348 loss: 2.9949 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8014 distill.loss_dist: 1.1935 2023/05/14 11:45:02 - mmengine - INFO - Epoch(train) [17][1080/1879] lr: 2.0000e-02 eta: 1 day, 14:06:57 time: 0.8095 data_time: 0.0289 memory: 9812 grad_norm: 3.1360 loss: 3.1556 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9267 distill.loss_dist: 1.2289 2023/05/14 11:45:21 - mmengine - INFO - Epoch(train) [17][1100/1879] lr: 2.0000e-02 eta: 1 day, 14:06:47 time: 0.9441 data_time: 0.0282 memory: 9812 grad_norm: 3.2110 loss: 3.1623 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9499 distill.loss_dist: 1.2124 2023/05/14 11:45:38 - mmengine - INFO - Epoch(train) [17][1120/1879] lr: 2.0000e-02 eta: 1 day, 14:06:24 time: 0.8285 data_time: 0.0310 memory: 9812 grad_norm: 3.2405 loss: 2.9536 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7426 distill.loss_dist: 1.2110 2023/05/14 11:45:54 - mmengine - INFO - Epoch(train) [17][1140/1879] lr: 2.0000e-02 eta: 1 day, 14:06:02 time: 0.8293 data_time: 0.2105 memory: 9812 grad_norm: 3.1569 loss: 3.1388 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.9093 distill.loss_dist: 1.2294 2023/05/14 11:46:13 - mmengine - INFO - Epoch(train) [17][1160/1879] lr: 2.0000e-02 eta: 1 day, 14:05:49 time: 0.9133 data_time: 0.0247 memory: 9812 grad_norm: 3.1113 loss: 2.8847 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.7166 distill.loss_dist: 1.1681 2023/05/14 11:46:30 - mmengine - INFO - Epoch(train) [17][1180/1879] lr: 2.0000e-02 eta: 1 day, 14:05:28 time: 0.8467 data_time: 0.1508 memory: 9812 grad_norm: 3.1152 loss: 3.1021 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8989 distill.loss_dist: 1.2032 2023/05/14 11:46:46 - mmengine - INFO - Epoch(train) [17][1200/1879] lr: 2.0000e-02 eta: 1 day, 14:05:05 time: 0.8187 data_time: 0.0224 memory: 9812 grad_norm: 3.2276 loss: 3.1674 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9325 distill.loss_dist: 1.2349 2023/05/14 11:47:05 - mmengine - INFO - Epoch(train) [17][1220/1879] lr: 2.0000e-02 eta: 1 day, 14:04:55 time: 0.9538 data_time: 0.0273 memory: 9812 grad_norm: 3.1425 loss: 3.1861 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9546 distill.loss_dist: 1.2315 2023/05/14 11:47:22 - mmengine - INFO - Epoch(train) [17][1240/1879] lr: 2.0000e-02 eta: 1 day, 14:04:34 time: 0.8340 data_time: 0.0284 memory: 9812 grad_norm: 3.1199 loss: 3.2741 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 2.0283 distill.loss_dist: 1.2459 2023/05/14 11:47:39 - mmengine - INFO - Epoch(train) [17][1260/1879] lr: 2.0000e-02 eta: 1 day, 14:04:15 time: 0.8605 data_time: 0.0259 memory: 9812 grad_norm: 3.1879 loss: 3.0167 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8309 distill.loss_dist: 1.1858 2023/05/14 11:47:57 - mmengine - INFO - Epoch(train) [17][1280/1879] lr: 2.0000e-02 eta: 1 day, 14:04:02 time: 0.9222 data_time: 0.0248 memory: 9812 grad_norm: 3.1120 loss: 3.1878 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9486 distill.loss_dist: 1.2392 2023/05/14 11:48:14 - mmengine - INFO - Epoch(train) [17][1300/1879] lr: 2.0000e-02 eta: 1 day, 14:03:42 time: 0.8519 data_time: 0.0263 memory: 9812 grad_norm: 3.0913 loss: 2.9549 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7533 distill.loss_dist: 1.2016 2023/05/14 11:48:30 - mmengine - INFO - Epoch(train) [17][1320/1879] lr: 2.0000e-02 eta: 1 day, 14:03:13 time: 0.7622 data_time: 0.0236 memory: 9812 grad_norm: 3.1196 loss: 2.8672 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6748 distill.loss_dist: 1.1924 2023/05/14 11:48:48 - mmengine - INFO - Epoch(train) [17][1340/1879] lr: 2.0000e-02 eta: 1 day, 14:02:58 time: 0.9019 data_time: 0.0281 memory: 9812 grad_norm: 3.1399 loss: 3.0545 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8498 distill.loss_dist: 1.2047 2023/05/14 11:49:05 - mmengine - INFO - Epoch(train) [17][1360/1879] lr: 2.0000e-02 eta: 1 day, 14:02:39 time: 0.8530 data_time: 0.0524 memory: 9812 grad_norm: 3.1595 loss: 2.7892 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6157 distill.loss_dist: 1.1735 2023/05/14 11:49:20 - mmengine - INFO - Epoch(train) [17][1380/1879] lr: 2.0000e-02 eta: 1 day, 14:02:11 time: 0.7764 data_time: 0.0621 memory: 9812 grad_norm: 3.1257 loss: 2.8926 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6988 distill.loss_dist: 1.1938 2023/05/14 11:49:39 - mmengine - INFO - Epoch(train) [17][1400/1879] lr: 2.0000e-02 eta: 1 day, 14:02:00 time: 0.9414 data_time: 0.0245 memory: 9812 grad_norm: 3.1621 loss: 3.0546 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8599 distill.loss_dist: 1.1948 2023/05/14 11:49:56 - mmengine - INFO - Epoch(train) [17][1420/1879] lr: 2.0000e-02 eta: 1 day, 14:01:39 time: 0.8399 data_time: 0.0275 memory: 9812 grad_norm: 3.1380 loss: 3.0143 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8157 distill.loss_dist: 1.1986 2023/05/14 11:50:14 - mmengine - INFO - Epoch(train) [17][1440/1879] lr: 2.0000e-02 eta: 1 day, 14:01:23 time: 0.8882 data_time: 0.0221 memory: 9812 grad_norm: 3.1941 loss: 3.1821 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9604 distill.loss_dist: 1.2217 2023/05/14 11:50:33 - mmengine - INFO - Epoch(train) [17][1460/1879] lr: 2.0000e-02 eta: 1 day, 14:01:13 time: 0.9460 data_time: 0.0271 memory: 9812 grad_norm: 3.1271 loss: 2.9963 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7819 distill.loss_dist: 1.2143 2023/05/14 11:50:48 - mmengine - INFO - Epoch(train) [17][1480/1879] lr: 2.0000e-02 eta: 1 day, 14:00:47 time: 0.7902 data_time: 0.0243 memory: 9812 grad_norm: 3.1284 loss: 3.1369 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9252 distill.loss_dist: 1.2117 2023/05/14 11:51:06 - mmengine - INFO - Epoch(train) [17][1500/1879] lr: 2.0000e-02 eta: 1 day, 14:00:31 time: 0.8965 data_time: 0.0272 memory: 9812 grad_norm: 3.1531 loss: 2.9544 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7313 distill.loss_dist: 1.2231 2023/05/14 11:51:24 - mmengine - INFO - Epoch(train) [17][1520/1879] lr: 2.0000e-02 eta: 1 day, 14:00:17 time: 0.9032 data_time: 0.0258 memory: 9812 grad_norm: 3.1090 loss: 3.0945 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8682 distill.loss_dist: 1.2262 2023/05/14 11:51:41 - mmengine - INFO - Epoch(train) [17][1540/1879] lr: 2.0000e-02 eta: 1 day, 13:59:53 time: 0.8178 data_time: 0.0288 memory: 9812 grad_norm: 3.2133 loss: 3.0298 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7963 distill.loss_dist: 1.2336 2023/05/14 11:51:58 - mmengine - INFO - Epoch(train) [17][1560/1879] lr: 2.0000e-02 eta: 1 day, 13:59:33 time: 0.8500 data_time: 0.0307 memory: 9812 grad_norm: 3.1213 loss: 2.9578 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.7626 distill.loss_dist: 1.1952 2023/05/14 11:52:16 - mmengine - INFO - Epoch(train) [17][1580/1879] lr: 2.0000e-02 eta: 1 day, 13:59:18 time: 0.8959 data_time: 0.0248 memory: 9812 grad_norm: 3.1811 loss: 3.0333 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8089 distill.loss_dist: 1.2244 2023/05/14 11:52:33 - mmengine - INFO - Epoch(train) [17][1600/1879] lr: 2.0000e-02 eta: 1 day, 13:58:58 time: 0.8471 data_time: 0.0282 memory: 9812 grad_norm: 3.2355 loss: 3.1759 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9431 distill.loss_dist: 1.2328 2023/05/14 11:52:49 - mmengine - INFO - Epoch(train) [17][1620/1879] lr: 2.0000e-02 eta: 1 day, 13:58:33 time: 0.7998 data_time: 0.0292 memory: 9812 grad_norm: 3.0977 loss: 2.9206 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7075 distill.loss_dist: 1.2131 2023/05/14 11:53:06 - mmengine - INFO - Epoch(train) [17][1640/1879] lr: 2.0000e-02 eta: 1 day, 13:58:14 time: 0.8664 data_time: 0.0234 memory: 9812 grad_norm: 3.1391 loss: 2.9625 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7441 distill.loss_dist: 1.2183 2023/05/14 11:53:25 - mmengine - INFO - Epoch(train) [17][1660/1879] lr: 2.0000e-02 eta: 1 day, 13:58:06 time: 0.9660 data_time: 0.0272 memory: 9812 grad_norm: 3.1513 loss: 2.7454 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5573 distill.loss_dist: 1.1881 2023/05/14 11:53:41 - mmengine - INFO - Epoch(train) [17][1680/1879] lr: 2.0000e-02 eta: 1 day, 13:57:40 time: 0.7932 data_time: 0.0241 memory: 9812 grad_norm: 3.1131 loss: 3.0513 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8559 distill.loss_dist: 1.1954 2023/05/14 11:53:58 - mmengine - INFO - Epoch(train) [17][1700/1879] lr: 2.0000e-02 eta: 1 day, 13:57:19 time: 0.8405 data_time: 0.0264 memory: 9812 grad_norm: 3.1770 loss: 2.9331 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.7264 distill.loss_dist: 1.2066 2023/05/14 11:54:16 - mmengine - INFO - Epoch(train) [17][1720/1879] lr: 2.0000e-02 eta: 1 day, 13:57:02 time: 0.8737 data_time: 0.0307 memory: 9812 grad_norm: 3.0919 loss: 3.0734 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8544 distill.loss_dist: 1.2190 2023/05/14 11:54:33 - mmengine - INFO - Epoch(train) [17][1740/1879] lr: 2.0000e-02 eta: 1 day, 13:56:43 time: 0.8644 data_time: 0.0252 memory: 9812 grad_norm: 3.0982 loss: 3.0599 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.8832 distill.loss_dist: 1.1767 2023/05/14 11:54:51 - mmengine - INFO - Epoch(train) [17][1760/1879] lr: 2.0000e-02 eta: 1 day, 13:56:27 time: 0.8923 data_time: 0.0241 memory: 9812 grad_norm: 3.2410 loss: 3.1181 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8924 distill.loss_dist: 1.2258 2023/05/14 11:55:08 - mmengine - INFO - Epoch(train) [17][1780/1879] lr: 2.0000e-02 eta: 1 day, 13:56:09 time: 0.8691 data_time: 0.0274 memory: 9812 grad_norm: 3.1478 loss: 3.1773 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9627 distill.loss_dist: 1.2147 2023/05/14 11:55:25 - mmengine - INFO - Epoch(train) [17][1800/1879] lr: 2.0000e-02 eta: 1 day, 13:55:48 time: 0.8330 data_time: 0.0260 memory: 9812 grad_norm: 3.0829 loss: 3.1307 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.9016 distill.loss_dist: 1.2291 2023/05/14 11:55:43 - mmengine - INFO - Epoch(train) [17][1820/1879] lr: 2.0000e-02 eta: 1 day, 13:55:35 time: 0.9257 data_time: 0.0236 memory: 9812 grad_norm: 3.1054 loss: 3.0386 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8197 distill.loss_dist: 1.2189 2023/05/14 11:56:01 - mmengine - INFO - Epoch(train) [17][1840/1879] lr: 2.0000e-02 eta: 1 day, 13:55:18 time: 0.8748 data_time: 0.0258 memory: 9812 grad_norm: 3.2019 loss: 2.8478 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.6751 distill.loss_dist: 1.1727 2023/05/14 11:56:17 - mmengine - INFO - Epoch(train) [17][1860/1879] lr: 2.0000e-02 eta: 1 day, 13:54:54 time: 0.8124 data_time: 0.0277 memory: 9812 grad_norm: 3.1656 loss: 3.0030 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7986 distill.loss_dist: 1.2044 2023/05/14 11:56:30 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 11:56:30 - mmengine - INFO - Epoch(train) [17][1879/1879] lr: 2.0000e-02 eta: 1 day, 13:54:22 time: 0.6962 data_time: 0.0332 memory: 9812 grad_norm: 3.1528 loss: 2.9606 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.7301 distill.loss_dist: 1.2305 2023/05/14 11:56:50 - mmengine - INFO - Epoch(val) [17][ 20/155] eta: 0:02:11 time: 0.9747 data_time: 0.9095 memory: 1484 2023/05/14 11:57:04 - mmengine - INFO - Epoch(val) [17][ 40/155] eta: 0:01:35 time: 0.6818 data_time: 0.6150 memory: 1484 2023/05/14 11:57:22 - mmengine - INFO - Epoch(val) [17][ 60/155] eta: 0:01:21 time: 0.9298 data_time: 0.8639 memory: 1484 2023/05/14 11:57:35 - mmengine - INFO - Epoch(val) [17][ 80/155] eta: 0:01:00 time: 0.6444 data_time: 0.5806 memory: 1484 2023/05/14 11:57:54 - mmengine - INFO - Epoch(val) [17][100/155] eta: 0:00:45 time: 0.9486 data_time: 0.8822 memory: 1484 2023/05/14 11:58:08 - mmengine - INFO - Epoch(val) [17][120/155] eta: 0:00:28 time: 0.6924 data_time: 0.6321 memory: 1484 2023/05/14 11:58:28 - mmengine - INFO - Epoch(val) [17][140/155] eta: 0:00:12 time: 1.0083 data_time: 0.9480 memory: 1484 2023/05/14 11:58:57 - mmengine - INFO - Epoch(val) [17][ 20/155] eta: 0:16:20 time: 0.9863 data_time: 0.8314 memory: 1582 2023/05/14 11:59:11 - mmengine - INFO - Epoch(val) [17][ 40/155] eta: 0:07:36 time: 0.6807 data_time: 0.5280 memory: 1582 2023/05/14 11:59:30 - mmengine - INFO - Epoch(val) [17][ 60/155] eta: 0:04:41 time: 0.9512 data_time: 0.7962 memory: 1582 2023/05/14 11:59:44 - mmengine - INFO - Epoch(val) [17][ 80/155] eta: 0:02:59 time: 0.7011 data_time: 0.5472 memory: 1582 2023/05/14 12:00:03 - mmengine - INFO - Epoch(val) [17][100/155] eta: 0:01:56 time: 0.9667 data_time: 0.8124 memory: 1582 2023/05/14 12:00:18 - mmengine - INFO - Epoch(val) [17][120/155] eta: 0:01:05 time: 0.7329 data_time: 0.5808 memory: 1582 2023/05/14 12:00:39 - mmengine - INFO - Epoch(val) [17][140/155] eta: 0:00:26 time: 1.0471 data_time: 0.8949 memory: 1582 2023/05/14 12:00:47 - mmengine - INFO - Epoch(val) [17][155/155] acc/top1: 0.5902 acc/top5: 0.8276 acc/mean1: 0.5903 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6733 time: 0.8246 2023/05/14 12:00:47 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_15.pth is removed 2023/05/14 12:00:48 - mmengine - INFO - The best checkpoint with 0.5902 acc/top1 at 17 epoch is saved to best_acc_top1_epoch_17.pth. 2023/05/14 12:01:11 - mmengine - INFO - Epoch(train) [18][ 20/1879] lr: 2.0000e-02 eta: 1 day, 13:54:28 time: 1.1194 data_time: 0.7049 memory: 9812 grad_norm: 3.1255 loss: 2.8351 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.6254 distill.loss_dist: 1.2098 2023/05/14 12:01:27 - mmengine - INFO - Epoch(train) [18][ 40/1879] lr: 2.0000e-02 eta: 1 day, 13:54:04 time: 0.8015 data_time: 0.3800 memory: 9812 grad_norm: 3.1037 loss: 2.9357 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7567 distill.loss_dist: 1.1790 2023/05/14 12:01:42 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 12:01:44 - mmengine - INFO - Epoch(train) [18][ 60/1879] lr: 2.0000e-02 eta: 1 day, 13:53:42 time: 0.8343 data_time: 0.4089 memory: 9812 grad_norm: 3.1038 loss: 2.8786 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6752 distill.loss_dist: 1.2034 2023/05/14 12:02:02 - mmengine - INFO - Epoch(train) [18][ 80/1879] lr: 2.0000e-02 eta: 1 day, 13:53:28 time: 0.9149 data_time: 0.4943 memory: 9812 grad_norm: 3.2029 loss: 2.8424 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6713 distill.loss_dist: 1.1711 2023/05/14 12:02:18 - mmengine - INFO - Epoch(train) [18][ 100/1879] lr: 2.0000e-02 eta: 1 day, 13:53:03 time: 0.7972 data_time: 0.3408 memory: 9812 grad_norm: 3.1100 loss: 3.0712 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 1.8612 distill.loss_dist: 1.2099 2023/05/14 12:02:35 - mmengine - INFO - Epoch(train) [18][ 120/1879] lr: 2.0000e-02 eta: 1 day, 13:52:43 time: 0.8414 data_time: 0.3074 memory: 9812 grad_norm: 3.1289 loss: 3.0705 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8708 distill.loss_dist: 1.1996 2023/05/14 12:02:54 - mmengine - INFO - Epoch(train) [18][ 140/1879] lr: 2.0000e-02 eta: 1 day, 13:52:35 time: 0.9764 data_time: 0.3175 memory: 9812 grad_norm: 3.1739 loss: 3.0316 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.8015 distill.loss_dist: 1.2301 2023/05/14 12:03:10 - mmengine - INFO - Epoch(train) [18][ 160/1879] lr: 2.0000e-02 eta: 1 day, 13:52:08 time: 0.7798 data_time: 0.1790 memory: 9812 grad_norm: 3.1065 loss: 2.9191 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.7268 distill.loss_dist: 1.1923 2023/05/14 12:03:27 - mmengine - INFO - Epoch(train) [18][ 180/1879] lr: 2.0000e-02 eta: 1 day, 13:51:49 time: 0.8585 data_time: 0.2769 memory: 9812 grad_norm: 3.1493 loss: 2.8810 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6805 distill.loss_dist: 1.2005 2023/05/14 12:03:46 - mmengine - INFO - Epoch(train) [18][ 200/1879] lr: 2.0000e-02 eta: 1 day, 13:51:41 time: 0.9708 data_time: 0.2475 memory: 9812 grad_norm: 3.1455 loss: 2.9301 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7463 distill.loss_dist: 1.1837 2023/05/14 12:04:02 - mmengine - INFO - Epoch(train) [18][ 220/1879] lr: 2.0000e-02 eta: 1 day, 13:51:14 time: 0.7746 data_time: 0.1056 memory: 9812 grad_norm: 3.0778 loss: 2.8283 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6361 distill.loss_dist: 1.1922 2023/05/14 12:04:18 - mmengine - INFO - Epoch(train) [18][ 240/1879] lr: 2.0000e-02 eta: 1 day, 13:50:52 time: 0.8280 data_time: 0.1489 memory: 9812 grad_norm: 3.1696 loss: 2.7835 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6276 distill.loss_dist: 1.1559 2023/05/14 12:04:37 - mmengine - INFO - Epoch(train) [18][ 260/1879] lr: 2.0000e-02 eta: 1 day, 13:50:39 time: 0.9234 data_time: 0.1914 memory: 9812 grad_norm: 3.1608 loss: 3.0447 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8518 distill.loss_dist: 1.1929 2023/05/14 12:04:53 - mmengine - INFO - Epoch(train) [18][ 280/1879] lr: 2.0000e-02 eta: 1 day, 13:50:15 time: 0.8124 data_time: 0.1828 memory: 9812 grad_norm: 3.1468 loss: 2.9538 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7369 distill.loss_dist: 1.2169 2023/05/14 12:05:11 - mmengine - INFO - Epoch(train) [18][ 300/1879] lr: 2.0000e-02 eta: 1 day, 13:49:57 time: 0.8730 data_time: 0.2539 memory: 9812 grad_norm: 3.0659 loss: 2.9955 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.7814 distill.loss_dist: 1.2141 2023/05/14 12:05:29 - mmengine - INFO - Epoch(train) [18][ 320/1879] lr: 2.0000e-02 eta: 1 day, 13:49:44 time: 0.9143 data_time: 0.0297 memory: 9812 grad_norm: 3.1841 loss: 3.0290 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8203 distill.loss_dist: 1.2087 2023/05/14 12:05:45 - mmengine - INFO - Epoch(train) [18][ 340/1879] lr: 2.0000e-02 eta: 1 day, 13:49:22 time: 0.8264 data_time: 0.0892 memory: 9812 grad_norm: 3.1444 loss: 2.9634 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.7618 distill.loss_dist: 1.2016 2023/05/14 12:06:02 - mmengine - INFO - Epoch(train) [18][ 360/1879] lr: 2.0000e-02 eta: 1 day, 13:49:00 time: 0.8338 data_time: 0.0284 memory: 9812 grad_norm: 3.1091 loss: 2.6457 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.4565 distill.loss_dist: 1.1892 2023/05/14 12:06:21 - mmengine - INFO - Epoch(train) [18][ 380/1879] lr: 2.0000e-02 eta: 1 day, 13:48:51 time: 0.9655 data_time: 0.0320 memory: 9812 grad_norm: 3.1376 loss: 2.9015 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7080 distill.loss_dist: 1.1935 2023/05/14 12:06:38 - mmengine - INFO - Epoch(train) [18][ 400/1879] lr: 2.0000e-02 eta: 1 day, 13:48:29 time: 0.8273 data_time: 0.0265 memory: 9812 grad_norm: 3.1254 loss: 2.7430 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5420 distill.loss_dist: 1.2010 2023/05/14 12:06:55 - mmengine - INFO - Epoch(train) [18][ 420/1879] lr: 2.0000e-02 eta: 1 day, 13:48:07 time: 0.8303 data_time: 0.0229 memory: 9812 grad_norm: 3.1596 loss: 2.9018 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7087 distill.loss_dist: 1.1931 2023/05/14 12:07:14 - mmengine - INFO - Epoch(train) [18][ 440/1879] lr: 2.0000e-02 eta: 1 day, 13:47:58 time: 0.9539 data_time: 0.0256 memory: 9812 grad_norm: 3.0552 loss: 2.8704 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6918 distill.loss_dist: 1.1786 2023/05/14 12:07:30 - mmengine - INFO - Epoch(train) [18][ 460/1879] lr: 2.0000e-02 eta: 1 day, 13:47:32 time: 0.7950 data_time: 0.0288 memory: 9812 grad_norm: 3.1220 loss: 3.0550 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8262 distill.loss_dist: 1.2288 2023/05/14 12:07:47 - mmengine - INFO - Epoch(train) [18][ 480/1879] lr: 2.0000e-02 eta: 1 day, 13:47:12 time: 0.8470 data_time: 0.0255 memory: 9812 grad_norm: 3.1763 loss: 3.0840 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.8685 distill.loss_dist: 1.2155 2023/05/14 12:08:06 - mmengine - INFO - Epoch(train) [18][ 500/1879] lr: 2.0000e-02 eta: 1 day, 13:47:02 time: 0.9490 data_time: 0.0250 memory: 9812 grad_norm: 3.1830 loss: 3.1044 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8571 distill.loss_dist: 1.2473 2023/05/14 12:08:22 - mmengine - INFO - Epoch(train) [18][ 520/1879] lr: 2.0000e-02 eta: 1 day, 13:46:39 time: 0.8238 data_time: 0.1260 memory: 9812 grad_norm: 3.1391 loss: 3.1732 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.9507 distill.loss_dist: 1.2224 2023/05/14 12:08:38 - mmengine - INFO - Epoch(train) [18][ 540/1879] lr: 2.0000e-02 eta: 1 day, 13:46:16 time: 0.8122 data_time: 0.0783 memory: 9812 grad_norm: 3.0285 loss: 3.0304 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8211 distill.loss_dist: 1.2093 2023/05/14 12:08:58 - mmengine - INFO - Epoch(train) [18][ 560/1879] lr: 2.0000e-02 eta: 1 day, 13:46:07 time: 0.9697 data_time: 0.0266 memory: 9812 grad_norm: 3.0635 loss: 2.8751 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6939 distill.loss_dist: 1.1812 2023/05/14 12:09:13 - mmengine - INFO - Epoch(train) [18][ 580/1879] lr: 2.0000e-02 eta: 1 day, 13:45:41 time: 0.7810 data_time: 0.0272 memory: 9812 grad_norm: 3.1801 loss: 3.1873 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9493 distill.loss_dist: 1.2380 2023/05/14 12:09:30 - mmengine - INFO - Epoch(train) [18][ 600/1879] lr: 2.0000e-02 eta: 1 day, 13:45:22 time: 0.8560 data_time: 0.0968 memory: 9812 grad_norm: 3.1340 loss: 2.9978 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7930 distill.loss_dist: 1.2048 2023/05/14 12:09:49 - mmengine - INFO - Epoch(train) [18][ 620/1879] lr: 2.0000e-02 eta: 1 day, 13:45:10 time: 0.9353 data_time: 0.0611 memory: 9812 grad_norm: 3.0538 loss: 2.9974 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7994 distill.loss_dist: 1.1980 2023/05/14 12:10:06 - mmengine - INFO - Epoch(train) [18][ 640/1879] lr: 2.0000e-02 eta: 1 day, 13:44:47 time: 0.8187 data_time: 0.0267 memory: 9812 grad_norm: 3.1223 loss: 2.9556 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7411 distill.loss_dist: 1.2145 2023/05/14 12:10:23 - mmengine - INFO - Epoch(train) [18][ 660/1879] lr: 2.0000e-02 eta: 1 day, 13:44:30 time: 0.8783 data_time: 0.2307 memory: 9812 grad_norm: 3.1679 loss: 3.1745 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.9378 distill.loss_dist: 1.2367 2023/05/14 12:10:41 - mmengine - INFO - Epoch(train) [18][ 680/1879] lr: 2.0000e-02 eta: 1 day, 13:44:14 time: 0.8885 data_time: 0.2138 memory: 9812 grad_norm: 3.1605 loss: 3.0070 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7920 distill.loss_dist: 1.2150 2023/05/14 12:10:58 - mmengine - INFO - Epoch(train) [18][ 700/1879] lr: 2.0000e-02 eta: 1 day, 13:43:54 time: 0.8472 data_time: 0.0264 memory: 9812 grad_norm: 3.0678 loss: 2.9850 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7943 distill.loss_dist: 1.1908 2023/05/14 12:11:15 - mmengine - INFO - Epoch(train) [18][ 720/1879] lr: 2.0000e-02 eta: 1 day, 13:43:35 time: 0.8627 data_time: 0.0276 memory: 9812 grad_norm: 3.1926 loss: 2.9578 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7489 distill.loss_dist: 1.2089 2023/05/14 12:11:34 - mmengine - INFO - Epoch(train) [18][ 740/1879] lr: 2.0000e-02 eta: 1 day, 13:43:22 time: 0.9220 data_time: 0.0236 memory: 9812 grad_norm: 3.0935 loss: 3.0575 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8376 distill.loss_dist: 1.2200 2023/05/14 12:11:50 - mmengine - INFO - Epoch(train) [18][ 760/1879] lr: 2.0000e-02 eta: 1 day, 13:42:58 time: 0.8070 data_time: 0.0273 memory: 9812 grad_norm: 3.1050 loss: 2.8623 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6918 distill.loss_dist: 1.1705 2023/05/14 12:12:06 - mmengine - INFO - Epoch(train) [18][ 780/1879] lr: 2.0000e-02 eta: 1 day, 13:42:36 time: 0.8314 data_time: 0.0278 memory: 9812 grad_norm: 3.1531 loss: 2.9088 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7153 distill.loss_dist: 1.1936 2023/05/14 12:12:26 - mmengine - INFO - Epoch(train) [18][ 800/1879] lr: 2.0000e-02 eta: 1 day, 13:42:28 time: 0.9678 data_time: 0.0259 memory: 9812 grad_norm: 3.1573 loss: 3.0803 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8468 distill.loss_dist: 1.2334 2023/05/14 12:12:42 - mmengine - INFO - Epoch(train) [18][ 820/1879] lr: 2.0000e-02 eta: 1 day, 13:42:06 time: 0.8364 data_time: 0.0254 memory: 9812 grad_norm: 3.1512 loss: 2.9974 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8012 distill.loss_dist: 1.1962 2023/05/14 12:12:59 - mmengine - INFO - Epoch(train) [18][ 840/1879] lr: 2.0000e-02 eta: 1 day, 13:41:46 time: 0.8407 data_time: 0.0300 memory: 9812 grad_norm: 3.1263 loss: 2.9142 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6968 distill.loss_dist: 1.2174 2023/05/14 12:13:19 - mmengine - INFO - Epoch(train) [18][ 860/1879] lr: 2.0000e-02 eta: 1 day, 13:41:38 time: 0.9805 data_time: 0.0226 memory: 9812 grad_norm: 3.1831 loss: 3.0104 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.8246 distill.loss_dist: 1.1858 2023/05/14 12:13:35 - mmengine - INFO - Epoch(train) [18][ 880/1879] lr: 2.0000e-02 eta: 1 day, 13:41:14 time: 0.8006 data_time: 0.0281 memory: 9812 grad_norm: 3.1215 loss: 3.1055 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 1.8987 distill.loss_dist: 1.2068 2023/05/14 12:13:52 - mmengine - INFO - Epoch(train) [18][ 900/1879] lr: 2.0000e-02 eta: 1 day, 13:40:53 time: 0.8412 data_time: 0.0303 memory: 9812 grad_norm: 3.0394 loss: 2.8067 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6385 distill.loss_dist: 1.1682 2023/05/14 12:14:11 - mmengine - INFO - Epoch(train) [18][ 920/1879] lr: 2.0000e-02 eta: 1 day, 13:40:42 time: 0.9444 data_time: 0.0240 memory: 9812 grad_norm: 3.1036 loss: 2.9793 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7657 distill.loss_dist: 1.2135 2023/05/14 12:14:27 - mmengine - INFO - Epoch(train) [18][ 940/1879] lr: 2.0000e-02 eta: 1 day, 13:40:19 time: 0.8149 data_time: 0.0299 memory: 9812 grad_norm: 3.1410 loss: 3.1334 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9103 distill.loss_dist: 1.2231 2023/05/14 12:14:43 - mmengine - INFO - Epoch(train) [18][ 960/1879] lr: 2.0000e-02 eta: 1 day, 13:39:55 time: 0.8121 data_time: 0.0292 memory: 9812 grad_norm: 3.0852 loss: 2.8079 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6413 distill.loss_dist: 1.1666 2023/05/14 12:15:02 - mmengine - INFO - Epoch(train) [18][ 980/1879] lr: 2.0000e-02 eta: 1 day, 13:39:45 time: 0.9454 data_time: 0.0292 memory: 9812 grad_norm: 3.1003 loss: 2.9873 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7869 distill.loss_dist: 1.2004 2023/05/14 12:15:19 - mmengine - INFO - Epoch(train) [18][1000/1879] lr: 2.0000e-02 eta: 1 day, 13:39:23 time: 0.8316 data_time: 0.0253 memory: 9812 grad_norm: 3.1340 loss: 2.8111 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6142 distill.loss_dist: 1.1969 2023/05/14 12:15:35 - mmengine - INFO - Epoch(train) [18][1020/1879] lr: 2.0000e-02 eta: 1 day, 13:39:02 time: 0.8350 data_time: 0.0265 memory: 9812 grad_norm: 3.1184 loss: 2.9511 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7352 distill.loss_dist: 1.2159 2023/05/14 12:15:53 - mmengine - INFO - Epoch(train) [18][1040/1879] lr: 2.0000e-02 eta: 1 day, 13:38:46 time: 0.8933 data_time: 0.0270 memory: 9812 grad_norm: 3.1251 loss: 2.9673 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.7632 distill.loss_dist: 1.2041 2023/05/14 12:16:06 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 12:16:09 - mmengine - INFO - Epoch(train) [18][1060/1879] lr: 2.0000e-02 eta: 1 day, 13:38:21 time: 0.7955 data_time: 0.0445 memory: 9812 grad_norm: 3.0609 loss: 2.9588 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7729 distill.loss_dist: 1.1859 2023/05/14 12:16:26 - mmengine - INFO - Epoch(train) [18][1080/1879] lr: 2.0000e-02 eta: 1 day, 13:38:01 time: 0.8511 data_time: 0.0242 memory: 9812 grad_norm: 3.1666 loss: 3.1243 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8939 distill.loss_dist: 1.2304 2023/05/14 12:16:44 - mmengine - INFO - Epoch(train) [18][1100/1879] lr: 2.0000e-02 eta: 1 day, 13:37:46 time: 0.8963 data_time: 0.0978 memory: 9812 grad_norm: 3.0434 loss: 2.8067 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6270 distill.loss_dist: 1.1796 2023/05/14 12:17:02 - mmengine - INFO - Epoch(train) [18][1120/1879] lr: 2.0000e-02 eta: 1 day, 13:37:32 time: 0.9097 data_time: 0.1204 memory: 9812 grad_norm: 3.0525 loss: 2.7408 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5802 distill.loss_dist: 1.1606 2023/05/14 12:17:19 - mmengine - INFO - Epoch(train) [18][1140/1879] lr: 2.0000e-02 eta: 1 day, 13:37:12 time: 0.8464 data_time: 0.1492 memory: 9812 grad_norm: 3.1005 loss: 2.8857 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6995 distill.loss_dist: 1.1862 2023/05/14 12:17:37 - mmengine - INFO - Epoch(train) [18][1160/1879] lr: 2.0000e-02 eta: 1 day, 13:36:56 time: 0.9006 data_time: 0.2101 memory: 9812 grad_norm: 3.1234 loss: 3.1286 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8900 distill.loss_dist: 1.2386 2023/05/14 12:17:54 - mmengine - INFO - Epoch(train) [18][1180/1879] lr: 2.0000e-02 eta: 1 day, 13:36:32 time: 0.8051 data_time: 0.2907 memory: 9812 grad_norm: 3.1071 loss: 2.9157 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7083 distill.loss_dist: 1.2074 2023/05/14 12:18:09 - mmengine - INFO - Epoch(train) [18][1200/1879] lr: 2.0000e-02 eta: 1 day, 13:36:08 time: 0.7970 data_time: 0.3620 memory: 9812 grad_norm: 3.0257 loss: 2.9112 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7398 distill.loss_dist: 1.1714 2023/05/14 12:18:29 - mmengine - INFO - Epoch(train) [18][1220/1879] lr: 2.0000e-02 eta: 1 day, 13:36:00 time: 0.9830 data_time: 0.4166 memory: 9812 grad_norm: 3.1173 loss: 3.1149 student.top1_acc: 0.3750 student.top5_acc: 0.9375 student.loss_cls: 1.9021 distill.loss_dist: 1.2127 2023/05/14 12:18:46 - mmengine - INFO - Epoch(train) [18][1240/1879] lr: 2.0000e-02 eta: 1 day, 13:35:41 time: 0.8543 data_time: 0.1545 memory: 9812 grad_norm: 3.1201 loss: 2.9488 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7405 distill.loss_dist: 1.2082 2023/05/14 12:19:03 - mmengine - INFO - Epoch(train) [18][1260/1879] lr: 2.0000e-02 eta: 1 day, 13:35:19 time: 0.8255 data_time: 0.2375 memory: 9812 grad_norm: 3.1297 loss: 2.7087 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5098 distill.loss_dist: 1.1990 2023/05/14 12:19:21 - mmengine - INFO - Epoch(train) [18][1280/1879] lr: 2.0000e-02 eta: 1 day, 13:35:07 time: 0.9365 data_time: 0.3936 memory: 9812 grad_norm: 3.1974 loss: 3.0087 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7912 distill.loss_dist: 1.2175 2023/05/14 12:19:38 - mmengine - INFO - Epoch(train) [18][1300/1879] lr: 2.0000e-02 eta: 1 day, 13:34:44 time: 0.8162 data_time: 0.3589 memory: 9812 grad_norm: 3.1208 loss: 3.1908 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9409 distill.loss_dist: 1.2499 2023/05/14 12:19:54 - mmengine - INFO - Epoch(train) [18][1320/1879] lr: 2.0000e-02 eta: 1 day, 13:34:23 time: 0.8322 data_time: 0.3747 memory: 9812 grad_norm: 3.1478 loss: 3.1394 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.9128 distill.loss_dist: 1.2265 2023/05/14 12:20:14 - mmengine - INFO - Epoch(train) [18][1340/1879] lr: 2.0000e-02 eta: 1 day, 13:34:14 time: 0.9713 data_time: 0.5337 memory: 9812 grad_norm: 3.1455 loss: 2.8148 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6459 distill.loss_dist: 1.1689 2023/05/14 12:20:31 - mmengine - INFO - Epoch(train) [18][1360/1879] lr: 2.0000e-02 eta: 1 day, 13:33:53 time: 0.8400 data_time: 0.3951 memory: 9812 grad_norm: 3.1157 loss: 3.0220 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8247 distill.loss_dist: 1.1973 2023/05/14 12:20:46 - mmengine - INFO - Epoch(train) [18][1380/1879] lr: 2.0000e-02 eta: 1 day, 13:33:27 time: 0.7741 data_time: 0.3339 memory: 9812 grad_norm: 3.1263 loss: 3.0926 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.9085 distill.loss_dist: 1.1841 2023/05/14 12:21:05 - mmengine - INFO - Epoch(train) [18][1400/1879] lr: 2.0000e-02 eta: 1 day, 13:33:15 time: 0.9396 data_time: 0.5004 memory: 9812 grad_norm: 3.1099 loss: 3.0603 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8375 distill.loss_dist: 1.2228 2023/05/14 12:21:22 - mmengine - INFO - Epoch(train) [18][1420/1879] lr: 2.0000e-02 eta: 1 day, 13:32:55 time: 0.8452 data_time: 0.3607 memory: 9812 grad_norm: 3.0909 loss: 2.8139 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6017 distill.loss_dist: 1.2122 2023/05/14 12:21:38 - mmengine - INFO - Epoch(train) [18][1440/1879] lr: 2.0000e-02 eta: 1 day, 13:32:33 time: 0.8255 data_time: 0.2075 memory: 9812 grad_norm: 3.1294 loss: 3.0177 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8060 distill.loss_dist: 1.2118 2023/05/14 12:21:57 - mmengine - INFO - Epoch(train) [18][1460/1879] lr: 2.0000e-02 eta: 1 day, 13:32:21 time: 0.9346 data_time: 0.0588 memory: 9812 grad_norm: 3.0538 loss: 2.9216 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7316 distill.loss_dist: 1.1900 2023/05/14 12:22:13 - mmengine - INFO - Epoch(train) [18][1480/1879] lr: 2.0000e-02 eta: 1 day, 13:31:56 time: 0.7967 data_time: 0.0254 memory: 9812 grad_norm: 3.0868 loss: 2.9162 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7287 distill.loss_dist: 1.1874 2023/05/14 12:22:30 - mmengine - INFO - Epoch(train) [18][1500/1879] lr: 2.0000e-02 eta: 1 day, 13:31:38 time: 0.8701 data_time: 0.0308 memory: 9812 grad_norm: 3.0873 loss: 2.7667 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.5839 distill.loss_dist: 1.1828 2023/05/14 12:22:49 - mmengine - INFO - Epoch(train) [18][1520/1879] lr: 2.0000e-02 eta: 1 day, 13:31:26 time: 0.9293 data_time: 0.0387 memory: 9812 grad_norm: 3.0938 loss: 2.9648 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7276 distill.loss_dist: 1.2372 2023/05/14 12:23:05 - mmengine - INFO - Epoch(train) [18][1540/1879] lr: 2.0000e-02 eta: 1 day, 13:31:02 time: 0.8074 data_time: 0.0280 memory: 9812 grad_norm: 3.2071 loss: 2.9048 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7102 distill.loss_dist: 1.1946 2023/05/14 12:23:23 - mmengine - INFO - Epoch(train) [18][1560/1879] lr: 2.0000e-02 eta: 1 day, 13:30:47 time: 0.9026 data_time: 0.0271 memory: 9812 grad_norm: 3.1033 loss: 2.9637 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7527 distill.loss_dist: 1.2110 2023/05/14 12:23:41 - mmengine - INFO - Epoch(train) [18][1580/1879] lr: 2.0000e-02 eta: 1 day, 13:30:29 time: 0.8687 data_time: 0.0276 memory: 9812 grad_norm: 3.1643 loss: 3.0434 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8385 distill.loss_dist: 1.2048 2023/05/14 12:23:58 - mmengine - INFO - Epoch(train) [18][1600/1879] lr: 2.0000e-02 eta: 1 day, 13:30:10 time: 0.8602 data_time: 0.0255 memory: 9812 grad_norm: 3.1141 loss: 2.9418 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.7494 distill.loss_dist: 1.1924 2023/05/14 12:24:15 - mmengine - INFO - Epoch(train) [18][1620/1879] lr: 2.0000e-02 eta: 1 day, 13:29:51 time: 0.8495 data_time: 0.0254 memory: 9812 grad_norm: 3.1737 loss: 2.8892 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7016 distill.loss_dist: 1.1875 2023/05/14 12:24:34 - mmengine - INFO - Epoch(train) [18][1640/1879] lr: 2.0000e-02 eta: 1 day, 13:29:41 time: 0.9570 data_time: 0.0274 memory: 9812 grad_norm: 3.1047 loss: 2.7063 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5306 distill.loss_dist: 1.1757 2023/05/14 12:24:50 - mmengine - INFO - Epoch(train) [18][1660/1879] lr: 2.0000e-02 eta: 1 day, 13:29:16 time: 0.7956 data_time: 0.0447 memory: 9812 grad_norm: 3.1330 loss: 2.9877 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7779 distill.loss_dist: 1.2097 2023/05/14 12:25:09 - mmengine - INFO - Epoch(train) [18][1680/1879] lr: 2.0000e-02 eta: 1 day, 13:29:05 time: 0.9462 data_time: 0.1246 memory: 9812 grad_norm: 3.1693 loss: 3.0959 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8869 distill.loss_dist: 1.2090 2023/05/14 12:25:27 - mmengine - INFO - Epoch(train) [18][1700/1879] lr: 2.0000e-02 eta: 1 day, 13:28:50 time: 0.9064 data_time: 0.0267 memory: 9812 grad_norm: 3.0644 loss: 3.0359 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8433 distill.loss_dist: 1.1926 2023/05/14 12:25:43 - mmengine - INFO - Epoch(train) [18][1720/1879] lr: 2.0000e-02 eta: 1 day, 13:28:26 time: 0.8040 data_time: 0.0276 memory: 9812 grad_norm: 3.1778 loss: 3.1660 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.9173 distill.loss_dist: 1.2488 2023/05/14 12:26:00 - mmengine - INFO - Epoch(train) [18][1740/1879] lr: 2.0000e-02 eta: 1 day, 13:28:05 time: 0.8374 data_time: 0.0264 memory: 9812 grad_norm: 3.0980 loss: 3.0080 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.8325 distill.loss_dist: 1.1754 2023/05/14 12:26:19 - mmengine - INFO - Epoch(train) [18][1760/1879] lr: 2.0000e-02 eta: 1 day, 13:27:53 time: 0.9337 data_time: 0.0281 memory: 9812 grad_norm: 3.0984 loss: 2.8705 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7051 distill.loss_dist: 1.1654 2023/05/14 12:26:36 - mmengine - INFO - Epoch(train) [18][1780/1879] lr: 2.0000e-02 eta: 1 day, 13:27:34 time: 0.8518 data_time: 0.0300 memory: 9812 grad_norm: 3.0959 loss: 3.0250 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8303 distill.loss_dist: 1.1948 2023/05/14 12:26:52 - mmengine - INFO - Epoch(train) [18][1800/1879] lr: 2.0000e-02 eta: 1 day, 13:27:11 time: 0.8219 data_time: 0.0261 memory: 9812 grad_norm: 3.1224 loss: 3.0486 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.8430 distill.loss_dist: 1.2056 2023/05/14 12:27:10 - mmengine - INFO - Epoch(train) [18][1820/1879] lr: 2.0000e-02 eta: 1 day, 13:26:57 time: 0.9079 data_time: 0.0309 memory: 9812 grad_norm: 3.1423 loss: 3.0172 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.8174 distill.loss_dist: 1.1999 2023/05/14 12:27:27 - mmengine - INFO - Epoch(train) [18][1840/1879] lr: 2.0000e-02 eta: 1 day, 13:26:34 time: 0.8193 data_time: 0.0284 memory: 9812 grad_norm: 3.1260 loss: 3.1191 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.9122 distill.loss_dist: 1.2069 2023/05/14 12:27:43 - mmengine - INFO - Epoch(train) [18][1860/1879] lr: 2.0000e-02 eta: 1 day, 13:26:14 time: 0.8406 data_time: 0.0237 memory: 9812 grad_norm: 3.1199 loss: 3.0368 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8121 distill.loss_dist: 1.2247 2023/05/14 12:27:57 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 12:27:57 - mmengine - INFO - Epoch(train) [18][1879/1879] lr: 2.0000e-02 eta: 1 day, 13:25:44 time: 0.7103 data_time: 0.0212 memory: 9812 grad_norm: 3.2461 loss: 3.0841 student.top1_acc: 0.5714 student.top5_acc: 1.0000 student.loss_cls: 1.8342 distill.loss_dist: 1.2499 2023/05/14 12:27:57 - mmengine - INFO - Saving checkpoint at 18 epochs 2023/05/14 12:28:18 - mmengine - INFO - Epoch(val) [18][ 20/155] eta: 0:02:12 time: 0.9811 data_time: 0.9171 memory: 1484 2023/05/14 12:28:32 - mmengine - INFO - Epoch(val) [18][ 40/155] eta: 0:01:35 time: 0.6832 data_time: 0.6262 memory: 1484 2023/05/14 12:28:50 - mmengine - INFO - Epoch(val) [18][ 60/155] eta: 0:01:21 time: 0.9127 data_time: 0.8520 memory: 1484 2023/05/14 12:29:05 - mmengine - INFO - Epoch(val) [18][ 80/155] eta: 0:01:02 time: 0.7297 data_time: 0.6623 memory: 1484 2023/05/14 12:29:22 - mmengine - INFO - Epoch(val) [18][100/155] eta: 0:00:45 time: 0.8686 data_time: 0.8035 memory: 1484 2023/05/14 12:29:36 - mmengine - INFO - Epoch(val) [18][120/155] eta: 0:00:28 time: 0.7234 data_time: 0.6597 memory: 1484 2023/05/14 12:29:56 - mmengine - INFO - Epoch(val) [18][140/155] eta: 0:00:12 time: 0.9996 data_time: 0.9415 memory: 1484 2023/05/14 12:30:25 - mmengine - INFO - Epoch(val) [18][ 20/155] eta: 0:16:22 time: 1.0186 data_time: 0.8609 memory: 1582 2023/05/14 12:30:39 - mmengine - INFO - Epoch(val) [18][ 40/155] eta: 0:07:38 time: 0.6972 data_time: 0.5432 memory: 1582 2023/05/14 12:30:58 - mmengine - INFO - Epoch(val) [18][ 60/155] eta: 0:04:42 time: 0.9361 data_time: 0.7846 memory: 1582 2023/05/14 12:31:11 - mmengine - INFO - Epoch(val) [18][ 80/155] eta: 0:02:59 time: 0.6715 data_time: 0.5221 memory: 1582 2023/05/14 12:31:30 - mmengine - INFO - Epoch(val) [18][100/155] eta: 0:01:55 time: 0.9365 data_time: 0.7865 memory: 1582 2023/05/14 12:31:45 - mmengine - INFO - Epoch(val) [18][120/155] eta: 0:01:05 time: 0.7327 data_time: 0.5792 memory: 1582 2023/05/14 12:32:05 - mmengine - INFO - Epoch(val) [18][140/155] eta: 0:00:26 time: 1.0327 data_time: 0.8812 memory: 1582 2023/05/14 12:32:14 - mmengine - INFO - Epoch(val) [18][155/155] acc/top1: 0.5971 acc/top5: 0.8301 acc/mean1: 0.5971 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6703 time: 0.8208 2023/05/14 12:32:14 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_17.pth is removed 2023/05/14 12:32:15 - mmengine - INFO - The best checkpoint with 0.5971 acc/top1 at 18 epoch is saved to best_acc_top1_epoch_18.pth. 2023/05/14 12:32:37 - mmengine - INFO - Epoch(train) [19][ 20/1879] lr: 2.0000e-02 eta: 1 day, 13:25:46 time: 1.0876 data_time: 0.6654 memory: 9812 grad_norm: 3.1095 loss: 3.0261 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8519 distill.loss_dist: 1.1742 2023/05/14 12:32:54 - mmengine - INFO - Epoch(train) [19][ 40/1879] lr: 2.0000e-02 eta: 1 day, 13:25:26 time: 0.8412 data_time: 0.2897 memory: 9812 grad_norm: 3.1530 loss: 2.9817 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7879 distill.loss_dist: 1.1938 2023/05/14 12:33:11 - mmengine - INFO - Epoch(train) [19][ 60/1879] lr: 2.0000e-02 eta: 1 day, 13:25:07 time: 0.8624 data_time: 0.0711 memory: 9812 grad_norm: 3.1140 loss: 2.6708 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.5176 distill.loss_dist: 1.1533 2023/05/14 12:33:31 - mmengine - INFO - Epoch(train) [19][ 80/1879] lr: 2.0000e-02 eta: 1 day, 13:24:59 time: 0.9786 data_time: 0.0273 memory: 9812 grad_norm: 3.1506 loss: 2.7687 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5867 distill.loss_dist: 1.1820 2023/05/14 12:33:46 - mmengine - INFO - Epoch(train) [19][ 100/1879] lr: 2.0000e-02 eta: 1 day, 13:24:32 time: 0.7684 data_time: 0.0285 memory: 9812 grad_norm: 3.1335 loss: 3.0014 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7975 distill.loss_dist: 1.2039 2023/05/14 12:34:04 - mmengine - INFO - Epoch(train) [19][ 120/1879] lr: 2.0000e-02 eta: 1 day, 13:24:15 time: 0.8857 data_time: 0.0259 memory: 9812 grad_norm: 3.0467 loss: 2.9975 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7943 distill.loss_dist: 1.2032 2023/05/14 12:34:22 - mmengine - INFO - Epoch(train) [19][ 140/1879] lr: 2.0000e-02 eta: 1 day, 13:24:00 time: 0.8972 data_time: 0.0274 memory: 9812 grad_norm: 3.0637 loss: 2.9136 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7228 distill.loss_dist: 1.1908 2023/05/14 12:34:37 - mmengine - INFO - Epoch(train) [19][ 160/1879] lr: 2.0000e-02 eta: 1 day, 13:23:32 time: 0.7645 data_time: 0.0259 memory: 9812 grad_norm: 3.1182 loss: 3.0724 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8618 distill.loss_dist: 1.2106 2023/05/14 12:34:54 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 12:34:56 - mmengine - INFO - Epoch(train) [19][ 180/1879] lr: 2.0000e-02 eta: 1 day, 13:23:21 time: 0.9424 data_time: 0.0270 memory: 9812 grad_norm: 3.0956 loss: 3.0873 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8722 distill.loss_dist: 1.2151 2023/05/14 12:35:14 - mmengine - INFO - Epoch(train) [19][ 200/1879] lr: 2.0000e-02 eta: 1 day, 13:23:07 time: 0.9139 data_time: 0.0255 memory: 9812 grad_norm: 3.1572 loss: 3.0215 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7940 distill.loss_dist: 1.2275 2023/05/14 12:35:31 - mmengine - INFO - Epoch(train) [19][ 220/1879] lr: 2.0000e-02 eta: 1 day, 13:22:45 time: 0.8187 data_time: 0.0272 memory: 9812 grad_norm: 3.1463 loss: 2.8357 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6544 distill.loss_dist: 1.1813 2023/05/14 12:35:48 - mmengine - INFO - Epoch(train) [19][ 240/1879] lr: 2.0000e-02 eta: 1 day, 13:22:27 time: 0.8710 data_time: 0.0240 memory: 9812 grad_norm: 3.1168 loss: 3.0831 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8918 distill.loss_dist: 1.1913 2023/05/14 12:36:06 - mmengine - INFO - Epoch(train) [19][ 260/1879] lr: 2.0000e-02 eta: 1 day, 13:22:13 time: 0.9135 data_time: 0.0268 memory: 9812 grad_norm: 3.1513 loss: 2.9764 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7831 distill.loss_dist: 1.1933 2023/05/14 12:36:22 - mmengine - INFO - Epoch(train) [19][ 280/1879] lr: 2.0000e-02 eta: 1 day, 13:21:49 time: 0.8013 data_time: 0.0255 memory: 9812 grad_norm: 3.1344 loss: 3.0740 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8564 distill.loss_dist: 1.2176 2023/05/14 12:36:40 - mmengine - INFO - Epoch(train) [19][ 300/1879] lr: 2.0000e-02 eta: 1 day, 13:21:30 time: 0.8670 data_time: 0.0252 memory: 9812 grad_norm: 3.1241 loss: 2.9340 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.7309 distill.loss_dist: 1.2031 2023/05/14 12:36:59 - mmengine - INFO - Epoch(train) [19][ 320/1879] lr: 2.0000e-02 eta: 1 day, 13:21:19 time: 0.9404 data_time: 0.0251 memory: 9812 grad_norm: 3.0998 loss: 2.8677 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.6640 distill.loss_dist: 1.2037 2023/05/14 12:37:15 - mmengine - INFO - Epoch(train) [19][ 340/1879] lr: 2.0000e-02 eta: 1 day, 13:20:57 time: 0.8297 data_time: 0.0282 memory: 9812 grad_norm: 3.1163 loss: 2.9378 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7460 distill.loss_dist: 1.1918 2023/05/14 12:37:32 - mmengine - INFO - Epoch(train) [19][ 360/1879] lr: 2.0000e-02 eta: 1 day, 13:20:36 time: 0.8284 data_time: 0.0306 memory: 9812 grad_norm: 3.1407 loss: 3.0151 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8245 distill.loss_dist: 1.1907 2023/05/14 12:37:52 - mmengine - INFO - Epoch(train) [19][ 380/1879] lr: 2.0000e-02 eta: 1 day, 13:20:29 time: 0.9962 data_time: 0.0241 memory: 9812 grad_norm: 3.1152 loss: 2.9466 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7456 distill.loss_dist: 1.2010 2023/05/14 12:38:08 - mmengine - INFO - Epoch(train) [19][ 400/1879] lr: 2.0000e-02 eta: 1 day, 13:20:05 time: 0.8047 data_time: 0.0287 memory: 9812 grad_norm: 3.1571 loss: 2.9819 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7667 distill.loss_dist: 1.2151 2023/05/14 12:38:24 - mmengine - INFO - Epoch(train) [19][ 420/1879] lr: 2.0000e-02 eta: 1 day, 13:19:44 time: 0.8309 data_time: 0.0223 memory: 9812 grad_norm: 3.1222 loss: 2.9476 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7669 distill.loss_dist: 1.1807 2023/05/14 12:38:43 - mmengine - INFO - Epoch(train) [19][ 440/1879] lr: 2.0000e-02 eta: 1 day, 13:19:33 time: 0.9473 data_time: 0.0250 memory: 9812 grad_norm: 3.1528 loss: 3.0316 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.8070 distill.loss_dist: 1.2246 2023/05/14 12:39:00 - mmengine - INFO - Epoch(train) [19][ 460/1879] lr: 2.0000e-02 eta: 1 day, 13:19:12 time: 0.8345 data_time: 0.0267 memory: 9812 grad_norm: 3.1455 loss: 3.1632 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.9254 distill.loss_dist: 1.2378 2023/05/14 12:39:17 - mmengine - INFO - Epoch(train) [19][ 480/1879] lr: 2.0000e-02 eta: 1 day, 13:18:50 time: 0.8297 data_time: 0.0281 memory: 9812 grad_norm: 3.0731 loss: 2.8387 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6699 distill.loss_dist: 1.1688 2023/05/14 12:39:36 - mmengine - INFO - Epoch(train) [19][ 500/1879] lr: 2.0000e-02 eta: 1 day, 13:18:39 time: 0.9451 data_time: 0.0263 memory: 9812 grad_norm: 3.1218 loss: 2.9657 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7665 distill.loss_dist: 1.1992 2023/05/14 12:39:51 - mmengine - INFO - Epoch(train) [19][ 520/1879] lr: 2.0000e-02 eta: 1 day, 13:18:11 time: 0.7587 data_time: 0.0296 memory: 9812 grad_norm: 3.0967 loss: 2.9965 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7797 distill.loss_dist: 1.2168 2023/05/14 12:40:07 - mmengine - INFO - Epoch(train) [19][ 540/1879] lr: 2.0000e-02 eta: 1 day, 13:17:50 time: 0.8282 data_time: 0.0272 memory: 9812 grad_norm: 3.1081 loss: 3.1509 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.9552 distill.loss_dist: 1.1957 2023/05/14 12:40:26 - mmengine - INFO - Epoch(train) [19][ 560/1879] lr: 2.0000e-02 eta: 1 day, 13:17:38 time: 0.9399 data_time: 0.0276 memory: 9812 grad_norm: 3.1098 loss: 3.1039 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9035 distill.loss_dist: 1.2004 2023/05/14 12:40:43 - mmengine - INFO - Epoch(train) [19][ 580/1879] lr: 2.0000e-02 eta: 1 day, 13:17:17 time: 0.8291 data_time: 0.0326 memory: 9812 grad_norm: 3.1371 loss: 2.9128 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7034 distill.loss_dist: 1.2095 2023/05/14 12:41:00 - mmengine - INFO - Epoch(train) [19][ 600/1879] lr: 2.0000e-02 eta: 1 day, 13:16:58 time: 0.8610 data_time: 0.0256 memory: 9812 grad_norm: 3.0640 loss: 3.0148 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8005 distill.loss_dist: 1.2142 2023/05/14 12:41:18 - mmengine - INFO - Epoch(train) [19][ 620/1879] lr: 2.0000e-02 eta: 1 day, 13:16:41 time: 0.8807 data_time: 0.0309 memory: 9812 grad_norm: 3.1198 loss: 3.0328 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8198 distill.loss_dist: 1.2130 2023/05/14 12:41:34 - mmengine - INFO - Epoch(train) [19][ 640/1879] lr: 2.0000e-02 eta: 1 day, 13:16:20 time: 0.8379 data_time: 0.0811 memory: 9812 grad_norm: 3.1656 loss: 3.1006 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8897 distill.loss_dist: 1.2109 2023/05/14 12:41:53 - mmengine - INFO - Epoch(train) [19][ 660/1879] lr: 2.0000e-02 eta: 1 day, 13:16:06 time: 0.9106 data_time: 0.1818 memory: 9812 grad_norm: 3.1107 loss: 2.9824 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7937 distill.loss_dist: 1.1888 2023/05/14 12:42:09 - mmengine - INFO - Epoch(train) [19][ 680/1879] lr: 2.0000e-02 eta: 1 day, 13:15:43 time: 0.8117 data_time: 0.2054 memory: 9812 grad_norm: 3.1136 loss: 2.8856 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6969 distill.loss_dist: 1.1887 2023/05/14 12:42:27 - mmengine - INFO - Epoch(train) [19][ 700/1879] lr: 2.0000e-02 eta: 1 day, 13:15:30 time: 0.9218 data_time: 0.2040 memory: 9812 grad_norm: 3.1633 loss: 2.9741 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7693 distill.loss_dist: 1.2048 2023/05/14 12:42:44 - mmengine - INFO - Epoch(train) [19][ 720/1879] lr: 2.0000e-02 eta: 1 day, 13:15:11 time: 0.8582 data_time: 0.3347 memory: 9812 grad_norm: 3.1245 loss: 2.9982 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7905 distill.loss_dist: 1.2076 2023/05/14 12:43:01 - mmengine - INFO - Epoch(train) [19][ 740/1879] lr: 2.0000e-02 eta: 1 day, 13:14:49 time: 0.8335 data_time: 0.3283 memory: 9812 grad_norm: 3.0912 loss: 2.9034 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7016 distill.loss_dist: 1.2018 2023/05/14 12:43:19 - mmengine - INFO - Epoch(train) [19][ 760/1879] lr: 2.0000e-02 eta: 1 day, 13:14:34 time: 0.9006 data_time: 0.4515 memory: 9812 grad_norm: 3.1043 loss: 2.7980 student.top1_acc: 0.2500 student.top5_acc: 0.9375 student.loss_cls: 1.6100 distill.loss_dist: 1.1880 2023/05/14 12:43:36 - mmengine - INFO - Epoch(train) [19][ 780/1879] lr: 2.0000e-02 eta: 1 day, 13:14:13 time: 0.8341 data_time: 0.1447 memory: 9812 grad_norm: 3.1852 loss: 3.0664 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8597 distill.loss_dist: 1.2067 2023/05/14 12:43:53 - mmengine - INFO - Epoch(train) [19][ 800/1879] lr: 2.0000e-02 eta: 1 day, 13:13:55 time: 0.8677 data_time: 0.1864 memory: 9812 grad_norm: 3.0915 loss: 3.1637 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9472 distill.loss_dist: 1.2166 2023/05/14 12:44:13 - mmengine - INFO - Epoch(train) [19][ 820/1879] lr: 2.0000e-02 eta: 1 day, 13:13:47 time: 0.9786 data_time: 0.0347 memory: 9812 grad_norm: 3.1099 loss: 2.7906 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5925 distill.loss_dist: 1.1981 2023/05/14 12:44:28 - mmengine - INFO - Epoch(train) [19][ 840/1879] lr: 2.0000e-02 eta: 1 day, 13:13:21 time: 0.7783 data_time: 0.0226 memory: 9812 grad_norm: 3.1464 loss: 3.0092 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8082 distill.loss_dist: 1.2010 2023/05/14 12:44:46 - mmengine - INFO - Epoch(train) [19][ 860/1879] lr: 2.0000e-02 eta: 1 day, 13:13:05 time: 0.8941 data_time: 0.0247 memory: 9812 grad_norm: 3.1336 loss: 3.2027 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.9613 distill.loss_dist: 1.2415 2023/05/14 12:45:03 - mmengine - INFO - Epoch(train) [19][ 880/1879] lr: 2.0000e-02 eta: 1 day, 13:12:45 time: 0.8489 data_time: 0.0274 memory: 9812 grad_norm: 3.1141 loss: 3.0053 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8083 distill.loss_dist: 1.1970 2023/05/14 12:45:19 - mmengine - INFO - Epoch(train) [19][ 900/1879] lr: 2.0000e-02 eta: 1 day, 13:12:23 time: 0.8152 data_time: 0.0259 memory: 9812 grad_norm: 3.0676 loss: 2.9794 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7887 distill.loss_dist: 1.1907 2023/05/14 12:45:36 - mmengine - INFO - Epoch(train) [19][ 920/1879] lr: 2.0000e-02 eta: 1 day, 13:12:01 time: 0.8294 data_time: 0.0494 memory: 9812 grad_norm: 2.9936 loss: 2.8835 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6870 distill.loss_dist: 1.1965 2023/05/14 12:45:54 - mmengine - INFO - Epoch(train) [19][ 940/1879] lr: 2.0000e-02 eta: 1 day, 13:11:47 time: 0.9170 data_time: 0.2289 memory: 9812 grad_norm: 3.0995 loss: 2.7463 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5580 distill.loss_dist: 1.1883 2023/05/14 12:46:12 - mmengine - INFO - Epoch(train) [19][ 960/1879] lr: 2.0000e-02 eta: 1 day, 13:11:31 time: 0.8871 data_time: 0.3108 memory: 9812 grad_norm: 3.1402 loss: 2.8872 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6606 distill.loss_dist: 1.2266 2023/05/14 12:46:29 - mmengine - INFO - Epoch(train) [19][ 980/1879] lr: 2.0000e-02 eta: 1 day, 13:11:12 time: 0.8580 data_time: 0.2430 memory: 9812 grad_norm: 3.1427 loss: 3.0280 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8233 distill.loss_dist: 1.2047 2023/05/14 12:46:48 - mmengine - INFO - Epoch(train) [19][1000/1879] lr: 2.0000e-02 eta: 1 day, 13:10:58 time: 0.9138 data_time: 0.0965 memory: 9812 grad_norm: 3.0905 loss: 2.8272 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6273 distill.loss_dist: 1.1999 2023/05/14 12:47:03 - mmengine - INFO - Epoch(train) [19][1020/1879] lr: 2.0000e-02 eta: 1 day, 13:10:32 time: 0.7817 data_time: 0.0300 memory: 9812 grad_norm: 3.0606 loss: 2.9661 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.7839 distill.loss_dist: 1.1822 2023/05/14 12:47:22 - mmengine - INFO - Epoch(train) [19][1040/1879] lr: 2.0000e-02 eta: 1 day, 13:10:21 time: 0.9464 data_time: 0.0273 memory: 9812 grad_norm: 3.1052 loss: 3.0046 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.8040 distill.loss_dist: 1.2006 2023/05/14 12:47:38 - mmengine - INFO - Epoch(train) [19][1060/1879] lr: 2.0000e-02 eta: 1 day, 13:09:57 time: 0.7942 data_time: 0.0252 memory: 9812 grad_norm: 3.1493 loss: 2.9349 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.7455 distill.loss_dist: 1.1894 2023/05/14 12:47:55 - mmengine - INFO - Epoch(train) [19][1080/1879] lr: 2.0000e-02 eta: 1 day, 13:09:37 time: 0.8495 data_time: 0.1210 memory: 9812 grad_norm: 3.0689 loss: 3.0470 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.8360 distill.loss_dist: 1.2110 2023/05/14 12:48:12 - mmengine - INFO - Epoch(train) [19][1100/1879] lr: 2.0000e-02 eta: 1 day, 13:09:17 time: 0.8434 data_time: 0.2664 memory: 9812 grad_norm: 3.0721 loss: 2.7937 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6250 distill.loss_dist: 1.1688 2023/05/14 12:48:29 - mmengine - INFO - Epoch(train) [19][1120/1879] lr: 2.0000e-02 eta: 1 day, 13:08:59 time: 0.8718 data_time: 0.0706 memory: 9812 grad_norm: 3.0899 loss: 2.9407 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7448 distill.loss_dist: 1.1959 2023/05/14 12:48:48 - mmengine - INFO - Epoch(train) [19][1140/1879] lr: 2.0000e-02 eta: 1 day, 13:08:47 time: 0.9406 data_time: 0.0283 memory: 9812 grad_norm: 3.1195 loss: 3.1033 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.8747 distill.loss_dist: 1.2287 2023/05/14 12:49:04 - mmengine - INFO - Epoch(train) [19][1160/1879] lr: 2.0000e-02 eta: 1 day, 13:08:24 time: 0.8029 data_time: 0.0409 memory: 9812 grad_norm: 3.0624 loss: 2.9372 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7301 distill.loss_dist: 1.2071 2023/05/14 12:49:20 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 12:49:21 - mmengine - INFO - Epoch(train) [19][1180/1879] lr: 2.0000e-02 eta: 1 day, 13:08:05 time: 0.8583 data_time: 0.0927 memory: 9812 grad_norm: 3.0517 loss: 2.8672 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6911 distill.loss_dist: 1.1760 2023/05/14 12:49:39 - mmengine - INFO - Epoch(train) [19][1200/1879] lr: 2.0000e-02 eta: 1 day, 13:07:50 time: 0.8991 data_time: 0.2533 memory: 9812 grad_norm: 3.1016 loss: 2.9364 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7592 distill.loss_dist: 1.1772 2023/05/14 12:49:56 - mmengine - INFO - Epoch(train) [19][1220/1879] lr: 2.0000e-02 eta: 1 day, 13:07:28 time: 0.8329 data_time: 0.1570 memory: 9812 grad_norm: 3.0945 loss: 3.0586 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8536 distill.loss_dist: 1.2050 2023/05/14 12:50:14 - mmengine - INFO - Epoch(train) [19][1240/1879] lr: 2.0000e-02 eta: 1 day, 13:07:13 time: 0.8965 data_time: 0.2402 memory: 9812 grad_norm: 3.0515 loss: 2.8819 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.7002 distill.loss_dist: 1.1817 2023/05/14 12:50:32 - mmengine - INFO - Epoch(train) [19][1260/1879] lr: 2.0000e-02 eta: 1 day, 13:06:58 time: 0.9094 data_time: 0.1050 memory: 9812 grad_norm: 3.0550 loss: 2.8987 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6966 distill.loss_dist: 1.2021 2023/05/14 12:50:49 - mmengine - INFO - Epoch(train) [19][1280/1879] lr: 2.0000e-02 eta: 1 day, 13:06:36 time: 0.8230 data_time: 0.0280 memory: 9812 grad_norm: 3.0516 loss: 2.9908 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7875 distill.loss_dist: 1.2033 2023/05/14 12:51:06 - mmengine - INFO - Epoch(train) [19][1300/1879] lr: 2.0000e-02 eta: 1 day, 13:06:17 time: 0.8469 data_time: 0.0315 memory: 9812 grad_norm: 3.0761 loss: 2.8980 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.6980 distill.loss_dist: 1.2001 2023/05/14 12:51:25 - mmengine - INFO - Epoch(train) [19][1320/1879] lr: 2.0000e-02 eta: 1 day, 13:06:09 time: 0.9865 data_time: 0.0254 memory: 9812 grad_norm: 3.1151 loss: 3.0272 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8173 distill.loss_dist: 1.2099 2023/05/14 12:51:41 - mmengine - INFO - Epoch(train) [19][1340/1879] lr: 2.0000e-02 eta: 1 day, 13:05:42 time: 0.7616 data_time: 0.0300 memory: 9812 grad_norm: 3.0911 loss: 3.0221 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8395 distill.loss_dist: 1.1825 2023/05/14 12:51:58 - mmengine - INFO - Epoch(train) [19][1360/1879] lr: 2.0000e-02 eta: 1 day, 13:05:25 time: 0.8883 data_time: 0.0258 memory: 9812 grad_norm: 3.0539 loss: 2.8729 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6848 distill.loss_dist: 1.1881 2023/05/14 12:52:16 - mmengine - INFO - Epoch(train) [19][1380/1879] lr: 2.0000e-02 eta: 1 day, 13:05:08 time: 0.8769 data_time: 0.0272 memory: 9812 grad_norm: 3.1171 loss: 2.8342 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6232 distill.loss_dist: 1.2110 2023/05/14 12:52:33 - mmengine - INFO - Epoch(train) [19][1400/1879] lr: 2.0000e-02 eta: 1 day, 13:04:50 time: 0.8706 data_time: 0.0298 memory: 9812 grad_norm: 3.1254 loss: 2.8853 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6903 distill.loss_dist: 1.1950 2023/05/14 12:52:50 - mmengine - INFO - Epoch(train) [19][1420/1879] lr: 2.0000e-02 eta: 1 day, 13:04:31 time: 0.8501 data_time: 0.0264 memory: 9812 grad_norm: 3.0694 loss: 2.9591 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7542 distill.loss_dist: 1.2050 2023/05/14 12:53:10 - mmengine - INFO - Epoch(train) [19][1440/1879] lr: 2.0000e-02 eta: 1 day, 13:04:21 time: 0.9636 data_time: 0.0248 memory: 9812 grad_norm: 3.1353 loss: 2.9296 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7313 distill.loss_dist: 1.1983 2023/05/14 12:53:27 - mmengine - INFO - Epoch(train) [19][1460/1879] lr: 2.0000e-02 eta: 1 day, 13:04:02 time: 0.8586 data_time: 0.0254 memory: 9812 grad_norm: 3.0337 loss: 2.9521 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7430 distill.loss_dist: 1.2091 2023/05/14 12:53:43 - mmengine - INFO - Epoch(train) [19][1480/1879] lr: 2.0000e-02 eta: 1 day, 13:03:39 time: 0.8136 data_time: 0.0271 memory: 9812 grad_norm: 3.0799 loss: 3.0413 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8136 distill.loss_dist: 1.2277 2023/05/14 12:54:01 - mmengine - INFO - Epoch(train) [19][1500/1879] lr: 2.0000e-02 eta: 1 day, 13:03:26 time: 0.9175 data_time: 0.0258 memory: 9812 grad_norm: 3.0645 loss: 3.1058 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.9067 distill.loss_dist: 1.1990 2023/05/14 12:54:19 - mmengine - INFO - Epoch(train) [19][1520/1879] lr: 2.0000e-02 eta: 1 day, 13:03:07 time: 0.8584 data_time: 0.0315 memory: 9812 grad_norm: 3.0746 loss: 3.1741 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.9624 distill.loss_dist: 1.2117 2023/05/14 12:54:35 - mmengine - INFO - Epoch(train) [19][1540/1879] lr: 2.0000e-02 eta: 1 day, 13:02:45 time: 0.8254 data_time: 0.0261 memory: 9812 grad_norm: 3.1005 loss: 2.9993 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.8319 distill.loss_dist: 1.1674 2023/05/14 12:54:54 - mmengine - INFO - Epoch(train) [19][1560/1879] lr: 2.0000e-02 eta: 1 day, 13:02:34 time: 0.9447 data_time: 0.0265 memory: 9812 grad_norm: 3.0695 loss: 3.0382 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8350 distill.loss_dist: 1.2031 2023/05/14 12:55:11 - mmengine - INFO - Epoch(train) [19][1580/1879] lr: 2.0000e-02 eta: 1 day, 13:02:13 time: 0.8403 data_time: 0.0261 memory: 9812 grad_norm: 3.1321 loss: 3.0427 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.8142 distill.loss_dist: 1.2285 2023/05/14 12:55:27 - mmengine - INFO - Epoch(train) [19][1600/1879] lr: 2.0000e-02 eta: 1 day, 13:01:50 time: 0.8077 data_time: 0.0286 memory: 9812 grad_norm: 3.1769 loss: 2.8132 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.6183 distill.loss_dist: 1.1949 2023/05/14 12:55:46 - mmengine - INFO - Epoch(train) [19][1620/1879] lr: 2.0000e-02 eta: 1 day, 13:01:38 time: 0.9441 data_time: 0.0291 memory: 9812 grad_norm: 3.1562 loss: 2.8352 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6299 distill.loss_dist: 1.2054 2023/05/14 12:56:03 - mmengine - INFO - Epoch(train) [19][1640/1879] lr: 2.0000e-02 eta: 1 day, 13:01:19 time: 0.8503 data_time: 0.0252 memory: 9812 grad_norm: 3.0513 loss: 3.0406 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8385 distill.loss_dist: 1.2021 2023/05/14 12:56:19 - mmengine - INFO - Epoch(train) [19][1660/1879] lr: 2.0000e-02 eta: 1 day, 13:00:57 time: 0.8191 data_time: 0.0240 memory: 9812 grad_norm: 3.0928 loss: 3.1041 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.8692 distill.loss_dist: 1.2349 2023/05/14 12:56:39 - mmengine - INFO - Epoch(train) [19][1680/1879] lr: 2.0000e-02 eta: 1 day, 13:00:47 time: 0.9630 data_time: 0.0244 memory: 9812 grad_norm: 3.0463 loss: 2.7917 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6519 distill.loss_dist: 1.1398 2023/05/14 12:56:55 - mmengine - INFO - Epoch(train) [19][1700/1879] lr: 2.0000e-02 eta: 1 day, 13:00:26 time: 0.8340 data_time: 0.0293 memory: 9812 grad_norm: 3.0722 loss: 2.7179 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5378 distill.loss_dist: 1.1801 2023/05/14 12:57:12 - mmengine - INFO - Epoch(train) [19][1720/1879] lr: 2.0000e-02 eta: 1 day, 13:00:04 time: 0.8191 data_time: 0.0238 memory: 9812 grad_norm: 3.1183 loss: 2.9880 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7943 distill.loss_dist: 1.1937 2023/05/14 12:57:30 - mmengine - INFO - Epoch(train) [19][1740/1879] lr: 2.0000e-02 eta: 1 day, 12:59:49 time: 0.9118 data_time: 0.0300 memory: 9812 grad_norm: 3.0967 loss: 2.9838 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7889 distill.loss_dist: 1.1948 2023/05/14 12:57:47 - mmengine - INFO - Epoch(train) [19][1760/1879] lr: 2.0000e-02 eta: 1 day, 12:59:31 time: 0.8631 data_time: 0.0277 memory: 9812 grad_norm: 3.0450 loss: 2.9306 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7361 distill.loss_dist: 1.1945 2023/05/14 12:58:04 - mmengine - INFO - Epoch(train) [19][1780/1879] lr: 2.0000e-02 eta: 1 day, 12:59:11 time: 0.8492 data_time: 0.0259 memory: 9812 grad_norm: 3.0873 loss: 3.0308 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8075 distill.loss_dist: 1.2233 2023/05/14 12:58:23 - mmengine - INFO - Epoch(train) [19][1800/1879] lr: 2.0000e-02 eta: 1 day, 12:58:59 time: 0.9361 data_time: 0.0255 memory: 9812 grad_norm: 3.0966 loss: 2.9449 student.top1_acc: 0.2500 student.top5_acc: 0.5000 student.loss_cls: 1.7386 distill.loss_dist: 1.2063 2023/05/14 12:58:39 - mmengine - INFO - Epoch(train) [19][1820/1879] lr: 2.0000e-02 eta: 1 day, 12:58:34 time: 0.7862 data_time: 0.0266 memory: 9812 grad_norm: 3.0866 loss: 2.9407 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7226 distill.loss_dist: 1.2182 2023/05/14 12:58:55 - mmengine - INFO - Epoch(train) [19][1840/1879] lr: 2.0000e-02 eta: 1 day, 12:58:10 time: 0.7958 data_time: 0.0275 memory: 9812 grad_norm: 3.1257 loss: 2.9880 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.7737 distill.loss_dist: 1.2142 2023/05/14 12:59:14 - mmengine - INFO - Epoch(train) [19][1860/1879] lr: 2.0000e-02 eta: 1 day, 12:58:00 time: 0.9681 data_time: 0.0276 memory: 9812 grad_norm: 3.0545 loss: 2.8801 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6823 distill.loss_dist: 1.1978 2023/05/14 12:59:26 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 12:59:26 - mmengine - INFO - Epoch(train) [19][1879/1879] lr: 2.0000e-02 eta: 1 day, 12:57:26 time: 0.7924 data_time: 0.0223 memory: 9812 grad_norm: 3.1944 loss: 2.8647 student.top1_acc: 0.2857 student.top5_acc: 0.5714 student.loss_cls: 1.6680 distill.loss_dist: 1.1967 2023/05/14 12:59:46 - mmengine - INFO - Epoch(val) [19][ 20/155] eta: 0:02:10 time: 0.9641 data_time: 0.8977 memory: 1484 2023/05/14 12:59:59 - mmengine - INFO - Epoch(val) [19][ 40/155] eta: 0:01:35 time: 0.6886 data_time: 0.6258 memory: 1484 2023/05/14 13:00:18 - mmengine - INFO - Epoch(val) [19][ 60/155] eta: 0:01:21 time: 0.9105 data_time: 0.8461 memory: 1484 2023/05/14 13:00:32 - mmengine - INFO - Epoch(val) [19][ 80/155] eta: 0:01:01 time: 0.7079 data_time: 0.6405 memory: 1484 2023/05/14 13:00:50 - mmengine - INFO - Epoch(val) [19][100/155] eta: 0:00:45 time: 0.8940 data_time: 0.8302 memory: 1484 2023/05/14 13:01:04 - mmengine - INFO - Epoch(val) [19][120/155] eta: 0:00:28 time: 0.7340 data_time: 0.6724 memory: 1484 2023/05/14 13:01:23 - mmengine - INFO - Epoch(val) [19][140/155] eta: 0:00:12 time: 0.9181 data_time: 0.8542 memory: 1484 2023/05/14 13:01:53 - mmengine - INFO - Epoch(val) [19][ 20/155] eta: 0:16:16 time: 0.9887 data_time: 0.8362 memory: 1582 2023/05/14 13:02:07 - mmengine - INFO - Epoch(val) [19][ 40/155] eta: 0:07:35 time: 0.6887 data_time: 0.5337 memory: 1582 2023/05/14 13:02:25 - mmengine - INFO - Epoch(val) [19][ 60/155] eta: 0:04:39 time: 0.9194 data_time: 0.7664 memory: 1582 2023/05/14 13:02:39 - mmengine - INFO - Epoch(val) [19][ 80/155] eta: 0:02:58 time: 0.6831 data_time: 0.5282 memory: 1582 2023/05/14 13:02:58 - mmengine - INFO - Epoch(val) [19][100/155] eta: 0:01:55 time: 0.9355 data_time: 0.7799 memory: 1582 2023/05/14 13:03:11 - mmengine - INFO - Epoch(val) [19][120/155] eta: 0:01:04 time: 0.6797 data_time: 0.5278 memory: 1582 2023/05/14 13:03:32 - mmengine - INFO - Epoch(val) [19][140/155] eta: 0:00:26 time: 1.0295 data_time: 0.8768 memory: 1582 2023/05/14 13:03:43 - mmengine - INFO - Epoch(val) [19][155/155] acc/top1: 0.5994 acc/top5: 0.8334 acc/mean1: 0.5993 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6622 time: 0.8139 2023/05/14 13:03:43 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_18.pth is removed 2023/05/14 13:03:44 - mmengine - INFO - The best checkpoint with 0.5994 acc/top1 at 19 epoch is saved to best_acc_top1_epoch_19.pth. 2023/05/14 13:04:06 - mmengine - INFO - Epoch(train) [20][ 20/1879] lr: 2.0000e-02 eta: 1 day, 12:57:28 time: 1.1059 data_time: 0.6825 memory: 9812 grad_norm: 3.0581 loss: 2.8781 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6754 distill.loss_dist: 1.2027 2023/05/14 13:04:23 - mmengine - INFO - Epoch(train) [20][ 40/1879] lr: 2.0000e-02 eta: 1 day, 12:57:05 time: 0.8036 data_time: 0.3434 memory: 9812 grad_norm: 3.0308 loss: 2.8332 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6450 distill.loss_dist: 1.1882 2023/05/14 13:04:40 - mmengine - INFO - Epoch(train) [20][ 60/1879] lr: 2.0000e-02 eta: 1 day, 12:56:46 time: 0.8563 data_time: 0.0865 memory: 9812 grad_norm: 3.0408 loss: 2.9006 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7285 distill.loss_dist: 1.1721 2023/05/14 13:04:58 - mmengine - INFO - Epoch(train) [20][ 80/1879] lr: 2.0000e-02 eta: 1 day, 12:56:30 time: 0.8918 data_time: 0.0274 memory: 9812 grad_norm: 3.0381 loss: 3.0559 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8475 distill.loss_dist: 1.2084 2023/05/14 13:05:16 - mmengine - INFO - Epoch(train) [20][ 100/1879] lr: 2.0000e-02 eta: 1 day, 12:56:15 time: 0.9108 data_time: 0.0247 memory: 9812 grad_norm: 3.0491 loss: 2.9486 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7697 distill.loss_dist: 1.1789 2023/05/14 13:05:31 - mmengine - INFO - Epoch(train) [20][ 120/1879] lr: 2.0000e-02 eta: 1 day, 12:55:48 time: 0.7635 data_time: 0.0266 memory: 9812 grad_norm: 3.1710 loss: 3.0035 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8106 distill.loss_dist: 1.1929 2023/05/14 13:05:50 - mmengine - INFO - Epoch(train) [20][ 140/1879] lr: 2.0000e-02 eta: 1 day, 12:55:39 time: 0.9669 data_time: 0.0701 memory: 9812 grad_norm: 3.0693 loss: 2.7868 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6189 distill.loss_dist: 1.1679 2023/05/14 13:06:07 - mmengine - INFO - Epoch(train) [20][ 160/1879] lr: 2.0000e-02 eta: 1 day, 12:55:19 time: 0.8459 data_time: 0.0267 memory: 9812 grad_norm: 3.0706 loss: 2.9306 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7126 distill.loss_dist: 1.2179 2023/05/14 13:06:24 - mmengine - INFO - Epoch(train) [20][ 180/1879] lr: 2.0000e-02 eta: 1 day, 12:55:00 time: 0.8539 data_time: 0.0259 memory: 9812 grad_norm: 3.1354 loss: 2.8181 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6268 distill.loss_dist: 1.1913 2023/05/14 13:06:44 - mmengine - INFO - Epoch(train) [20][ 200/1879] lr: 2.0000e-02 eta: 1 day, 12:54:51 time: 0.9801 data_time: 0.0253 memory: 9812 grad_norm: 3.0681 loss: 2.8529 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6650 distill.loss_dist: 1.1879 2023/05/14 13:07:00 - mmengine - INFO - Epoch(train) [20][ 220/1879] lr: 2.0000e-02 eta: 1 day, 12:54:26 time: 0.7828 data_time: 0.0280 memory: 9812 grad_norm: 3.1423 loss: 2.8792 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 1.6634 distill.loss_dist: 1.2159 2023/05/14 13:07:17 - mmengine - INFO - Epoch(train) [20][ 240/1879] lr: 2.0000e-02 eta: 1 day, 12:54:08 time: 0.8703 data_time: 0.0254 memory: 9812 grad_norm: 3.1544 loss: 2.8989 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6885 distill.loss_dist: 1.2104 2023/05/14 13:07:36 - mmengine - INFO - Epoch(train) [20][ 260/1879] lr: 2.0000e-02 eta: 1 day, 12:53:56 time: 0.9334 data_time: 0.0250 memory: 9812 grad_norm: 3.0783 loss: 2.9476 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7594 distill.loss_dist: 1.1882 2023/05/14 13:07:52 - mmengine - INFO - Epoch(train) [20][ 280/1879] lr: 2.0000e-02 eta: 1 day, 12:53:32 time: 0.8057 data_time: 0.0257 memory: 9812 grad_norm: 3.0624 loss: 2.6234 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4803 distill.loss_dist: 1.1431 2023/05/14 13:08:08 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 13:08:08 - mmengine - INFO - Epoch(train) [20][ 300/1879] lr: 2.0000e-02 eta: 1 day, 12:53:09 time: 0.8104 data_time: 0.0267 memory: 9812 grad_norm: 3.1484 loss: 2.9248 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7150 distill.loss_dist: 1.2098 2023/05/14 13:08:28 - mmengine - INFO - Epoch(train) [20][ 320/1879] lr: 2.0000e-02 eta: 1 day, 12:53:02 time: 0.9991 data_time: 0.0284 memory: 9812 grad_norm: 3.0718 loss: 2.8212 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.6427 distill.loss_dist: 1.1785 2023/05/14 13:08:43 - mmengine - INFO - Epoch(train) [20][ 340/1879] lr: 2.0000e-02 eta: 1 day, 12:52:35 time: 0.7599 data_time: 0.0289 memory: 9812 grad_norm: 3.1333 loss: 3.0049 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8069 distill.loss_dist: 1.1980 2023/05/14 13:09:00 - mmengine - INFO - Epoch(train) [20][ 360/1879] lr: 2.0000e-02 eta: 1 day, 12:52:13 time: 0.8191 data_time: 0.0291 memory: 9812 grad_norm: 3.1421 loss: 2.8526 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.6459 distill.loss_dist: 1.2067 2023/05/14 13:09:18 - mmengine - INFO - Epoch(train) [20][ 380/1879] lr: 2.0000e-02 eta: 1 day, 12:52:00 time: 0.9227 data_time: 0.0288 memory: 9812 grad_norm: 3.1155 loss: 2.7609 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5824 distill.loss_dist: 1.1785 2023/05/14 13:09:36 - mmengine - INFO - Epoch(train) [20][ 400/1879] lr: 2.0000e-02 eta: 1 day, 12:51:43 time: 0.8835 data_time: 0.0275 memory: 9812 grad_norm: 3.0894 loss: 3.0164 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.8035 distill.loss_dist: 1.2129 2023/05/14 13:09:53 - mmengine - INFO - Epoch(train) [20][ 420/1879] lr: 2.0000e-02 eta: 1 day, 12:51:23 time: 0.8415 data_time: 0.0411 memory: 9812 grad_norm: 3.1396 loss: 2.9282 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7418 distill.loss_dist: 1.1864 2023/05/14 13:10:10 - mmengine - INFO - Epoch(train) [20][ 440/1879] lr: 2.0000e-02 eta: 1 day, 12:51:07 time: 0.8904 data_time: 0.0413 memory: 9812 grad_norm: 3.0866 loss: 3.0103 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 1.7855 distill.loss_dist: 1.2248 2023/05/14 13:10:27 - mmengine - INFO - Epoch(train) [20][ 460/1879] lr: 2.0000e-02 eta: 1 day, 12:50:47 time: 0.8453 data_time: 0.0296 memory: 9812 grad_norm: 3.1119 loss: 3.0314 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8190 distill.loss_dist: 1.2124 2023/05/14 13:10:45 - mmengine - INFO - Epoch(train) [20][ 480/1879] lr: 2.0000e-02 eta: 1 day, 12:50:29 time: 0.8689 data_time: 0.0239 memory: 9812 grad_norm: 3.0919 loss: 2.9496 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.7423 distill.loss_dist: 1.2073 2023/05/14 13:11:04 - mmengine - INFO - Epoch(train) [20][ 500/1879] lr: 2.0000e-02 eta: 1 day, 12:50:21 time: 0.9839 data_time: 0.1242 memory: 9812 grad_norm: 3.0714 loss: 2.8727 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.6817 distill.loss_dist: 1.1910 2023/05/14 13:11:19 - mmengine - INFO - Epoch(train) [20][ 520/1879] lr: 2.0000e-02 eta: 1 day, 12:49:53 time: 0.7494 data_time: 0.0787 memory: 9812 grad_norm: 3.1377 loss: 3.0264 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.8328 distill.loss_dist: 1.1935 2023/05/14 13:11:36 - mmengine - INFO - Epoch(train) [20][ 540/1879] lr: 2.0000e-02 eta: 1 day, 12:49:32 time: 0.8371 data_time: 0.1337 memory: 9812 grad_norm: 3.0325 loss: 2.8102 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6163 distill.loss_dist: 1.1940 2023/05/14 13:11:56 - mmengine - INFO - Epoch(train) [20][ 560/1879] lr: 2.0000e-02 eta: 1 day, 12:49:23 time: 0.9801 data_time: 0.2739 memory: 9812 grad_norm: 3.1236 loss: 2.9964 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7653 distill.loss_dist: 1.2311 2023/05/14 13:12:14 - mmengine - INFO - Epoch(train) [20][ 580/1879] lr: 2.0000e-02 eta: 1 day, 12:49:07 time: 0.8904 data_time: 0.3845 memory: 9812 grad_norm: 3.0280 loss: 2.8581 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6553 distill.loss_dist: 1.2028 2023/05/14 13:12:30 - mmengine - INFO - Epoch(train) [20][ 600/1879] lr: 2.0000e-02 eta: 1 day, 12:48:45 time: 0.8114 data_time: 0.3857 memory: 9812 grad_norm: 3.2223 loss: 2.7897 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6193 distill.loss_dist: 1.1704 2023/05/14 13:12:46 - mmengine - INFO - Epoch(train) [20][ 620/1879] lr: 2.0000e-02 eta: 1 day, 12:48:21 time: 0.7968 data_time: 0.3746 memory: 9812 grad_norm: 3.0958 loss: 2.7915 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6144 distill.loss_dist: 1.1771 2023/05/14 13:13:04 - mmengine - INFO - Epoch(train) [20][ 640/1879] lr: 2.0000e-02 eta: 1 day, 12:48:06 time: 0.9120 data_time: 0.4526 memory: 9812 grad_norm: 3.1253 loss: 2.8905 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7083 distill.loss_dist: 1.1822 2023/05/14 13:13:20 - mmengine - INFO - Epoch(train) [20][ 660/1879] lr: 2.0000e-02 eta: 1 day, 12:47:43 time: 0.8010 data_time: 0.1709 memory: 9812 grad_norm: 3.1658 loss: 2.9327 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7387 distill.loss_dist: 1.1939 2023/05/14 13:13:38 - mmengine - INFO - Epoch(train) [20][ 680/1879] lr: 2.0000e-02 eta: 1 day, 12:47:28 time: 0.9110 data_time: 0.0280 memory: 9812 grad_norm: 3.1344 loss: 3.0449 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8183 distill.loss_dist: 1.2266 2023/05/14 13:13:55 - mmengine - INFO - Epoch(train) [20][ 700/1879] lr: 2.0000e-02 eta: 1 day, 12:47:07 time: 0.8237 data_time: 0.0358 memory: 9812 grad_norm: 3.0778 loss: 3.0583 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8442 distill.loss_dist: 1.2140 2023/05/14 13:14:14 - mmengine - INFO - Epoch(train) [20][ 720/1879] lr: 2.0000e-02 eta: 1 day, 12:46:55 time: 0.9385 data_time: 0.0735 memory: 9812 grad_norm: 3.0356 loss: 2.6939 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5156 distill.loss_dist: 1.1783 2023/05/14 13:14:30 - mmengine - INFO - Epoch(train) [20][ 740/1879] lr: 2.0000e-02 eta: 1 day, 12:46:34 time: 0.8374 data_time: 0.0436 memory: 9812 grad_norm: 3.1299 loss: 2.8203 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6275 distill.loss_dist: 1.1927 2023/05/14 13:14:48 - mmengine - INFO - Epoch(train) [20][ 760/1879] lr: 2.0000e-02 eta: 1 day, 12:46:16 time: 0.8641 data_time: 0.0285 memory: 9812 grad_norm: 3.0586 loss: 2.6925 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5175 distill.loss_dist: 1.1750 2023/05/14 13:15:06 - mmengine - INFO - Epoch(train) [20][ 780/1879] lr: 2.0000e-02 eta: 1 day, 12:46:01 time: 0.9116 data_time: 0.0233 memory: 9812 grad_norm: 3.1319 loss: 2.9043 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7049 distill.loss_dist: 1.1994 2023/05/14 13:15:22 - mmengine - INFO - Epoch(train) [20][ 800/1879] lr: 2.0000e-02 eta: 1 day, 12:45:39 time: 0.8197 data_time: 0.0271 memory: 9812 grad_norm: 3.0551 loss: 2.7951 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6129 distill.loss_dist: 1.1821 2023/05/14 13:15:39 - mmengine - INFO - Epoch(train) [20][ 820/1879] lr: 2.0000e-02 eta: 1 day, 12:45:20 time: 0.8465 data_time: 0.0888 memory: 9812 grad_norm: 3.0815 loss: 2.8662 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6748 distill.loss_dist: 1.1914 2023/05/14 13:15:58 - mmengine - INFO - Epoch(train) [20][ 840/1879] lr: 2.0000e-02 eta: 1 day, 12:45:09 time: 0.9537 data_time: 0.0273 memory: 9812 grad_norm: 3.0673 loss: 3.0316 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.8253 distill.loss_dist: 1.2063 2023/05/14 13:16:15 - mmengine - INFO - Epoch(train) [20][ 860/1879] lr: 2.0000e-02 eta: 1 day, 12:44:49 time: 0.8493 data_time: 0.0260 memory: 9812 grad_norm: 3.0627 loss: 2.8833 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6901 distill.loss_dist: 1.1932 2023/05/14 13:16:32 - mmengine - INFO - Epoch(train) [20][ 880/1879] lr: 2.0000e-02 eta: 1 day, 12:44:28 time: 0.8328 data_time: 0.0279 memory: 9812 grad_norm: 3.1030 loss: 2.8850 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6881 distill.loss_dist: 1.1969 2023/05/14 13:16:50 - mmengine - INFO - Epoch(train) [20][ 900/1879] lr: 2.0000e-02 eta: 1 day, 12:44:14 time: 0.9144 data_time: 0.0298 memory: 9812 grad_norm: 3.0920 loss: 2.8534 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6906 distill.loss_dist: 1.1628 2023/05/14 13:17:06 - mmengine - INFO - Epoch(train) [20][ 920/1879] lr: 2.0000e-02 eta: 1 day, 12:43:51 time: 0.8107 data_time: 0.0260 memory: 9812 grad_norm: 3.1162 loss: 2.8217 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.6429 distill.loss_dist: 1.1788 2023/05/14 13:17:23 - mmengine - INFO - Epoch(train) [20][ 940/1879] lr: 2.0000e-02 eta: 1 day, 12:43:28 time: 0.8084 data_time: 0.0279 memory: 9812 grad_norm: 3.1377 loss: 2.9589 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7563 distill.loss_dist: 1.2026 2023/05/14 13:17:42 - mmengine - INFO - Epoch(train) [20][ 960/1879] lr: 2.0000e-02 eta: 1 day, 12:43:18 time: 0.9575 data_time: 0.0783 memory: 9812 grad_norm: 2.9862 loss: 2.9385 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7480 distill.loss_dist: 1.1905 2023/05/14 13:17:58 - mmengine - INFO - Epoch(train) [20][ 980/1879] lr: 2.0000e-02 eta: 1 day, 12:42:54 time: 0.8019 data_time: 0.1331 memory: 9812 grad_norm: 3.1030 loss: 2.9728 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.7805 distill.loss_dist: 1.1923 2023/05/14 13:18:15 - mmengine - INFO - Epoch(train) [20][1000/1879] lr: 2.0000e-02 eta: 1 day, 12:42:35 time: 0.8461 data_time: 0.1440 memory: 9812 grad_norm: 3.0712 loss: 2.7858 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6000 distill.loss_dist: 1.1858 2023/05/14 13:18:33 - mmengine - INFO - Epoch(train) [20][1020/1879] lr: 2.0000e-02 eta: 1 day, 12:42:21 time: 0.9158 data_time: 0.0277 memory: 9812 grad_norm: 3.1209 loss: 2.9228 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7090 distill.loss_dist: 1.2138 2023/05/14 13:18:51 - mmengine - INFO - Epoch(train) [20][1040/1879] lr: 2.0000e-02 eta: 1 day, 12:42:03 time: 0.8707 data_time: 0.0295 memory: 9812 grad_norm: 3.1386 loss: 3.1663 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.9388 distill.loss_dist: 1.2275 2023/05/14 13:19:09 - mmengine - INFO - Epoch(train) [20][1060/1879] lr: 2.0000e-02 eta: 1 day, 12:41:49 time: 0.9195 data_time: 0.0255 memory: 9812 grad_norm: 3.1394 loss: 2.9239 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7453 distill.loss_dist: 1.1786 2023/05/14 13:19:26 - mmengine - INFO - Epoch(train) [20][1080/1879] lr: 2.0000e-02 eta: 1 day, 12:41:30 time: 0.8544 data_time: 0.0256 memory: 9812 grad_norm: 3.0540 loss: 2.9287 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7270 distill.loss_dist: 1.2018 2023/05/14 13:19:43 - mmengine - INFO - Epoch(train) [20][1100/1879] lr: 2.0000e-02 eta: 1 day, 12:41:10 time: 0.8407 data_time: 0.0299 memory: 9812 grad_norm: 3.0623 loss: 2.8565 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6650 distill.loss_dist: 1.1915 2023/05/14 13:20:01 - mmengine - INFO - Epoch(train) [20][1120/1879] lr: 2.0000e-02 eta: 1 day, 12:40:57 time: 0.9314 data_time: 0.0240 memory: 9812 grad_norm: 3.0559 loss: 3.0193 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8109 distill.loss_dist: 1.2084 2023/05/14 13:20:18 - mmengine - INFO - Epoch(train) [20][1140/1879] lr: 2.0000e-02 eta: 1 day, 12:40:37 time: 0.8497 data_time: 0.0259 memory: 9812 grad_norm: 3.0654 loss: 2.9268 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7598 distill.loss_dist: 1.1669 2023/05/14 13:20:35 - mmengine - INFO - Epoch(train) [20][1160/1879] lr: 2.0000e-02 eta: 1 day, 12:40:17 time: 0.8378 data_time: 0.0283 memory: 9812 grad_norm: 3.0772 loss: 2.7350 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5642 distill.loss_dist: 1.1709 2023/05/14 13:20:52 - mmengine - INFO - Epoch(train) [20][1180/1879] lr: 2.0000e-02 eta: 1 day, 12:39:55 time: 0.8211 data_time: 0.0286 memory: 9812 grad_norm: 3.0960 loss: 2.8931 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6965 distill.loss_dist: 1.1966 2023/05/14 13:21:10 - mmengine - INFO - Epoch(train) [20][1200/1879] lr: 2.0000e-02 eta: 1 day, 12:39:42 time: 0.9251 data_time: 0.0250 memory: 9812 grad_norm: 3.0028 loss: 2.9553 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7776 distill.loss_dist: 1.1777 2023/05/14 13:21:25 - mmengine - INFO - Epoch(train) [20][1220/1879] lr: 2.0000e-02 eta: 1 day, 12:39:15 time: 0.7542 data_time: 0.0254 memory: 9812 grad_norm: 3.0380 loss: 3.0746 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8579 distill.loss_dist: 1.2167 2023/05/14 13:21:44 - mmengine - INFO - Epoch(train) [20][1240/1879] lr: 2.0000e-02 eta: 1 day, 12:39:02 time: 0.9290 data_time: 0.0275 memory: 9812 grad_norm: 3.0924 loss: 2.9793 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7746 distill.loss_dist: 1.2047 2023/05/14 13:22:02 - mmengine - INFO - Epoch(train) [20][1260/1879] lr: 2.0000e-02 eta: 1 day, 12:38:47 time: 0.9104 data_time: 0.0270 memory: 9812 grad_norm: 3.0610 loss: 3.1046 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8529 distill.loss_dist: 1.2518 2023/05/14 13:22:18 - mmengine - INFO - Epoch(train) [20][1280/1879] lr: 2.0000e-02 eta: 1 day, 12:38:22 time: 0.7781 data_time: 0.0263 memory: 9812 grad_norm: 3.0686 loss: 3.0562 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8315 distill.loss_dist: 1.2247 2023/05/14 13:22:36 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 13:22:36 - mmengine - INFO - Epoch(train) [20][1300/1879] lr: 2.0000e-02 eta: 1 day, 12:38:09 time: 0.9257 data_time: 0.0268 memory: 9812 grad_norm: 3.0438 loss: 2.8146 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6374 distill.loss_dist: 1.1772 2023/05/14 13:22:53 - mmengine - INFO - Epoch(train) [20][1320/1879] lr: 2.0000e-02 eta: 1 day, 12:37:49 time: 0.8500 data_time: 0.0288 memory: 9812 grad_norm: 3.0951 loss: 2.9530 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.7456 distill.loss_dist: 1.2073 2023/05/14 13:23:09 - mmengine - INFO - Epoch(train) [20][1340/1879] lr: 2.0000e-02 eta: 1 day, 12:37:27 time: 0.8138 data_time: 0.0299 memory: 9812 grad_norm: 3.1077 loss: 2.9184 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6962 distill.loss_dist: 1.2223 2023/05/14 13:23:26 - mmengine - INFO - Epoch(train) [20][1360/1879] lr: 2.0000e-02 eta: 1 day, 12:37:06 time: 0.8336 data_time: 0.0274 memory: 9812 grad_norm: 3.0587 loss: 2.9400 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7565 distill.loss_dist: 1.1834 2023/05/14 13:23:45 - mmengine - INFO - Epoch(train) [20][1380/1879] lr: 2.0000e-02 eta: 1 day, 12:36:53 time: 0.9334 data_time: 0.0275 memory: 9812 grad_norm: 3.1503 loss: 3.0149 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8146 distill.loss_dist: 1.2003 2023/05/14 13:24:02 - mmengine - INFO - Epoch(train) [20][1400/1879] lr: 2.0000e-02 eta: 1 day, 12:36:34 time: 0.8528 data_time: 0.0257 memory: 9812 grad_norm: 3.1627 loss: 2.9536 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7663 distill.loss_dist: 1.1872 2023/05/14 13:24:19 - mmengine - INFO - Epoch(train) [20][1420/1879] lr: 2.0000e-02 eta: 1 day, 12:36:15 time: 0.8547 data_time: 0.0272 memory: 9812 grad_norm: 3.0125 loss: 3.0221 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8130 distill.loss_dist: 1.2091 2023/05/14 13:24:37 - mmengine - INFO - Epoch(train) [20][1440/1879] lr: 2.0000e-02 eta: 1 day, 12:35:58 time: 0.8793 data_time: 0.0258 memory: 9812 grad_norm: 3.0086 loss: 2.9119 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.7278 distill.loss_dist: 1.1841 2023/05/14 13:24:54 - mmengine - INFO - Epoch(train) [20][1460/1879] lr: 2.0000e-02 eta: 1 day, 12:35:41 time: 0.8775 data_time: 0.0298 memory: 9812 grad_norm: 3.1426 loss: 3.0124 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8041 distill.loss_dist: 1.2083 2023/05/14 13:25:12 - mmengine - INFO - Epoch(train) [20][1480/1879] lr: 2.0000e-02 eta: 1 day, 12:35:25 time: 0.8941 data_time: 0.0254 memory: 9812 grad_norm: 3.2134 loss: 3.0957 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.8709 distill.loss_dist: 1.2248 2023/05/14 13:25:28 - mmengine - INFO - Epoch(train) [20][1500/1879] lr: 2.0000e-02 eta: 1 day, 12:35:02 time: 0.8108 data_time: 0.0267 memory: 9812 grad_norm: 3.1104 loss: 3.1016 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8775 distill.loss_dist: 1.2241 2023/05/14 13:25:45 - mmengine - INFO - Epoch(train) [20][1520/1879] lr: 2.0000e-02 eta: 1 day, 12:34:43 time: 0.8452 data_time: 0.0252 memory: 9812 grad_norm: 3.1092 loss: 3.0771 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.8384 distill.loss_dist: 1.2387 2023/05/14 13:26:04 - mmengine - INFO - Epoch(train) [20][1540/1879] lr: 2.0000e-02 eta: 1 day, 12:34:30 time: 0.9288 data_time: 0.0270 memory: 9812 grad_norm: 3.1078 loss: 2.8958 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6919 distill.loss_dist: 1.2039 2023/05/14 13:26:20 - mmengine - INFO - Epoch(train) [20][1560/1879] lr: 2.0000e-02 eta: 1 day, 12:34:06 time: 0.7998 data_time: 0.0328 memory: 9812 grad_norm: 3.0908 loss: 2.8408 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6622 distill.loss_dist: 1.1786 2023/05/14 13:26:37 - mmengine - INFO - Epoch(train) [20][1580/1879] lr: 2.0000e-02 eta: 1 day, 12:33:49 time: 0.8741 data_time: 0.0226 memory: 9812 grad_norm: 3.1165 loss: 2.9438 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7530 distill.loss_dist: 1.1909 2023/05/14 13:26:56 - mmengine - INFO - Epoch(train) [20][1600/1879] lr: 2.0000e-02 eta: 1 day, 12:33:36 time: 0.9316 data_time: 0.0257 memory: 9812 grad_norm: 3.0500 loss: 3.0276 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8376 distill.loss_dist: 1.1900 2023/05/14 13:27:12 - mmengine - INFO - Epoch(train) [20][1620/1879] lr: 2.0000e-02 eta: 1 day, 12:33:12 time: 0.7903 data_time: 0.0288 memory: 9812 grad_norm: 3.0276 loss: 2.7032 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.5375 distill.loss_dist: 1.1657 2023/05/14 13:27:28 - mmengine - INFO - Epoch(train) [20][1640/1879] lr: 2.0000e-02 eta: 1 day, 12:32:51 time: 0.8401 data_time: 0.0883 memory: 9812 grad_norm: 3.0659 loss: 2.8129 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.6240 distill.loss_dist: 1.1890 2023/05/14 13:27:46 - mmengine - INFO - Epoch(train) [20][1660/1879] lr: 2.0000e-02 eta: 1 day, 12:32:35 time: 0.8939 data_time: 0.1062 memory: 9812 grad_norm: 3.1261 loss: 2.9872 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7962 distill.loss_dist: 1.1911 2023/05/14 13:28:05 - mmengine - INFO - Epoch(train) [20][1680/1879] lr: 2.0000e-02 eta: 1 day, 12:32:21 time: 0.9153 data_time: 0.0278 memory: 9812 grad_norm: 3.0849 loss: 3.0739 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8739 distill.loss_dist: 1.2000 2023/05/14 13:28:21 - mmengine - INFO - Epoch(train) [20][1700/1879] lr: 2.0000e-02 eta: 1 day, 12:31:59 time: 0.8092 data_time: 0.0290 memory: 9812 grad_norm: 3.0238 loss: 2.9417 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7575 distill.loss_dist: 1.1842 2023/05/14 13:28:40 - mmengine - INFO - Epoch(train) [20][1720/1879] lr: 2.0000e-02 eta: 1 day, 12:31:50 time: 0.9800 data_time: 0.0309 memory: 9812 grad_norm: 3.1017 loss: 2.8776 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.7242 distill.loss_dist: 1.1534 2023/05/14 13:28:57 - mmengine - INFO - Epoch(train) [20][1740/1879] lr: 2.0000e-02 eta: 1 day, 12:31:27 time: 0.8139 data_time: 0.0283 memory: 9812 grad_norm: 3.0960 loss: 2.9297 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7301 distill.loss_dist: 1.1996 2023/05/14 13:29:15 - mmengine - INFO - Epoch(train) [20][1760/1879] lr: 2.0000e-02 eta: 1 day, 12:31:12 time: 0.9009 data_time: 0.0299 memory: 9812 grad_norm: 3.0533 loss: 3.0104 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.8061 distill.loss_dist: 1.2043 2023/05/14 13:29:32 - mmengine - INFO - Epoch(train) [20][1780/1879] lr: 2.0000e-02 eta: 1 day, 12:30:54 time: 0.8673 data_time: 0.0299 memory: 9812 grad_norm: 3.0602 loss: 2.7613 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6076 distill.loss_dist: 1.1538 2023/05/14 13:29:48 - mmengine - INFO - Epoch(train) [20][1800/1879] lr: 2.0000e-02 eta: 1 day, 12:30:31 time: 0.8054 data_time: 0.0282 memory: 9812 grad_norm: 3.1115 loss: 2.9789 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7660 distill.loss_dist: 1.2129 2023/05/14 13:30:07 - mmengine - INFO - Epoch(train) [20][1820/1879] lr: 2.0000e-02 eta: 1 day, 12:30:17 time: 0.9143 data_time: 0.0230 memory: 9812 grad_norm: 3.0953 loss: 2.9357 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7560 distill.loss_dist: 1.1797 2023/05/14 13:30:22 - mmengine - INFO - Epoch(train) [20][1840/1879] lr: 2.0000e-02 eta: 1 day, 12:29:53 time: 0.7974 data_time: 0.0278 memory: 9812 grad_norm: 3.1123 loss: 2.8166 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6475 distill.loss_dist: 1.1691 2023/05/14 13:30:39 - mmengine - INFO - Epoch(train) [20][1860/1879] lr: 2.0000e-02 eta: 1 day, 12:29:33 time: 0.8389 data_time: 0.0250 memory: 9812 grad_norm: 3.0482 loss: 2.9024 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7346 distill.loss_dist: 1.1678 2023/05/14 13:30:53 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 13:30:53 - mmengine - INFO - Epoch(train) [20][1879/1879] lr: 2.0000e-02 eta: 1 day, 12:29:06 time: 0.7206 data_time: 0.0214 memory: 9812 grad_norm: 3.1849 loss: 3.0384 student.top1_acc: 0.7143 student.top5_acc: 0.7143 student.loss_cls: 1.8403 distill.loss_dist: 1.1981 2023/05/14 13:31:13 - mmengine - INFO - Epoch(val) [20][ 20/155] eta: 0:02:13 time: 0.9909 data_time: 0.9281 memory: 1484 2023/05/14 13:31:26 - mmengine - INFO - Epoch(val) [20][ 40/155] eta: 0:01:34 time: 0.6600 data_time: 0.5977 memory: 1484 2023/05/14 13:31:45 - mmengine - INFO - Epoch(val) [20][ 60/155] eta: 0:01:21 time: 0.9198 data_time: 0.8513 memory: 1484 2023/05/14 13:31:58 - mmengine - INFO - Epoch(val) [20][ 80/155] eta: 0:01:00 time: 0.6650 data_time: 0.6026 memory: 1484 2023/05/14 13:32:17 - mmengine - INFO - Epoch(val) [20][100/155] eta: 0:00:46 time: 0.9584 data_time: 0.8933 memory: 1484 2023/05/14 13:32:30 - mmengine - INFO - Epoch(val) [20][120/155] eta: 0:00:28 time: 0.6620 data_time: 0.5988 memory: 1484 2023/05/14 13:32:50 - mmengine - INFO - Epoch(val) [20][140/155] eta: 0:00:12 time: 0.9693 data_time: 0.9046 memory: 1484 2023/05/14 13:33:21 - mmengine - INFO - Epoch(val) [20][ 20/155] eta: 0:16:18 time: 1.0041 data_time: 0.8509 memory: 1582 2023/05/14 13:33:36 - mmengine - INFO - Epoch(val) [20][ 40/155] eta: 0:07:38 time: 0.7327 data_time: 0.5799 memory: 1582 2023/05/14 13:33:54 - mmengine - INFO - Epoch(val) [20][ 60/155] eta: 0:04:41 time: 0.9162 data_time: 0.7648 memory: 1582 2023/05/14 13:34:07 - mmengine - INFO - Epoch(val) [20][ 80/155] eta: 0:02:59 time: 0.6584 data_time: 0.5059 memory: 1582 2023/05/14 13:34:26 - mmengine - INFO - Epoch(val) [20][100/155] eta: 0:01:55 time: 0.9159 data_time: 0.7627 memory: 1582 2023/05/14 13:34:40 - mmengine - INFO - Epoch(val) [20][120/155] eta: 0:01:05 time: 0.7242 data_time: 0.5698 memory: 1582 2023/05/14 13:35:00 - mmengine - INFO - Epoch(val) [20][140/155] eta: 0:00:26 time: 0.9727 data_time: 0.8151 memory: 1582 2023/05/14 13:35:10 - mmengine - INFO - Epoch(val) [20][155/155] acc/top1: 0.6025 acc/top5: 0.8351 acc/mean1: 0.6025 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6628 time: 0.8146 2023/05/14 13:35:10 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_19.pth is removed 2023/05/14 13:35:11 - mmengine - INFO - The best checkpoint with 0.6025 acc/top1 at 20 epoch is saved to best_acc_top1_epoch_20.pth. 2023/05/14 13:35:32 - mmengine - INFO - Epoch(train) [21][ 20/1879] lr: 2.0000e-02 eta: 1 day, 12:29:03 time: 1.0527 data_time: 0.6148 memory: 9812 grad_norm: 2.9705 loss: 2.6659 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5150 distill.loss_dist: 1.1508 2023/05/14 13:35:48 - mmengine - INFO - Epoch(train) [21][ 40/1879] lr: 2.0000e-02 eta: 1 day, 12:28:40 time: 0.8048 data_time: 0.3247 memory: 9812 grad_norm: 3.0662 loss: 2.9669 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7577 distill.loss_dist: 1.2092 2023/05/14 13:36:05 - mmengine - INFO - Epoch(train) [21][ 60/1879] lr: 2.0000e-02 eta: 1 day, 12:28:19 time: 0.8397 data_time: 0.2248 memory: 9812 grad_norm: 3.0769 loss: 2.7111 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5400 distill.loss_dist: 1.1711 2023/05/14 13:36:24 - mmengine - INFO - Epoch(train) [21][ 80/1879] lr: 2.0000e-02 eta: 1 day, 12:28:08 time: 0.9514 data_time: 0.1426 memory: 9812 grad_norm: 3.1117 loss: 2.8731 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6446 distill.loss_dist: 1.2285 2023/05/14 13:36:41 - mmengine - INFO - Epoch(train) [21][ 100/1879] lr: 2.0000e-02 eta: 1 day, 12:27:46 time: 0.8215 data_time: 0.0976 memory: 9812 grad_norm: 3.1255 loss: 3.0986 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.9236 distill.loss_dist: 1.1749 2023/05/14 13:36:58 - mmengine - INFO - Epoch(train) [21][ 120/1879] lr: 2.0000e-02 eta: 1 day, 12:27:29 time: 0.8752 data_time: 0.0236 memory: 9812 grad_norm: 2.9977 loss: 2.7629 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5906 distill.loss_dist: 1.1723 2023/05/14 13:37:17 - mmengine - INFO - Epoch(train) [21][ 140/1879] lr: 2.0000e-02 eta: 1 day, 12:27:17 time: 0.9437 data_time: 0.0295 memory: 9812 grad_norm: 3.1046 loss: 2.9248 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7305 distill.loss_dist: 1.1943 2023/05/14 13:37:34 - mmengine - INFO - Epoch(train) [21][ 160/1879] lr: 2.0000e-02 eta: 1 day, 12:26:58 time: 0.8575 data_time: 0.0290 memory: 9812 grad_norm: 3.0492 loss: 2.8184 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6309 distill.loss_dist: 1.1875 2023/05/14 13:37:50 - mmengine - INFO - Epoch(train) [21][ 180/1879] lr: 2.0000e-02 eta: 1 day, 12:26:32 time: 0.7666 data_time: 0.0263 memory: 9812 grad_norm: 3.0801 loss: 2.9415 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7387 distill.loss_dist: 1.2029 2023/05/14 13:38:09 - mmengine - INFO - Epoch(train) [21][ 200/1879] lr: 2.0000e-02 eta: 1 day, 12:26:23 time: 0.9761 data_time: 0.0292 memory: 9812 grad_norm: 3.0932 loss: 2.9476 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.7455 distill.loss_dist: 1.2021 2023/05/14 13:38:27 - mmengine - INFO - Epoch(train) [21][ 220/1879] lr: 2.0000e-02 eta: 1 day, 12:26:06 time: 0.8751 data_time: 0.0278 memory: 9812 grad_norm: 3.0921 loss: 2.9178 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7374 distill.loss_dist: 1.1804 2023/05/14 13:38:42 - mmengine - INFO - Epoch(train) [21][ 240/1879] lr: 2.0000e-02 eta: 1 day, 12:25:39 time: 0.7566 data_time: 0.0259 memory: 9812 grad_norm: 3.0606 loss: 2.8689 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.6909 distill.loss_dist: 1.1780 2023/05/14 13:39:01 - mmengine - INFO - Epoch(train) [21][ 260/1879] lr: 2.0000e-02 eta: 1 day, 12:25:29 time: 0.9666 data_time: 0.0285 memory: 9812 grad_norm: 3.0577 loss: 2.8484 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6680 distill.loss_dist: 1.1805 2023/05/14 13:39:17 - mmengine - INFO - Epoch(train) [21][ 280/1879] lr: 2.0000e-02 eta: 1 day, 12:25:04 time: 0.7840 data_time: 0.0282 memory: 9812 grad_norm: 3.0413 loss: 2.9766 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7705 distill.loss_dist: 1.2060 2023/05/14 13:39:33 - mmengine - INFO - Epoch(train) [21][ 300/1879] lr: 2.0000e-02 eta: 1 day, 12:24:42 time: 0.8100 data_time: 0.0927 memory: 9812 grad_norm: 3.0998 loss: 2.9296 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7216 distill.loss_dist: 1.2080 2023/05/14 13:39:53 - mmengine - INFO - Epoch(train) [21][ 320/1879] lr: 2.0000e-02 eta: 1 day, 12:24:33 time: 0.9813 data_time: 0.1525 memory: 9812 grad_norm: 3.0748 loss: 2.9435 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7380 distill.loss_dist: 1.2055 2023/05/14 13:40:09 - mmengine - INFO - Epoch(train) [21][ 340/1879] lr: 2.0000e-02 eta: 1 day, 12:24:12 time: 0.8348 data_time: 0.1677 memory: 9812 grad_norm: 3.0749 loss: 2.9517 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.7588 distill.loss_dist: 1.1929 2023/05/14 13:40:28 - mmengine - INFO - Epoch(train) [21][ 360/1879] lr: 2.0000e-02 eta: 1 day, 12:23:58 time: 0.9220 data_time: 0.3027 memory: 9812 grad_norm: 3.0597 loss: 2.8640 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6714 distill.loss_dist: 1.1926 2023/05/14 13:40:45 - mmengine - INFO - Epoch(train) [21][ 380/1879] lr: 2.0000e-02 eta: 1 day, 12:23:41 time: 0.8794 data_time: 0.4479 memory: 9812 grad_norm: 3.1110 loss: 2.6775 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5148 distill.loss_dist: 1.1627 2023/05/14 13:41:02 - mmengine - INFO - Epoch(train) [21][ 400/1879] lr: 2.0000e-02 eta: 1 day, 12:23:20 time: 0.8176 data_time: 0.3872 memory: 9812 grad_norm: 3.1268 loss: 2.9670 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7558 distill.loss_dist: 1.2112 2023/05/14 13:41:20 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 13:41:20 - mmengine - INFO - Epoch(train) [21][ 420/1879] lr: 2.0000e-02 eta: 1 day, 12:23:04 time: 0.9001 data_time: 0.4702 memory: 9812 grad_norm: 3.0629 loss: 2.9754 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.7781 distill.loss_dist: 1.1973 2023/05/14 13:41:36 - mmengine - INFO - Epoch(train) [21][ 440/1879] lr: 2.0000e-02 eta: 1 day, 12:22:42 time: 0.8204 data_time: 0.3836 memory: 9812 grad_norm: 3.1050 loss: 3.0485 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.8321 distill.loss_dist: 1.2164 2023/05/14 13:41:52 - mmengine - INFO - Epoch(train) [21][ 460/1879] lr: 2.0000e-02 eta: 1 day, 12:22:17 time: 0.7744 data_time: 0.3363 memory: 9812 grad_norm: 3.0892 loss: 2.9271 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7300 distill.loss_dist: 1.1971 2023/05/14 13:42:11 - mmengine - INFO - Epoch(train) [21][ 480/1879] lr: 2.0000e-02 eta: 1 day, 12:22:06 time: 0.9584 data_time: 0.4435 memory: 9812 grad_norm: 3.1247 loss: 2.8709 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6846 distill.loss_dist: 1.1863 2023/05/14 13:42:28 - mmengine - INFO - Epoch(train) [21][ 500/1879] lr: 2.0000e-02 eta: 1 day, 12:21:47 time: 0.8455 data_time: 0.0781 memory: 9812 grad_norm: 3.0794 loss: 3.0740 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8656 distill.loss_dist: 1.2083 2023/05/14 13:42:45 - mmengine - INFO - Epoch(train) [21][ 520/1879] lr: 2.0000e-02 eta: 1 day, 12:21:27 time: 0.8458 data_time: 0.0254 memory: 9812 grad_norm: 3.1154 loss: 3.0420 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.8385 distill.loss_dist: 1.2035 2023/05/14 13:43:04 - mmengine - INFO - Epoch(train) [21][ 540/1879] lr: 2.0000e-02 eta: 1 day, 12:21:18 time: 0.9798 data_time: 0.0300 memory: 9812 grad_norm: 3.1580 loss: 2.9898 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7817 distill.loss_dist: 1.2080 2023/05/14 13:43:21 - mmengine - INFO - Epoch(train) [21][ 560/1879] lr: 2.0000e-02 eta: 1 day, 12:20:59 time: 0.8563 data_time: 0.0244 memory: 9812 grad_norm: 3.0178 loss: 2.8879 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7120 distill.loss_dist: 1.1759 2023/05/14 13:43:37 - mmengine - INFO - Epoch(train) [21][ 580/1879] lr: 2.0000e-02 eta: 1 day, 12:20:35 time: 0.7953 data_time: 0.0254 memory: 9812 grad_norm: 3.0285 loss: 2.9973 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8021 distill.loss_dist: 1.1952 2023/05/14 13:43:57 - mmengine - INFO - Epoch(train) [21][ 600/1879] lr: 2.0000e-02 eta: 1 day, 12:20:26 time: 0.9752 data_time: 0.0277 memory: 9812 grad_norm: 3.1401 loss: 2.8259 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6345 distill.loss_dist: 1.1915 2023/05/14 13:44:13 - mmengine - INFO - Epoch(train) [21][ 620/1879] lr: 2.0000e-02 eta: 1 day, 12:20:05 time: 0.8269 data_time: 0.0250 memory: 9812 grad_norm: 3.1231 loss: 2.8945 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.7347 distill.loss_dist: 1.1598 2023/05/14 13:44:29 - mmengine - INFO - Epoch(train) [21][ 640/1879] lr: 2.0000e-02 eta: 1 day, 12:19:39 time: 0.7639 data_time: 0.1422 memory: 9812 grad_norm: 3.0489 loss: 3.2330 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 2.0013 distill.loss_dist: 1.2317 2023/05/14 13:44:48 - mmengine - INFO - Epoch(train) [21][ 660/1879] lr: 2.0000e-02 eta: 1 day, 12:19:27 time: 0.9515 data_time: 0.4580 memory: 9812 grad_norm: 2.9414 loss: 2.8525 student.top1_acc: 0.2500 student.top5_acc: 0.8125 student.loss_cls: 1.6841 distill.loss_dist: 1.1684 2023/05/14 13:45:05 - mmengine - INFO - Epoch(train) [21][ 680/1879] lr: 2.0000e-02 eta: 1 day, 12:19:08 time: 0.8523 data_time: 0.3693 memory: 9812 grad_norm: 3.1689 loss: 2.9320 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7132 distill.loss_dist: 1.2188 2023/05/14 13:45:21 - mmengine - INFO - Epoch(train) [21][ 700/1879] lr: 2.0000e-02 eta: 1 day, 12:18:44 time: 0.7904 data_time: 0.3448 memory: 9812 grad_norm: 3.1056 loss: 2.9405 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7171 distill.loss_dist: 1.2235 2023/05/14 13:45:40 - mmengine - INFO - Epoch(train) [21][ 720/1879] lr: 2.0000e-02 eta: 1 day, 12:18:34 time: 0.9669 data_time: 0.5134 memory: 9812 grad_norm: 3.1183 loss: 2.9235 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7089 distill.loss_dist: 1.2146 2023/05/14 13:45:57 - mmengine - INFO - Epoch(train) [21][ 740/1879] lr: 2.0000e-02 eta: 1 day, 12:18:14 time: 0.8445 data_time: 0.3683 memory: 9812 grad_norm: 3.0555 loss: 2.8495 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6326 distill.loss_dist: 1.2170 2023/05/14 13:46:14 - mmengine - INFO - Epoch(train) [21][ 760/1879] lr: 2.0000e-02 eta: 1 day, 12:17:55 time: 0.8544 data_time: 0.3957 memory: 9812 grad_norm: 3.0131 loss: 2.8918 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7223 distill.loss_dist: 1.1695 2023/05/14 13:46:33 - mmengine - INFO - Epoch(train) [21][ 780/1879] lr: 2.0000e-02 eta: 1 day, 12:17:43 time: 0.9411 data_time: 0.4691 memory: 9812 grad_norm: 3.0668 loss: 2.9579 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7548 distill.loss_dist: 1.2031 2023/05/14 13:46:50 - mmengine - INFO - Epoch(train) [21][ 800/1879] lr: 2.0000e-02 eta: 1 day, 12:17:25 time: 0.8653 data_time: 0.4183 memory: 9812 grad_norm: 3.0442 loss: 3.0830 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8630 distill.loss_dist: 1.2200 2023/05/14 13:47:05 - mmengine - INFO - Epoch(train) [21][ 820/1879] lr: 2.0000e-02 eta: 1 day, 12:16:59 time: 0.7621 data_time: 0.3140 memory: 9812 grad_norm: 3.0648 loss: 2.7467 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5418 distill.loss_dist: 1.2049 2023/05/14 13:47:24 - mmengine - INFO - Epoch(train) [21][ 840/1879] lr: 2.0000e-02 eta: 1 day, 12:16:44 time: 0.9118 data_time: 0.4448 memory: 9812 grad_norm: 3.0744 loss: 2.8335 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6433 distill.loss_dist: 1.1902 2023/05/14 13:47:42 - mmengine - INFO - Epoch(train) [21][ 860/1879] lr: 2.0000e-02 eta: 1 day, 12:16:31 time: 0.9328 data_time: 0.2302 memory: 9812 grad_norm: 3.0645 loss: 3.0765 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.8517 distill.loss_dist: 1.2248 2023/05/14 13:47:59 - mmengine - INFO - Epoch(train) [21][ 880/1879] lr: 2.0000e-02 eta: 1 day, 12:16:11 time: 0.8340 data_time: 0.0283 memory: 9812 grad_norm: 3.0955 loss: 2.9745 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7806 distill.loss_dist: 1.1939 2023/05/14 13:48:15 - mmengine - INFO - Epoch(train) [21][ 900/1879] lr: 2.0000e-02 eta: 1 day, 12:15:49 time: 0.8152 data_time: 0.0579 memory: 9812 grad_norm: 3.1031 loss: 2.8962 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6864 distill.loss_dist: 1.2098 2023/05/14 13:48:33 - mmengine - INFO - Epoch(train) [21][ 920/1879] lr: 2.0000e-02 eta: 1 day, 12:15:34 time: 0.9125 data_time: 0.0263 memory: 9812 grad_norm: 3.0437 loss: 2.9639 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7583 distill.loss_dist: 1.2056 2023/05/14 13:48:49 - mmengine - INFO - Epoch(train) [21][ 940/1879] lr: 2.0000e-02 eta: 1 day, 12:15:08 time: 0.7621 data_time: 0.0248 memory: 9812 grad_norm: 3.0610 loss: 2.7049 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5439 distill.loss_dist: 1.1610 2023/05/14 13:49:07 - mmengine - INFO - Epoch(train) [21][ 960/1879] lr: 2.0000e-02 eta: 1 day, 12:14:53 time: 0.9103 data_time: 0.0239 memory: 9812 grad_norm: 3.0719 loss: 2.9821 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8254 distill.loss_dist: 1.1567 2023/05/14 13:49:25 - mmengine - INFO - Epoch(train) [21][ 980/1879] lr: 2.0000e-02 eta: 1 day, 12:14:38 time: 0.8973 data_time: 0.0248 memory: 9812 grad_norm: 3.0734 loss: 2.9936 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8024 distill.loss_dist: 1.1912 2023/05/14 13:49:42 - mmengine - INFO - Epoch(train) [21][1000/1879] lr: 2.0000e-02 eta: 1 day, 12:14:19 time: 0.8551 data_time: 0.0294 memory: 9812 grad_norm: 3.1138 loss: 2.9879 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.7827 distill.loss_dist: 1.2053 2023/05/14 13:50:00 - mmengine - INFO - Epoch(train) [21][1020/1879] lr: 2.0000e-02 eta: 1 day, 12:14:05 time: 0.9178 data_time: 0.0305 memory: 9812 grad_norm: 3.0478 loss: 3.1468 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 1.9349 distill.loss_dist: 1.2119 2023/05/14 13:50:18 - mmengine - INFO - Epoch(train) [21][1040/1879] lr: 2.0000e-02 eta: 1 day, 12:13:47 time: 0.8639 data_time: 0.0209 memory: 9812 grad_norm: 3.0842 loss: 2.9652 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7752 distill.loss_dist: 1.1900 2023/05/14 13:50:34 - mmengine - INFO - Epoch(train) [21][1060/1879] lr: 2.0000e-02 eta: 1 day, 12:13:26 time: 0.8293 data_time: 0.0260 memory: 9812 grad_norm: 3.0870 loss: 2.8914 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7224 distill.loss_dist: 1.1690 2023/05/14 13:50:52 - mmengine - INFO - Epoch(train) [21][1080/1879] lr: 2.0000e-02 eta: 1 day, 12:13:09 time: 0.8860 data_time: 0.0262 memory: 9812 grad_norm: 3.1412 loss: 2.9738 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.7780 distill.loss_dist: 1.1958 2023/05/14 13:51:09 - mmengine - INFO - Epoch(train) [21][1100/1879] lr: 2.0000e-02 eta: 1 day, 12:12:50 time: 0.8558 data_time: 0.0259 memory: 9812 grad_norm: 3.1031 loss: 2.9434 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7640 distill.loss_dist: 1.1795 2023/05/14 13:51:25 - mmengine - INFO - Epoch(train) [21][1120/1879] lr: 2.0000e-02 eta: 1 day, 12:12:27 time: 0.8017 data_time: 0.0284 memory: 9812 grad_norm: 3.1047 loss: 2.8083 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6366 distill.loss_dist: 1.1718 2023/05/14 13:51:42 - mmengine - INFO - Epoch(train) [21][1140/1879] lr: 2.0000e-02 eta: 1 day, 12:12:06 time: 0.8312 data_time: 0.0270 memory: 9812 grad_norm: 2.9549 loss: 2.6342 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5047 distill.loss_dist: 1.1295 2023/05/14 13:52:00 - mmengine - INFO - Epoch(train) [21][1160/1879] lr: 2.0000e-02 eta: 1 day, 12:11:53 time: 0.9218 data_time: 0.0248 memory: 9812 grad_norm: 3.0578 loss: 2.6728 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4940 distill.loss_dist: 1.1788 2023/05/14 13:52:17 - mmengine - INFO - Epoch(train) [21][1180/1879] lr: 2.0000e-02 eta: 1 day, 12:11:31 time: 0.8187 data_time: 0.0267 memory: 9812 grad_norm: 3.0298 loss: 2.7980 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.6135 distill.loss_dist: 1.1844 2023/05/14 13:52:34 - mmengine - INFO - Epoch(train) [21][1200/1879] lr: 2.0000e-02 eta: 1 day, 12:11:13 time: 0.8725 data_time: 0.0243 memory: 9812 grad_norm: 3.0891 loss: 2.7845 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5965 distill.loss_dist: 1.1881 2023/05/14 13:52:52 - mmengine - INFO - Epoch(train) [21][1220/1879] lr: 2.0000e-02 eta: 1 day, 12:11:00 time: 0.9206 data_time: 0.0273 memory: 9812 grad_norm: 3.1026 loss: 2.9217 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7320 distill.loss_dist: 1.1897 2023/05/14 13:53:10 - mmengine - INFO - Epoch(train) [21][1240/1879] lr: 2.0000e-02 eta: 1 day, 12:10:42 time: 0.8694 data_time: 0.0289 memory: 9812 grad_norm: 3.0443 loss: 2.9509 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7336 distill.loss_dist: 1.2173 2023/05/14 13:53:27 - mmengine - INFO - Epoch(train) [21][1260/1879] lr: 2.0000e-02 eta: 1 day, 12:10:23 time: 0.8561 data_time: 0.0230 memory: 9812 grad_norm: 3.1442 loss: 2.9488 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7579 distill.loss_dist: 1.1909 2023/05/14 13:53:46 - mmengine - INFO - Epoch(train) [21][1280/1879] lr: 2.0000e-02 eta: 1 day, 12:10:10 time: 0.9281 data_time: 0.0590 memory: 9812 grad_norm: 3.0689 loss: 3.0614 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8237 distill.loss_dist: 1.2377 2023/05/14 13:54:01 - mmengine - INFO - Epoch(train) [21][1300/1879] lr: 2.0000e-02 eta: 1 day, 12:09:46 time: 0.7918 data_time: 0.1344 memory: 9812 grad_norm: 3.1049 loss: 3.2122 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 2.0131 distill.loss_dist: 1.1991 2023/05/14 13:54:18 - mmengine - INFO - Epoch(train) [21][1320/1879] lr: 2.0000e-02 eta: 1 day, 12:09:24 time: 0.8201 data_time: 0.1805 memory: 9812 grad_norm: 3.1132 loss: 2.8815 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6839 distill.loss_dist: 1.1976 2023/05/14 13:54:37 - mmengine - INFO - Epoch(train) [21][1340/1879] lr: 2.0000e-02 eta: 1 day, 12:09:15 time: 0.9819 data_time: 0.1666 memory: 9812 grad_norm: 3.0824 loss: 3.0994 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8946 distill.loss_dist: 1.2048 2023/05/14 13:54:53 - mmengine - INFO - Epoch(train) [21][1360/1879] lr: 2.0000e-02 eta: 1 day, 12:08:50 time: 0.7782 data_time: 0.1217 memory: 9812 grad_norm: 2.9964 loss: 2.8592 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6955 distill.loss_dist: 1.1638 2023/05/14 13:55:10 - mmengine - INFO - Epoch(train) [21][1380/1879] lr: 2.0000e-02 eta: 1 day, 12:08:32 time: 0.8611 data_time: 0.1182 memory: 9812 grad_norm: 3.0805 loss: 2.9040 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7123 distill.loss_dist: 1.1917 2023/05/14 13:55:30 - mmengine - INFO - Epoch(train) [21][1400/1879] lr: 2.0000e-02 eta: 1 day, 12:08:23 time: 0.9889 data_time: 0.0272 memory: 9812 grad_norm: 3.0617 loss: 2.8322 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6493 distill.loss_dist: 1.1829 2023/05/14 13:55:46 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 13:55:46 - mmengine - INFO - Epoch(train) [21][1420/1879] lr: 2.0000e-02 eta: 1 day, 12:08:01 time: 0.8108 data_time: 0.1053 memory: 9812 grad_norm: 3.1215 loss: 2.9261 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7175 distill.loss_dist: 1.2086 2023/05/14 13:56:02 - mmengine - INFO - Epoch(train) [21][1440/1879] lr: 2.0000e-02 eta: 1 day, 12:07:36 time: 0.7730 data_time: 0.2078 memory: 9812 grad_norm: 3.0305 loss: 3.0004 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8003 distill.loss_dist: 1.2002 2023/05/14 13:56:20 - mmengine - INFO - Epoch(train) [21][1460/1879] lr: 2.0000e-02 eta: 1 day, 12:07:23 time: 0.9340 data_time: 0.2860 memory: 9812 grad_norm: 3.0434 loss: 2.8748 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6986 distill.loss_dist: 1.1762 2023/05/14 13:56:37 - mmengine - INFO - Epoch(train) [21][1480/1879] lr: 2.0000e-02 eta: 1 day, 12:07:02 time: 0.8254 data_time: 0.0710 memory: 9812 grad_norm: 3.0557 loss: 2.6680 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5079 distill.loss_dist: 1.1601 2023/05/14 13:56:54 - mmengine - INFO - Epoch(train) [21][1500/1879] lr: 2.0000e-02 eta: 1 day, 12:06:41 time: 0.8298 data_time: 0.0248 memory: 9812 grad_norm: 3.0929 loss: 2.9020 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.7130 distill.loss_dist: 1.1889 2023/05/14 13:57:13 - mmengine - INFO - Epoch(train) [21][1520/1879] lr: 2.0000e-02 eta: 1 day, 12:06:31 time: 0.9665 data_time: 0.0300 memory: 9812 grad_norm: 2.9990 loss: 3.0063 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7973 distill.loss_dist: 1.2090 2023/05/14 13:57:30 - mmengine - INFO - Epoch(train) [21][1540/1879] lr: 2.0000e-02 eta: 1 day, 12:06:11 time: 0.8388 data_time: 0.0243 memory: 9812 grad_norm: 3.0545 loss: 2.7064 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.5195 distill.loss_dist: 1.1869 2023/05/14 13:57:45 - mmengine - INFO - Epoch(train) [21][1560/1879] lr: 2.0000e-02 eta: 1 day, 12:05:44 time: 0.7519 data_time: 0.0244 memory: 9812 grad_norm: 3.0710 loss: 2.8859 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.7043 distill.loss_dist: 1.1816 2023/05/14 13:58:03 - mmengine - INFO - Epoch(train) [21][1580/1879] lr: 2.0000e-02 eta: 1 day, 12:05:31 time: 0.9379 data_time: 0.0653 memory: 9812 grad_norm: 3.0875 loss: 2.8132 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6228 distill.loss_dist: 1.1904 2023/05/14 13:58:21 - mmengine - INFO - Epoch(train) [21][1600/1879] lr: 2.0000e-02 eta: 1 day, 12:05:14 time: 0.8832 data_time: 0.0838 memory: 9812 grad_norm: 3.0775 loss: 3.1073 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8737 distill.loss_dist: 1.2336 2023/05/14 13:58:38 - mmengine - INFO - Epoch(train) [21][1620/1879] lr: 2.0000e-02 eta: 1 day, 12:04:56 time: 0.8603 data_time: 0.0514 memory: 9812 grad_norm: 3.0407 loss: 3.0122 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7994 distill.loss_dist: 1.2128 2023/05/14 13:58:55 - mmengine - INFO - Epoch(train) [21][1640/1879] lr: 2.0000e-02 eta: 1 day, 12:04:37 time: 0.8487 data_time: 0.0708 memory: 9812 grad_norm: 3.0621 loss: 3.0821 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8388 distill.loss_dist: 1.2433 2023/05/14 13:59:12 - mmengine - INFO - Epoch(train) [21][1660/1879] lr: 2.0000e-02 eta: 1 day, 12:04:16 time: 0.8318 data_time: 0.0952 memory: 9812 grad_norm: 3.0388 loss: 2.9521 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7606 distill.loss_dist: 1.1915 2023/05/14 13:59:30 - mmengine - INFO - Epoch(train) [21][1680/1879] lr: 2.0000e-02 eta: 1 day, 12:04:02 time: 0.9177 data_time: 0.3197 memory: 9812 grad_norm: 3.0475 loss: 2.9002 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7281 distill.loss_dist: 1.1720 2023/05/14 13:59:47 - mmengine - INFO - Epoch(train) [21][1700/1879] lr: 2.0000e-02 eta: 1 day, 12:03:43 time: 0.8529 data_time: 0.1188 memory: 9812 grad_norm: 3.0696 loss: 3.0303 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.8398 distill.loss_dist: 1.1905 2023/05/14 14:00:04 - mmengine - INFO - Epoch(train) [21][1720/1879] lr: 2.0000e-02 eta: 1 day, 12:03:22 time: 0.8295 data_time: 0.3381 memory: 9812 grad_norm: 2.9927 loss: 2.6998 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5304 distill.loss_dist: 1.1695 2023/05/14 14:00:24 - mmengine - INFO - Epoch(train) [21][1740/1879] lr: 2.0000e-02 eta: 1 day, 12:03:12 time: 0.9771 data_time: 0.3946 memory: 9812 grad_norm: 3.0255 loss: 2.7498 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5853 distill.loss_dist: 1.1645 2023/05/14 14:00:41 - mmengine - INFO - Epoch(train) [21][1760/1879] lr: 2.0000e-02 eta: 1 day, 12:02:54 time: 0.8571 data_time: 0.2192 memory: 9812 grad_norm: 3.0101 loss: 3.0002 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.7839 distill.loss_dist: 1.2162 2023/05/14 14:00:58 - mmengine - INFO - Epoch(train) [21][1780/1879] lr: 2.0000e-02 eta: 1 day, 12:02:35 time: 0.8525 data_time: 0.0620 memory: 9812 grad_norm: 3.0009 loss: 2.6772 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.5180 distill.loss_dist: 1.1592 2023/05/14 14:01:16 - mmengine - INFO - Epoch(train) [21][1800/1879] lr: 2.0000e-02 eta: 1 day, 12:02:18 time: 0.8879 data_time: 0.2743 memory: 9812 grad_norm: 3.1125 loss: 3.1670 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.9559 distill.loss_dist: 1.2111 2023/05/14 14:01:34 - mmengine - INFO - Epoch(train) [21][1820/1879] lr: 2.0000e-02 eta: 1 day, 12:02:03 time: 0.8999 data_time: 0.4570 memory: 9812 grad_norm: 3.1707 loss: 2.8846 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6936 distill.loss_dist: 1.1910 2023/05/14 14:01:50 - mmengine - INFO - Epoch(train) [21][1840/1879] lr: 2.0000e-02 eta: 1 day, 12:01:42 time: 0.8353 data_time: 0.3504 memory: 9812 grad_norm: 3.0801 loss: 2.9238 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.7381 distill.loss_dist: 1.1857 2023/05/14 14:02:07 - mmengine - INFO - Epoch(train) [21][1860/1879] lr: 2.0000e-02 eta: 1 day, 12:01:21 time: 0.8149 data_time: 0.3114 memory: 9812 grad_norm: 3.1041 loss: 2.9436 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7608 distill.loss_dist: 1.1828 2023/05/14 14:02:20 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 14:02:20 - mmengine - INFO - Epoch(train) [21][1879/1879] lr: 2.0000e-02 eta: 1 day, 12:00:52 time: 0.7284 data_time: 0.2645 memory: 9812 grad_norm: 3.1462 loss: 2.9305 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.7458 distill.loss_dist: 1.1847 2023/05/14 14:02:20 - mmengine - INFO - Saving checkpoint at 21 epochs 2023/05/14 14:02:41 - mmengine - INFO - Epoch(val) [21][ 20/155] eta: 0:02:14 time: 0.9953 data_time: 0.9339 memory: 1484 2023/05/14 14:02:55 - mmengine - INFO - Epoch(val) [21][ 40/155] eta: 0:01:36 time: 0.6754 data_time: 0.6114 memory: 1484 2023/05/14 14:03:13 - mmengine - INFO - Epoch(val) [21][ 60/155] eta: 0:01:22 time: 0.9363 data_time: 0.8717 memory: 1484 2023/05/14 14:03:27 - mmengine - INFO - Epoch(val) [21][ 80/155] eta: 0:01:01 time: 0.6773 data_time: 0.6154 memory: 1484 2023/05/14 14:03:47 - mmengine - INFO - Epoch(val) [21][100/155] eta: 0:00:46 time: 0.9874 data_time: 0.9259 memory: 1484 2023/05/14 14:03:59 - mmengine - INFO - Epoch(val) [21][120/155] eta: 0:00:28 time: 0.6282 data_time: 0.5650 memory: 1484 2023/05/14 14:04:19 - mmengine - INFO - Epoch(val) [21][140/155] eta: 0:00:12 time: 0.9747 data_time: 0.9098 memory: 1484 2023/05/14 14:04:48 - mmengine - INFO - Epoch(val) [21][ 20/155] eta: 0:16:16 time: 1.0103 data_time: 0.8550 memory: 1582 2023/05/14 14:05:01 - mmengine - INFO - Epoch(val) [21][ 40/155] eta: 0:07:34 time: 0.6665 data_time: 0.5107 memory: 1582 2023/05/14 14:05:20 - mmengine - INFO - Epoch(val) [21][ 60/155] eta: 0:04:39 time: 0.9383 data_time: 0.7876 memory: 1582 2023/05/14 14:05:34 - mmengine - INFO - Epoch(val) [21][ 80/155] eta: 0:02:59 time: 0.7274 data_time: 0.5707 memory: 1582 2023/05/14 14:05:53 - mmengine - INFO - Epoch(val) [21][100/155] eta: 0:01:55 time: 0.9376 data_time: 0.7863 memory: 1582 2023/05/14 14:06:06 - mmengine - INFO - Epoch(val) [21][120/155] eta: 0:01:05 time: 0.6782 data_time: 0.5302 memory: 1582 2023/05/14 14:06:27 - mmengine - INFO - Epoch(val) [21][140/155] eta: 0:00:26 time: 1.0148 data_time: 0.8613 memory: 1582 2023/05/14 14:06:36 - mmengine - INFO - Epoch(val) [21][155/155] acc/top1: 0.6034 acc/top5: 0.8356 acc/mean1: 0.6034 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6664 time: 0.8175 2023/05/14 14:06:36 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_20.pth is removed 2023/05/14 14:06:38 - mmengine - INFO - The best checkpoint with 0.6034 acc/top1 at 21 epoch is saved to best_acc_top1_epoch_21.pth. 2023/05/14 14:06:58 - mmengine - INFO - Epoch(train) [22][ 20/1879] lr: 2.0000e-02 eta: 1 day, 12:00:47 time: 1.0380 data_time: 0.5561 memory: 9812 grad_norm: 3.0473 loss: 2.8521 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6547 distill.loss_dist: 1.1974 2023/05/14 14:07:15 - mmengine - INFO - Epoch(train) [22][ 40/1879] lr: 2.0000e-02 eta: 1 day, 12:00:26 time: 0.8199 data_time: 0.2708 memory: 9812 grad_norm: 3.0716 loss: 2.8443 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6545 distill.loss_dist: 1.1898 2023/05/14 14:07:31 - mmengine - INFO - Epoch(train) [22][ 60/1879] lr: 2.0000e-02 eta: 1 day, 12:00:04 time: 0.8211 data_time: 0.1456 memory: 9812 grad_norm: 3.0240 loss: 2.6937 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.5207 distill.loss_dist: 1.1731 2023/05/14 14:07:50 - mmengine - INFO - Epoch(train) [22][ 80/1879] lr: 2.0000e-02 eta: 1 day, 11:59:53 time: 0.9508 data_time: 0.2657 memory: 9812 grad_norm: 3.0467 loss: 2.8274 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6619 distill.loss_dist: 1.1655 2023/05/14 14:08:06 - mmengine - INFO - Epoch(train) [22][ 100/1879] lr: 2.0000e-02 eta: 1 day, 11:59:29 time: 0.7925 data_time: 0.2287 memory: 9812 grad_norm: 3.0866 loss: 2.7714 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5841 distill.loss_dist: 1.1873 2023/05/14 14:08:23 - mmengine - INFO - Epoch(train) [22][ 120/1879] lr: 2.0000e-02 eta: 1 day, 11:59:11 time: 0.8646 data_time: 0.2662 memory: 9812 grad_norm: 3.0901 loss: 2.7936 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6166 distill.loss_dist: 1.1770 2023/05/14 14:08:41 - mmengine - INFO - Epoch(train) [22][ 140/1879] lr: 2.0000e-02 eta: 1 day, 11:58:54 time: 0.8773 data_time: 0.0784 memory: 9812 grad_norm: 3.0927 loss: 2.7164 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5404 distill.loss_dist: 1.1760 2023/05/14 14:08:59 - mmengine - INFO - Epoch(train) [22][ 160/1879] lr: 2.0000e-02 eta: 1 day, 11:58:40 time: 0.9251 data_time: 0.0297 memory: 9812 grad_norm: 3.0694 loss: 2.9108 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7089 distill.loss_dist: 1.2019 2023/05/14 14:09:16 - mmengine - INFO - Epoch(train) [22][ 180/1879] lr: 2.0000e-02 eta: 1 day, 11:58:18 time: 0.8066 data_time: 0.0744 memory: 9812 grad_norm: 3.1393 loss: 2.9986 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.7993 distill.loss_dist: 1.1992 2023/05/14 14:09:33 - mmengine - INFO - Epoch(train) [22][ 200/1879] lr: 2.0000e-02 eta: 1 day, 11:58:02 time: 0.8948 data_time: 0.2656 memory: 9812 grad_norm: 3.0264 loss: 2.7901 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6339 distill.loss_dist: 1.1561 2023/05/14 14:09:50 - mmengine - INFO - Epoch(train) [22][ 220/1879] lr: 2.0000e-02 eta: 1 day, 11:57:41 time: 0.8353 data_time: 0.0721 memory: 9812 grad_norm: 3.0369 loss: 3.0497 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.8559 distill.loss_dist: 1.1938 2023/05/14 14:10:08 - mmengine - INFO - Epoch(train) [22][ 240/1879] lr: 2.0000e-02 eta: 1 day, 11:57:25 time: 0.8875 data_time: 0.0388 memory: 9812 grad_norm: 3.0457 loss: 2.9994 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.8232 distill.loss_dist: 1.1762 2023/05/14 14:10:26 - mmengine - INFO - Epoch(train) [22][ 260/1879] lr: 2.0000e-02 eta: 1 day, 11:57:08 time: 0.8772 data_time: 0.0272 memory: 9812 grad_norm: 3.0670 loss: 2.7716 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.5752 distill.loss_dist: 1.1963 2023/05/14 14:10:44 - mmengine - INFO - Epoch(train) [22][ 280/1879] lr: 2.0000e-02 eta: 1 day, 11:56:54 time: 0.9225 data_time: 0.0246 memory: 9812 grad_norm: 3.0727 loss: 2.8085 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6094 distill.loss_dist: 1.1991 2023/05/14 14:11:00 - mmengine - INFO - Epoch(train) [22][ 300/1879] lr: 2.0000e-02 eta: 1 day, 11:56:31 time: 0.8003 data_time: 0.0261 memory: 9812 grad_norm: 3.0181 loss: 2.7774 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.5971 distill.loss_dist: 1.1803 2023/05/14 14:11:18 - mmengine - INFO - Epoch(train) [22][ 320/1879] lr: 2.0000e-02 eta: 1 day, 11:56:16 time: 0.9043 data_time: 0.0267 memory: 9812 grad_norm: 3.0456 loss: 2.9936 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7933 distill.loss_dist: 1.2002 2023/05/14 14:11:36 - mmengine - INFO - Epoch(train) [22][ 340/1879] lr: 2.0000e-02 eta: 1 day, 11:56:02 time: 0.9174 data_time: 0.0296 memory: 9812 grad_norm: 3.0751 loss: 3.0425 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8314 distill.loss_dist: 1.2111 2023/05/14 14:11:53 - mmengine - INFO - Epoch(train) [22][ 360/1879] lr: 2.0000e-02 eta: 1 day, 11:55:41 time: 0.8296 data_time: 0.0286 memory: 9812 grad_norm: 3.0947 loss: 2.9763 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7858 distill.loss_dist: 1.1904 2023/05/14 14:12:11 - mmengine - INFO - Epoch(train) [22][ 380/1879] lr: 2.0000e-02 eta: 1 day, 11:55:24 time: 0.8796 data_time: 0.0276 memory: 9812 grad_norm: 2.9764 loss: 2.6143 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.4495 distill.loss_dist: 1.1647 2023/05/14 14:12:28 - mmengine - INFO - Epoch(train) [22][ 400/1879] lr: 2.0000e-02 eta: 1 day, 11:55:05 time: 0.8500 data_time: 0.0254 memory: 9812 grad_norm: 3.1070 loss: 2.8807 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7010 distill.loss_dist: 1.1797 2023/05/14 14:12:44 - mmengine - INFO - Epoch(train) [22][ 420/1879] lr: 2.0000e-02 eta: 1 day, 11:54:43 time: 0.8107 data_time: 0.0261 memory: 9812 grad_norm: 3.0060 loss: 2.8000 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6043 distill.loss_dist: 1.1957 2023/05/14 14:13:01 - mmengine - INFO - Epoch(train) [22][ 440/1879] lr: 2.0000e-02 eta: 1 day, 11:54:23 time: 0.8377 data_time: 0.0283 memory: 9812 grad_norm: 3.0886 loss: 2.8939 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7154 distill.loss_dist: 1.1785 2023/05/14 14:13:20 - mmengine - INFO - Epoch(train) [22][ 460/1879] lr: 2.0000e-02 eta: 1 day, 11:54:10 time: 0.9447 data_time: 0.0264 memory: 9812 grad_norm: 2.9734 loss: 2.6898 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.5327 distill.loss_dist: 1.1571 2023/05/14 14:13:37 - mmengine - INFO - Epoch(train) [22][ 480/1879] lr: 2.0000e-02 eta: 1 day, 11:53:54 time: 0.8856 data_time: 0.0256 memory: 9812 grad_norm: 3.0965 loss: 2.9425 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7565 distill.loss_dist: 1.1861 2023/05/14 14:13:54 - mmengine - INFO - Epoch(train) [22][ 500/1879] lr: 2.0000e-02 eta: 1 day, 11:53:33 time: 0.8228 data_time: 0.0254 memory: 9812 grad_norm: 3.0349 loss: 2.9707 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7771 distill.loss_dist: 1.1936 2023/05/14 14:14:13 - mmengine - INFO - Epoch(train) [22][ 520/1879] lr: 2.0000e-02 eta: 1 day, 11:53:21 time: 0.9478 data_time: 0.0253 memory: 9812 grad_norm: 3.0747 loss: 2.9411 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7360 distill.loss_dist: 1.2051 2023/05/14 14:14:29 - mmengine - INFO - Epoch(train) [22][ 540/1879] lr: 2.0000e-02 eta: 1 day, 11:53:01 time: 0.8381 data_time: 0.0269 memory: 9812 grad_norm: 3.1097 loss: 2.7302 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5555 distill.loss_dist: 1.1747 2023/05/14 14:14:30 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 14:14:46 - mmengine - INFO - Epoch(train) [22][ 560/1879] lr: 2.0000e-02 eta: 1 day, 11:52:39 time: 0.8248 data_time: 0.0258 memory: 9812 grad_norm: 3.0327 loss: 2.6887 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5312 distill.loss_dist: 1.1575 2023/05/14 14:15:04 - mmengine - INFO - Epoch(train) [22][ 580/1879] lr: 2.0000e-02 eta: 1 day, 11:52:25 time: 0.9174 data_time: 0.0263 memory: 9812 grad_norm: 3.0358 loss: 2.8628 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6951 distill.loss_dist: 1.1677 2023/05/14 14:15:21 - mmengine - INFO - Epoch(train) [22][ 600/1879] lr: 2.0000e-02 eta: 1 day, 11:52:05 time: 0.8402 data_time: 0.0294 memory: 9812 grad_norm: 3.1120 loss: 2.6867 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.5427 distill.loss_dist: 1.1439 2023/05/14 14:15:38 - mmengine - INFO - Epoch(train) [22][ 620/1879] lr: 2.0000e-02 eta: 1 day, 11:51:44 time: 0.8218 data_time: 0.0259 memory: 9812 grad_norm: 3.0054 loss: 2.9479 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7643 distill.loss_dist: 1.1837 2023/05/14 14:15:57 - mmengine - INFO - Epoch(train) [22][ 640/1879] lr: 2.0000e-02 eta: 1 day, 11:51:32 time: 0.9492 data_time: 0.0275 memory: 9812 grad_norm: 2.9857 loss: 2.8395 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6563 distill.loss_dist: 1.1832 2023/05/14 14:16:13 - mmengine - INFO - Epoch(train) [22][ 660/1879] lr: 2.0000e-02 eta: 1 day, 11:51:11 time: 0.8288 data_time: 0.0264 memory: 9812 grad_norm: 3.0651 loss: 2.9122 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7276 distill.loss_dist: 1.1847 2023/05/14 14:16:30 - mmengine - INFO - Epoch(train) [22][ 680/1879] lr: 2.0000e-02 eta: 1 day, 11:50:51 time: 0.8318 data_time: 0.0224 memory: 9812 grad_norm: 3.0415 loss: 3.0959 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8904 distill.loss_dist: 1.2056 2023/05/14 14:16:48 - mmengine - INFO - Epoch(train) [22][ 700/1879] lr: 2.0000e-02 eta: 1 day, 11:50:37 time: 0.9163 data_time: 0.0250 memory: 9812 grad_norm: 3.0969 loss: 2.8716 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6945 distill.loss_dist: 1.1771 2023/05/14 14:17:04 - mmengine - INFO - Epoch(train) [22][ 720/1879] lr: 2.0000e-02 eta: 1 day, 11:50:14 time: 0.8078 data_time: 0.0282 memory: 9812 grad_norm: 3.0506 loss: 2.9846 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.7885 distill.loss_dist: 1.1962 2023/05/14 14:17:20 - mmengine - INFO - Epoch(train) [22][ 740/1879] lr: 2.0000e-02 eta: 1 day, 11:49:51 time: 0.8000 data_time: 0.0256 memory: 9812 grad_norm: 3.0463 loss: 2.7193 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.5233 distill.loss_dist: 1.1960 2023/05/14 14:17:39 - mmengine - INFO - Epoch(train) [22][ 760/1879] lr: 2.0000e-02 eta: 1 day, 11:49:39 time: 0.9419 data_time: 0.0282 memory: 9812 grad_norm: 3.0537 loss: 2.8405 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6694 distill.loss_dist: 1.1712 2023/05/14 14:17:55 - mmengine - INFO - Epoch(train) [22][ 780/1879] lr: 2.0000e-02 eta: 1 day, 11:49:16 time: 0.7954 data_time: 0.0277 memory: 9812 grad_norm: 3.0383 loss: 2.8561 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6754 distill.loss_dist: 1.1806 2023/05/14 14:18:13 - mmengine - INFO - Epoch(train) [22][ 800/1879] lr: 2.0000e-02 eta: 1 day, 11:49:01 time: 0.9163 data_time: 0.0263 memory: 9812 grad_norm: 3.0946 loss: 2.7023 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5175 distill.loss_dist: 1.1848 2023/05/14 14:18:30 - mmengine - INFO - Epoch(train) [22][ 820/1879] lr: 2.0000e-02 eta: 1 day, 11:48:40 time: 0.8228 data_time: 0.0254 memory: 9812 grad_norm: 3.1598 loss: 2.8149 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6076 distill.loss_dist: 1.2073 2023/05/14 14:18:47 - mmengine - INFO - Epoch(train) [22][ 840/1879] lr: 2.0000e-02 eta: 1 day, 11:48:22 time: 0.8629 data_time: 0.0246 memory: 9812 grad_norm: 3.0620 loss: 3.0612 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8613 distill.loss_dist: 1.1999 2023/05/14 14:19:05 - mmengine - INFO - Epoch(train) [22][ 860/1879] lr: 2.0000e-02 eta: 1 day, 11:48:05 time: 0.8755 data_time: 0.0288 memory: 9812 grad_norm: 3.0272 loss: 2.9470 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7575 distill.loss_dist: 1.1895 2023/05/14 14:19:23 - mmengine - INFO - Epoch(train) [22][ 880/1879] lr: 2.0000e-02 eta: 1 day, 11:47:52 time: 0.9368 data_time: 0.0276 memory: 9812 grad_norm: 3.0289 loss: 2.9697 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7494 distill.loss_dist: 1.2203 2023/05/14 14:19:40 - mmengine - INFO - Epoch(train) [22][ 900/1879] lr: 2.0000e-02 eta: 1 day, 11:47:31 time: 0.8212 data_time: 0.0253 memory: 9812 grad_norm: 3.0449 loss: 2.9278 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7349 distill.loss_dist: 1.1929 2023/05/14 14:19:57 - mmengine - INFO - Epoch(train) [22][ 920/1879] lr: 2.0000e-02 eta: 1 day, 11:47:11 time: 0.8373 data_time: 0.0272 memory: 9812 grad_norm: 3.0713 loss: 2.8983 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7269 distill.loss_dist: 1.1714 2023/05/14 14:20:15 - mmengine - INFO - Epoch(train) [22][ 940/1879] lr: 2.0000e-02 eta: 1 day, 11:46:57 time: 0.9243 data_time: 0.0258 memory: 9812 grad_norm: 3.0213 loss: 2.9736 student.top1_acc: 0.2500 student.top5_acc: 0.5000 student.loss_cls: 1.7709 distill.loss_dist: 1.2028 2023/05/14 14:20:31 - mmengine - INFO - Epoch(train) [22][ 960/1879] lr: 2.0000e-02 eta: 1 day, 11:46:35 time: 0.8093 data_time: 0.0284 memory: 9812 grad_norm: 3.0226 loss: 2.8247 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6474 distill.loss_dist: 1.1773 2023/05/14 14:20:48 - mmengine - INFO - Epoch(train) [22][ 980/1879] lr: 2.0000e-02 eta: 1 day, 11:46:14 time: 0.8307 data_time: 0.0255 memory: 9812 grad_norm: 3.1144 loss: 3.0024 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.8022 distill.loss_dist: 1.2002 2023/05/14 14:21:06 - mmengine - INFO - Epoch(train) [22][1000/1879] lr: 2.0000e-02 eta: 1 day, 11:45:57 time: 0.8827 data_time: 0.0282 memory: 9812 grad_norm: 3.0481 loss: 2.8455 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6918 distill.loss_dist: 1.1537 2023/05/14 14:21:22 - mmengine - INFO - Epoch(train) [22][1020/1879] lr: 2.0000e-02 eta: 1 day, 11:45:38 time: 0.8433 data_time: 0.0258 memory: 9812 grad_norm: 3.0712 loss: 2.7939 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6297 distill.loss_dist: 1.1642 2023/05/14 14:21:42 - mmengine - INFO - Epoch(train) [22][1040/1879] lr: 2.0000e-02 eta: 1 day, 11:45:27 time: 0.9668 data_time: 0.0288 memory: 9812 grad_norm: 3.0948 loss: 3.0572 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8622 distill.loss_dist: 1.1951 2023/05/14 14:21:58 - mmengine - INFO - Epoch(train) [22][1060/1879] lr: 2.0000e-02 eta: 1 day, 11:45:03 time: 0.7886 data_time: 0.0237 memory: 9812 grad_norm: 2.9979 loss: 2.9905 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8043 distill.loss_dist: 1.1862 2023/05/14 14:22:14 - mmengine - INFO - Epoch(train) [22][1080/1879] lr: 2.0000e-02 eta: 1 day, 11:44:42 time: 0.8180 data_time: 0.0283 memory: 9812 grad_norm: 3.0680 loss: 2.7708 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6037 distill.loss_dist: 1.1671 2023/05/14 14:22:32 - mmengine - INFO - Epoch(train) [22][1100/1879] lr: 2.0000e-02 eta: 1 day, 11:44:27 time: 0.9092 data_time: 0.0389 memory: 9812 grad_norm: 3.0194 loss: 2.7676 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.5824 distill.loss_dist: 1.1852 2023/05/14 14:22:48 - mmengine - INFO - Epoch(train) [22][1120/1879] lr: 2.0000e-02 eta: 1 day, 11:44:06 time: 0.8171 data_time: 0.0261 memory: 9812 grad_norm: 3.0032 loss: 2.8064 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.6270 distill.loss_dist: 1.1794 2023/05/14 14:23:08 - mmengine - INFO - Epoch(train) [22][1140/1879] lr: 2.0000e-02 eta: 1 day, 11:43:55 time: 0.9692 data_time: 0.0269 memory: 9812 grad_norm: 3.0867 loss: 2.8987 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7039 distill.loss_dist: 1.1948 2023/05/14 14:23:24 - mmengine - INFO - Epoch(train) [22][1160/1879] lr: 2.0000e-02 eta: 1 day, 11:43:34 time: 0.8210 data_time: 0.0282 memory: 9812 grad_norm: 3.0731 loss: 2.8296 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6448 distill.loss_dist: 1.1848 2023/05/14 14:23:41 - mmengine - INFO - Epoch(train) [22][1180/1879] lr: 2.0000e-02 eta: 1 day, 11:43:14 time: 0.8367 data_time: 0.0233 memory: 9812 grad_norm: 3.0198 loss: 2.9734 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.7638 distill.loss_dist: 1.2097 2023/05/14 14:24:00 - mmengine - INFO - Epoch(train) [22][1200/1879] lr: 2.0000e-02 eta: 1 day, 11:43:03 time: 0.9673 data_time: 0.0258 memory: 9812 grad_norm: 3.0777 loss: 2.8048 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6481 distill.loss_dist: 1.1567 2023/05/14 14:24:16 - mmengine - INFO - Epoch(train) [22][1220/1879] lr: 2.0000e-02 eta: 1 day, 11:42:38 time: 0.7718 data_time: 0.0288 memory: 9812 grad_norm: 3.0400 loss: 2.8663 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6723 distill.loss_dist: 1.1940 2023/05/14 14:24:32 - mmengine - INFO - Epoch(train) [22][1240/1879] lr: 2.0000e-02 eta: 1 day, 11:42:18 time: 0.8324 data_time: 0.0240 memory: 9812 grad_norm: 3.0438 loss: 2.7080 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5434 distill.loss_dist: 1.1647 2023/05/14 14:24:51 - mmengine - INFO - Epoch(train) [22][1260/1879] lr: 2.0000e-02 eta: 1 day, 11:42:05 time: 0.9410 data_time: 0.0651 memory: 9812 grad_norm: 3.0943 loss: 2.9020 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7330 distill.loss_dist: 1.1689 2023/05/14 14:25:09 - mmengine - INFO - Epoch(train) [22][1280/1879] lr: 2.0000e-02 eta: 1 day, 11:41:49 time: 0.8933 data_time: 0.3314 memory: 9812 grad_norm: 3.0307 loss: 2.7672 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5940 distill.loss_dist: 1.1733 2023/05/14 14:25:26 - mmengine - INFO - Epoch(train) [22][1300/1879] lr: 2.0000e-02 eta: 1 day, 11:41:30 time: 0.8435 data_time: 0.3596 memory: 9812 grad_norm: 3.0594 loss: 3.1275 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.9174 distill.loss_dist: 1.2102 2023/05/14 14:25:42 - mmengine - INFO - Epoch(train) [22][1320/1879] lr: 2.0000e-02 eta: 1 day, 11:41:08 time: 0.8111 data_time: 0.3592 memory: 9812 grad_norm: 3.0058 loss: 2.9315 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7159 distill.loss_dist: 1.2156 2023/05/14 14:26:02 - mmengine - INFO - Epoch(train) [22][1340/1879] lr: 2.0000e-02 eta: 1 day, 11:40:58 time: 0.9862 data_time: 0.5574 memory: 9812 grad_norm: 3.0170 loss: 2.7910 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6072 distill.loss_dist: 1.1839 2023/05/14 14:26:18 - mmengine - INFO - Epoch(train) [22][1360/1879] lr: 2.0000e-02 eta: 1 day, 11:40:36 time: 0.8129 data_time: 0.3422 memory: 9812 grad_norm: 3.0118 loss: 2.9319 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7415 distill.loss_dist: 1.1904 2023/05/14 14:26:36 - mmengine - INFO - Epoch(train) [22][1380/1879] lr: 2.0000e-02 eta: 1 day, 11:40:18 time: 0.8636 data_time: 0.3087 memory: 9812 grad_norm: 3.0378 loss: 2.9843 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.8097 distill.loss_dist: 1.1746 2023/05/14 14:26:53 - mmengine - INFO - Epoch(train) [22][1400/1879] lr: 2.0000e-02 eta: 1 day, 11:40:02 time: 0.8876 data_time: 0.2442 memory: 9812 grad_norm: 3.0250 loss: 2.9474 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7724 distill.loss_dist: 1.1750 2023/05/14 14:27:09 - mmengine - INFO - Epoch(train) [22][1420/1879] lr: 2.0000e-02 eta: 1 day, 11:39:38 time: 0.7864 data_time: 0.1237 memory: 9812 grad_norm: 3.0577 loss: 2.8392 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6624 distill.loss_dist: 1.1768 2023/05/14 14:27:27 - mmengine - INFO - Epoch(train) [22][1440/1879] lr: 2.0000e-02 eta: 1 day, 11:39:21 time: 0.8713 data_time: 0.0340 memory: 9812 grad_norm: 3.0183 loss: 3.0758 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.8647 distill.loss_dist: 1.2111 2023/05/14 14:27:46 - mmengine - INFO - Epoch(train) [22][1460/1879] lr: 2.0000e-02 eta: 1 day, 11:39:11 time: 0.9793 data_time: 0.0273 memory: 9812 grad_norm: 3.0534 loss: 2.6838 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.5128 distill.loss_dist: 1.1710 2023/05/14 14:28:02 - mmengine - INFO - Epoch(train) [22][1480/1879] lr: 2.0000e-02 eta: 1 day, 11:38:49 time: 0.8161 data_time: 0.0264 memory: 9812 grad_norm: 3.1499 loss: 3.2440 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 2.0076 distill.loss_dist: 1.2364 2023/05/14 14:28:19 - mmengine - INFO - Epoch(train) [22][1500/1879] lr: 2.0000e-02 eta: 1 day, 11:38:30 time: 0.8469 data_time: 0.0241 memory: 9812 grad_norm: 3.0993 loss: 2.9157 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7425 distill.loss_dist: 1.1733 2023/05/14 14:28:38 - mmengine - INFO - Epoch(train) [22][1520/1879] lr: 2.0000e-02 eta: 1 day, 11:38:18 time: 0.9498 data_time: 0.0270 memory: 9812 grad_norm: 3.0005 loss: 2.8102 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6495 distill.loss_dist: 1.1607 2023/05/14 14:28:54 - mmengine - INFO - Epoch(train) [22][1540/1879] lr: 2.0000e-02 eta: 1 day, 11:37:55 time: 0.7961 data_time: 0.0221 memory: 9812 grad_norm: 2.9982 loss: 2.8379 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6847 distill.loss_dist: 1.1532 2023/05/14 14:28:56 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 14:29:11 - mmengine - INFO - Epoch(train) [22][1560/1879] lr: 2.0000e-02 eta: 1 day, 11:37:36 time: 0.8473 data_time: 0.0259 memory: 9812 grad_norm: 3.0880 loss: 2.8893 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7149 distill.loss_dist: 1.1744 2023/05/14 14:29:29 - mmengine - INFO - Epoch(train) [22][1580/1879] lr: 2.0000e-02 eta: 1 day, 11:37:19 time: 0.8864 data_time: 0.0278 memory: 9812 grad_norm: 2.9776 loss: 2.9768 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7440 distill.loss_dist: 1.2328 2023/05/14 14:29:45 - mmengine - INFO - Epoch(train) [22][1600/1879] lr: 2.0000e-02 eta: 1 day, 11:36:56 time: 0.7920 data_time: 0.0263 memory: 9812 grad_norm: 3.0504 loss: 2.9420 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.7475 distill.loss_dist: 1.1945 2023/05/14 14:30:03 - mmengine - INFO - Epoch(train) [22][1620/1879] lr: 2.0000e-02 eta: 1 day, 11:36:40 time: 0.8999 data_time: 0.0282 memory: 9812 grad_norm: 3.0068 loss: 2.8282 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6585 distill.loss_dist: 1.1697 2023/05/14 14:30:20 - mmengine - INFO - Epoch(train) [22][1640/1879] lr: 2.0000e-02 eta: 1 day, 11:36:21 time: 0.8554 data_time: 0.0238 memory: 9812 grad_norm: 3.0981 loss: 3.0135 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8187 distill.loss_dist: 1.1948 2023/05/14 14:30:38 - mmengine - INFO - Epoch(train) [22][1660/1879] lr: 2.0000e-02 eta: 1 day, 11:36:06 time: 0.9027 data_time: 0.0283 memory: 9812 grad_norm: 3.0897 loss: 3.0602 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.8527 distill.loss_dist: 1.2074 2023/05/14 14:30:55 - mmengine - INFO - Epoch(train) [22][1680/1879] lr: 2.0000e-02 eta: 1 day, 11:35:48 time: 0.8689 data_time: 0.0257 memory: 9812 grad_norm: 3.0853 loss: 2.7585 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5841 distill.loss_dist: 1.1744 2023/05/14 14:31:12 - mmengine - INFO - Epoch(train) [22][1700/1879] lr: 2.0000e-02 eta: 1 day, 11:35:28 time: 0.8393 data_time: 0.0258 memory: 9812 grad_norm: 3.0767 loss: 2.9298 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7308 distill.loss_dist: 1.1990 2023/05/14 14:31:32 - mmengine - INFO - Epoch(train) [22][1720/1879] lr: 2.0000e-02 eta: 1 day, 11:35:19 time: 0.9839 data_time: 0.0285 memory: 9812 grad_norm: 3.0240 loss: 2.8712 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6869 distill.loss_dist: 1.1843 2023/05/14 14:31:47 - mmengine - INFO - Epoch(train) [22][1740/1879] lr: 2.0000e-02 eta: 1 day, 11:34:54 time: 0.7728 data_time: 0.0262 memory: 9812 grad_norm: 3.0422 loss: 2.9851 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.8205 distill.loss_dist: 1.1646 2023/05/14 14:32:05 - mmengine - INFO - Epoch(train) [22][1760/1879] lr: 2.0000e-02 eta: 1 day, 11:34:36 time: 0.8631 data_time: 0.0271 memory: 9812 grad_norm: 3.0888 loss: 3.0377 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.8134 distill.loss_dist: 1.2243 2023/05/14 14:32:22 - mmengine - INFO - Epoch(train) [22][1780/1879] lr: 2.0000e-02 eta: 1 day, 11:34:18 time: 0.8653 data_time: 0.0261 memory: 9812 grad_norm: 3.1297 loss: 3.1539 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.9180 distill.loss_dist: 1.2359 2023/05/14 14:32:39 - mmengine - INFO - Epoch(train) [22][1800/1879] lr: 2.0000e-02 eta: 1 day, 11:34:00 time: 0.8687 data_time: 0.0277 memory: 9812 grad_norm: 3.0219 loss: 2.8687 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6929 distill.loss_dist: 1.1758 2023/05/14 14:32:56 - mmengine - INFO - Epoch(train) [22][1820/1879] lr: 2.0000e-02 eta: 1 day, 11:33:42 time: 0.8557 data_time: 0.0301 memory: 9812 grad_norm: 3.0828 loss: 3.0294 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.8436 distill.loss_dist: 1.1858 2023/05/14 14:33:16 - mmengine - INFO - Epoch(train) [22][1840/1879] lr: 2.0000e-02 eta: 1 day, 11:33:30 time: 0.9594 data_time: 0.0291 memory: 9812 grad_norm: 3.0896 loss: 3.1280 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.9251 distill.loss_dist: 1.2029 2023/05/14 14:33:32 - mmengine - INFO - Epoch(train) [22][1860/1879] lr: 2.0000e-02 eta: 1 day, 11:33:07 time: 0.7988 data_time: 0.0263 memory: 9812 grad_norm: 3.0375 loss: 3.0993 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8949 distill.loss_dist: 1.2044 2023/05/14 14:33:45 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 14:33:45 - mmengine - INFO - Epoch(train) [22][1879/1879] lr: 2.0000e-02 eta: 1 day, 11:32:39 time: 0.6822 data_time: 0.0204 memory: 9812 grad_norm: 3.0990 loss: 2.9336 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.7471 distill.loss_dist: 1.1866 2023/05/14 14:34:05 - mmengine - INFO - Epoch(val) [22][ 20/155] eta: 0:02:14 time: 0.9983 data_time: 0.9325 memory: 1484 2023/05/14 14:34:18 - mmengine - INFO - Epoch(val) [22][ 40/155] eta: 0:01:36 time: 0.6843 data_time: 0.6192 memory: 1484 2023/05/14 14:34:36 - mmengine - INFO - Epoch(val) [22][ 60/155] eta: 0:01:21 time: 0.8971 data_time: 0.8370 memory: 1484 2023/05/14 14:34:50 - mmengine - INFO - Epoch(val) [22][ 80/155] eta: 0:01:00 time: 0.6594 data_time: 0.5947 memory: 1484 2023/05/14 14:35:09 - mmengine - INFO - Epoch(val) [22][100/155] eta: 0:00:46 time: 0.9605 data_time: 0.8993 memory: 1484 2023/05/14 14:35:23 - mmengine - INFO - Epoch(val) [22][120/155] eta: 0:00:28 time: 0.6854 data_time: 0.6235 memory: 1484 2023/05/14 14:35:43 - mmengine - INFO - Epoch(val) [22][140/155] eta: 0:00:12 time: 1.0037 data_time: 0.9406 memory: 1484 2023/05/14 14:36:12 - mmengine - INFO - Epoch(val) [22][ 20/155] eta: 0:16:23 time: 1.0051 data_time: 0.8547 memory: 1582 2023/05/14 14:36:25 - mmengine - INFO - Epoch(val) [22][ 40/155] eta: 0:07:36 time: 0.6571 data_time: 0.5054 memory: 1582 2023/05/14 14:36:45 - mmengine - INFO - Epoch(val) [22][ 60/155] eta: 0:04:42 time: 0.9755 data_time: 0.8249 memory: 1582 2023/05/14 14:36:59 - mmengine - INFO - Epoch(val) [22][ 80/155] eta: 0:03:00 time: 0.7137 data_time: 0.5619 memory: 1582 2023/05/14 14:37:18 - mmengine - INFO - Epoch(val) [22][100/155] eta: 0:01:56 time: 0.9637 data_time: 0.8086 memory: 1582 2023/05/14 14:37:31 - mmengine - INFO - Epoch(val) [22][120/155] eta: 0:01:05 time: 0.6472 data_time: 0.4963 memory: 1582 2023/05/14 14:37:50 - mmengine - INFO - Epoch(val) [22][140/155] eta: 0:00:26 time: 0.9323 data_time: 0.7795 memory: 1582 2023/05/14 14:38:01 - mmengine - INFO - Epoch(val) [22][155/155] acc/top1: 0.5973 acc/top5: 0.8347 acc/mean1: 0.5972 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6621 time: 0.8121 2023/05/14 14:38:23 - mmengine - INFO - Epoch(train) [23][ 20/1879] lr: 2.0000e-02 eta: 1 day, 11:32:38 time: 1.1106 data_time: 0.4937 memory: 9812 grad_norm: 3.0533 loss: 3.1227 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.9037 distill.loss_dist: 1.2190 2023/05/14 14:38:39 - mmengine - INFO - Epoch(train) [23][ 40/1879] lr: 2.0000e-02 eta: 1 day, 11:32:14 time: 0.7809 data_time: 0.2090 memory: 9812 grad_norm: 3.0123 loss: 2.7339 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5764 distill.loss_dist: 1.1575 2023/05/14 14:38:55 - mmengine - INFO - Epoch(train) [23][ 60/1879] lr: 2.0000e-02 eta: 1 day, 11:31:54 time: 0.8426 data_time: 0.1346 memory: 9812 grad_norm: 2.9597 loss: 2.7787 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5920 distill.loss_dist: 1.1867 2023/05/14 14:39:14 - mmengine - INFO - Epoch(train) [23][ 80/1879] lr: 2.0000e-02 eta: 1 day, 11:31:41 time: 0.9249 data_time: 0.1110 memory: 9812 grad_norm: 3.0248 loss: 2.9345 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7423 distill.loss_dist: 1.1922 2023/05/14 14:39:30 - mmengine - INFO - Epoch(train) [23][ 100/1879] lr: 2.0000e-02 eta: 1 day, 11:31:17 time: 0.7838 data_time: 0.1906 memory: 9812 grad_norm: 2.9904 loss: 2.9706 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7607 distill.loss_dist: 1.2099 2023/05/14 14:39:48 - mmengine - INFO - Epoch(train) [23][ 120/1879] lr: 2.0000e-02 eta: 1 day, 11:31:01 time: 0.8959 data_time: 0.2774 memory: 9812 grad_norm: 3.0173 loss: 2.7305 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5598 distill.loss_dist: 1.1707 2023/05/14 14:40:05 - mmengine - INFO - Epoch(train) [23][ 140/1879] lr: 2.0000e-02 eta: 1 day, 11:30:44 time: 0.8833 data_time: 0.1718 memory: 9812 grad_norm: 3.0510 loss: 2.7943 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6084 distill.loss_dist: 1.1859 2023/05/14 14:40:23 - mmengine - INFO - Epoch(train) [23][ 160/1879] lr: 2.0000e-02 eta: 1 day, 11:30:27 time: 0.8716 data_time: 0.1120 memory: 9812 grad_norm: 3.1354 loss: 3.1316 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.9342 distill.loss_dist: 1.1974 2023/05/14 14:40:39 - mmengine - INFO - Epoch(train) [23][ 180/1879] lr: 2.0000e-02 eta: 1 day, 11:30:06 time: 0.8245 data_time: 0.0330 memory: 9812 grad_norm: 3.0255 loss: 2.6449 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5175 distill.loss_dist: 1.1274 2023/05/14 14:40:58 - mmengine - INFO - Epoch(train) [23][ 200/1879] lr: 2.0000e-02 eta: 1 day, 11:29:52 time: 0.9195 data_time: 0.0294 memory: 9812 grad_norm: 2.9833 loss: 2.9346 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7550 distill.loss_dist: 1.1796 2023/05/14 14:41:14 - mmengine - INFO - Epoch(train) [23][ 220/1879] lr: 2.0000e-02 eta: 1 day, 11:29:31 time: 0.8303 data_time: 0.0252 memory: 9812 grad_norm: 3.0619 loss: 3.0269 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8025 distill.loss_dist: 1.2244 2023/05/14 14:41:32 - mmengine - INFO - Epoch(train) [23][ 240/1879] lr: 2.0000e-02 eta: 1 day, 11:29:13 time: 0.8676 data_time: 0.0273 memory: 9812 grad_norm: 3.0294 loss: 3.0833 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8638 distill.loss_dist: 1.2196 2023/05/14 14:41:49 - mmengine - INFO - Epoch(train) [23][ 260/1879] lr: 2.0000e-02 eta: 1 day, 11:28:57 time: 0.8960 data_time: 0.0315 memory: 9812 grad_norm: 3.0710 loss: 2.6016 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4506 distill.loss_dist: 1.1510 2023/05/14 14:42:05 - mmengine - INFO - Epoch(train) [23][ 280/1879] lr: 2.0000e-02 eta: 1 day, 11:28:35 time: 0.7966 data_time: 0.0276 memory: 9812 grad_norm: 3.0449 loss: 2.7640 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5999 distill.loss_dist: 1.1641 2023/05/14 14:42:24 - mmengine - INFO - Epoch(train) [23][ 300/1879] lr: 2.0000e-02 eta: 1 day, 11:28:22 time: 0.9491 data_time: 0.0277 memory: 9812 grad_norm: 3.0608 loss: 2.8754 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6951 distill.loss_dist: 1.1803 2023/05/14 14:42:42 - mmengine - INFO - Epoch(train) [23][ 320/1879] lr: 2.0000e-02 eta: 1 day, 11:28:05 time: 0.8690 data_time: 0.0243 memory: 9812 grad_norm: 3.0644 loss: 2.8995 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6994 distill.loss_dist: 1.2001 2023/05/14 14:42:58 - mmengine - INFO - Epoch(train) [23][ 340/1879] lr: 2.0000e-02 eta: 1 day, 11:27:43 time: 0.8176 data_time: 0.0252 memory: 9812 grad_norm: 3.0850 loss: 2.9375 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.7531 distill.loss_dist: 1.1845 2023/05/14 14:43:15 - mmengine - INFO - Epoch(train) [23][ 360/1879] lr: 2.0000e-02 eta: 1 day, 11:27:23 time: 0.8350 data_time: 0.0261 memory: 9812 grad_norm: 3.0453 loss: 2.8732 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7050 distill.loss_dist: 1.1682 2023/05/14 14:43:32 - mmengine - INFO - Epoch(train) [23][ 380/1879] lr: 2.0000e-02 eta: 1 day, 11:27:06 time: 0.8737 data_time: 0.0264 memory: 9812 grad_norm: 3.0247 loss: 2.8379 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.6681 distill.loss_dist: 1.1697 2023/05/14 14:43:51 - mmengine - INFO - Epoch(train) [23][ 400/1879] lr: 2.0000e-02 eta: 1 day, 11:26:52 time: 0.9221 data_time: 0.0279 memory: 9812 grad_norm: 3.1006 loss: 3.0591 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8876 distill.loss_dist: 1.1715 2023/05/14 14:44:08 - mmengine - INFO - Epoch(train) [23][ 420/1879] lr: 2.0000e-02 eta: 1 day, 11:26:32 time: 0.8390 data_time: 0.1254 memory: 9812 grad_norm: 3.0632 loss: 2.8251 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6526 distill.loss_dist: 1.1725 2023/05/14 14:44:25 - mmengine - INFO - Epoch(train) [23][ 440/1879] lr: 2.0000e-02 eta: 1 day, 11:26:14 time: 0.8675 data_time: 0.0395 memory: 9812 grad_norm: 3.0544 loss: 2.8971 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7015 distill.loss_dist: 1.1956 2023/05/14 14:44:43 - mmengine - INFO - Epoch(train) [23][ 460/1879] lr: 2.0000e-02 eta: 1 day, 11:26:00 time: 0.9204 data_time: 0.0319 memory: 9812 grad_norm: 3.0455 loss: 2.6976 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5582 distill.loss_dist: 1.1394 2023/05/14 14:45:00 - mmengine - INFO - Epoch(train) [23][ 480/1879] lr: 2.0000e-02 eta: 1 day, 11:25:40 time: 0.8324 data_time: 0.0246 memory: 9812 grad_norm: 3.1081 loss: 2.9196 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7315 distill.loss_dist: 1.1880 2023/05/14 14:45:18 - mmengine - INFO - Epoch(train) [23][ 500/1879] lr: 2.0000e-02 eta: 1 day, 11:25:23 time: 0.8805 data_time: 0.0250 memory: 9812 grad_norm: 3.0445 loss: 2.8620 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.6803 distill.loss_dist: 1.1816 2023/05/14 14:45:35 - mmengine - INFO - Epoch(train) [23][ 520/1879] lr: 2.0000e-02 eta: 1 day, 11:25:06 time: 0.8802 data_time: 0.0303 memory: 9812 grad_norm: 3.0189 loss: 2.9617 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7454 distill.loss_dist: 1.2163 2023/05/14 14:45:51 - mmengine - INFO - Epoch(train) [23][ 540/1879] lr: 2.0000e-02 eta: 1 day, 11:24:43 time: 0.8019 data_time: 0.0248 memory: 9812 grad_norm: 3.0703 loss: 2.7965 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6324 distill.loss_dist: 1.1641 2023/05/14 14:46:09 - mmengine - INFO - Epoch(train) [23][ 560/1879] lr: 2.0000e-02 eta: 1 day, 11:24:28 time: 0.9001 data_time: 0.0224 memory: 9812 grad_norm: 3.0035 loss: 2.9179 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7530 distill.loss_dist: 1.1650 2023/05/14 14:46:27 - mmengine - INFO - Epoch(train) [23][ 580/1879] lr: 2.0000e-02 eta: 1 day, 11:24:10 time: 0.8688 data_time: 0.0290 memory: 9812 grad_norm: 2.9783 loss: 2.5873 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4297 distill.loss_dist: 1.1576 2023/05/14 14:46:44 - mmengine - INFO - Epoch(train) [23][ 600/1879] lr: 2.0000e-02 eta: 1 day, 11:23:51 time: 0.8495 data_time: 0.0257 memory: 9812 grad_norm: 3.0462 loss: 2.7721 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5850 distill.loss_dist: 1.1872 2023/05/14 14:47:02 - mmengine - INFO - Epoch(train) [23][ 620/1879] lr: 2.0000e-02 eta: 1 day, 11:23:35 time: 0.8944 data_time: 0.0260 memory: 9812 grad_norm: 3.0568 loss: 2.9132 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7153 distill.loss_dist: 1.1979 2023/05/14 14:47:19 - mmengine - INFO - Epoch(train) [23][ 640/1879] lr: 2.0000e-02 eta: 1 day, 11:23:17 time: 0.8617 data_time: 0.0299 memory: 9812 grad_norm: 3.0558 loss: 2.8381 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6402 distill.loss_dist: 1.1979 2023/05/14 14:47:35 - mmengine - INFO - Epoch(train) [23][ 660/1879] lr: 2.0000e-02 eta: 1 day, 11:22:56 time: 0.8324 data_time: 0.0227 memory: 9812 grad_norm: 3.0665 loss: 2.7591 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5874 distill.loss_dist: 1.1717 2023/05/14 14:47:39 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 14:47:54 - mmengine - INFO - Epoch(train) [23][ 680/1879] lr: 2.0000e-02 eta: 1 day, 11:22:42 time: 0.9241 data_time: 0.0273 memory: 9812 grad_norm: 3.0798 loss: 2.8948 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6957 distill.loss_dist: 1.1991 2023/05/14 14:48:11 - mmengine - INFO - Epoch(train) [23][ 700/1879] lr: 2.0000e-02 eta: 1 day, 11:22:22 time: 0.8270 data_time: 0.0256 memory: 9812 grad_norm: 3.0454 loss: 2.7005 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5252 distill.loss_dist: 1.1753 2023/05/14 14:48:28 - mmengine - INFO - Epoch(train) [23][ 720/1879] lr: 2.0000e-02 eta: 1 day, 11:22:04 time: 0.8626 data_time: 0.0251 memory: 9812 grad_norm: 3.0679 loss: 2.7539 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5753 distill.loss_dist: 1.1786 2023/05/14 14:48:47 - mmengine - INFO - Epoch(train) [23][ 740/1879] lr: 2.0000e-02 eta: 1 day, 11:21:51 time: 0.9452 data_time: 0.0283 memory: 9812 grad_norm: 2.9966 loss: 2.8236 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6535 distill.loss_dist: 1.1701 2023/05/14 14:49:03 - mmengine - INFO - Epoch(train) [23][ 760/1879] lr: 2.0000e-02 eta: 1 day, 11:21:30 time: 0.8203 data_time: 0.0270 memory: 9812 grad_norm: 3.0492 loss: 2.8720 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7025 distill.loss_dist: 1.1695 2023/05/14 14:49:19 - mmengine - INFO - Epoch(train) [23][ 780/1879] lr: 2.0000e-02 eta: 1 day, 11:21:07 time: 0.7965 data_time: 0.0288 memory: 9812 grad_norm: 3.0575 loss: 2.9039 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7169 distill.loss_dist: 1.1870 2023/05/14 14:49:39 - mmengine - INFO - Epoch(train) [23][ 800/1879] lr: 2.0000e-02 eta: 1 day, 11:20:58 time: 0.9863 data_time: 0.0262 memory: 9812 grad_norm: 3.1104 loss: 2.9387 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7608 distill.loss_dist: 1.1778 2023/05/14 14:49:56 - mmengine - INFO - Epoch(train) [23][ 820/1879] lr: 2.0000e-02 eta: 1 day, 11:20:38 time: 0.8383 data_time: 0.0259 memory: 9812 grad_norm: 2.9876 loss: 2.8011 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6138 distill.loss_dist: 1.1873 2023/05/14 14:50:13 - mmengine - INFO - Epoch(train) [23][ 840/1879] lr: 2.0000e-02 eta: 1 day, 11:20:21 time: 0.8787 data_time: 0.0241 memory: 9812 grad_norm: 3.0374 loss: 2.8181 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6328 distill.loss_dist: 1.1853 2023/05/14 14:50:30 - mmengine - INFO - Epoch(train) [23][ 860/1879] lr: 2.0000e-02 eta: 1 day, 11:20:00 time: 0.8211 data_time: 0.0284 memory: 9812 grad_norm: 2.9934 loss: 2.8842 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7060 distill.loss_dist: 1.1782 2023/05/14 14:50:48 - mmengine - INFO - Epoch(train) [23][ 880/1879] lr: 2.0000e-02 eta: 1 day, 11:19:45 time: 0.9196 data_time: 0.0292 memory: 9812 grad_norm: 3.0217 loss: 2.8038 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6468 distill.loss_dist: 1.1570 2023/05/14 14:51:05 - mmengine - INFO - Epoch(train) [23][ 900/1879] lr: 2.0000e-02 eta: 1 day, 11:19:25 time: 0.8331 data_time: 0.0232 memory: 9812 grad_norm: 3.0698 loss: 3.0968 student.top1_acc: 0.4375 student.top5_acc: 0.5000 student.loss_cls: 1.8805 distill.loss_dist: 1.2163 2023/05/14 14:51:21 - mmengine - INFO - Epoch(train) [23][ 920/1879] lr: 2.0000e-02 eta: 1 day, 11:19:04 time: 0.8222 data_time: 0.0295 memory: 9812 grad_norm: 3.1529 loss: 2.9465 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7545 distill.loss_dist: 1.1920 2023/05/14 14:51:40 - mmengine - INFO - Epoch(train) [23][ 940/1879] lr: 2.0000e-02 eta: 1 day, 11:18:51 time: 0.9382 data_time: 0.0252 memory: 9812 grad_norm: 3.0491 loss: 2.7189 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5518 distill.loss_dist: 1.1671 2023/05/14 14:51:56 - mmengine - INFO - Epoch(train) [23][ 960/1879] lr: 2.0000e-02 eta: 1 day, 11:18:31 time: 0.8315 data_time: 0.0265 memory: 9812 grad_norm: 3.0405 loss: 2.7765 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5898 distill.loss_dist: 1.1866 2023/05/14 14:52:13 - mmengine - INFO - Epoch(train) [23][ 980/1879] lr: 2.0000e-02 eta: 1 day, 11:18:09 time: 0.8118 data_time: 0.0262 memory: 9812 grad_norm: 3.0760 loss: 2.7280 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5516 distill.loss_dist: 1.1764 2023/05/14 14:52:31 - mmengine - INFO - Epoch(train) [23][1000/1879] lr: 2.0000e-02 eta: 1 day, 11:17:56 time: 0.9271 data_time: 0.0279 memory: 9812 grad_norm: 3.0791 loss: 2.6783 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5270 distill.loss_dist: 1.1513 2023/05/14 14:52:49 - mmengine - INFO - Epoch(train) [23][1020/1879] lr: 2.0000e-02 eta: 1 day, 11:17:38 time: 0.8655 data_time: 0.0271 memory: 9812 grad_norm: 3.0714 loss: 2.6892 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5057 distill.loss_dist: 1.1836 2023/05/14 14:53:04 - mmengine - INFO - Epoch(train) [23][1040/1879] lr: 2.0000e-02 eta: 1 day, 11:17:13 time: 0.7739 data_time: 0.0288 memory: 9812 grad_norm: 3.0617 loss: 2.7354 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5811 distill.loss_dist: 1.1543 2023/05/14 14:53:23 - mmengine - INFO - Epoch(train) [23][1060/1879] lr: 2.0000e-02 eta: 1 day, 11:17:01 time: 0.9507 data_time: 0.0261 memory: 9812 grad_norm: 3.0272 loss: 2.9070 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.7305 distill.loss_dist: 1.1765 2023/05/14 14:53:41 - mmengine - INFO - Epoch(train) [23][1080/1879] lr: 2.0000e-02 eta: 1 day, 11:16:44 time: 0.8730 data_time: 0.0272 memory: 9812 grad_norm: 3.0445 loss: 2.8424 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6521 distill.loss_dist: 1.1903 2023/05/14 14:53:57 - mmengine - INFO - Epoch(train) [23][1100/1879] lr: 2.0000e-02 eta: 1 day, 11:16:23 time: 0.8197 data_time: 0.0240 memory: 9812 grad_norm: 3.0466 loss: 2.8560 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6729 distill.loss_dist: 1.1831 2023/05/14 14:54:16 - mmengine - INFO - Epoch(train) [23][1120/1879] lr: 2.0000e-02 eta: 1 day, 11:16:10 time: 0.9493 data_time: 0.0301 memory: 9812 grad_norm: 2.9688 loss: 2.8673 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6448 distill.loss_dist: 1.2226 2023/05/14 14:54:32 - mmengine - INFO - Epoch(train) [23][1140/1879] lr: 2.0000e-02 eta: 1 day, 11:15:48 time: 0.7993 data_time: 0.0262 memory: 9812 grad_norm: 3.0366 loss: 2.8277 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6596 distill.loss_dist: 1.1681 2023/05/14 14:54:48 - mmengine - INFO - Epoch(train) [23][1160/1879] lr: 2.0000e-02 eta: 1 day, 11:15:25 time: 0.7900 data_time: 0.0252 memory: 9812 grad_norm: 3.0360 loss: 2.8491 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6838 distill.loss_dist: 1.1653 2023/05/14 14:55:07 - mmengine - INFO - Epoch(train) [23][1180/1879] lr: 2.0000e-02 eta: 1 day, 11:15:13 time: 0.9597 data_time: 0.0295 memory: 9812 grad_norm: 2.9976 loss: 2.9068 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 1.7256 distill.loss_dist: 1.1812 2023/05/14 14:55:23 - mmengine - INFO - Epoch(train) [23][1200/1879] lr: 2.0000e-02 eta: 1 day, 11:14:52 time: 0.8231 data_time: 0.0298 memory: 9812 grad_norm: 3.0251 loss: 2.9122 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7182 distill.loss_dist: 1.1940 2023/05/14 14:55:41 - mmengine - INFO - Epoch(train) [23][1220/1879] lr: 2.0000e-02 eta: 1 day, 11:14:34 time: 0.8620 data_time: 0.0245 memory: 9812 grad_norm: 2.9587 loss: 3.0611 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8367 distill.loss_dist: 1.2244 2023/05/14 14:55:59 - mmengine - INFO - Epoch(train) [23][1240/1879] lr: 2.0000e-02 eta: 1 day, 11:14:21 time: 0.9316 data_time: 0.0272 memory: 9812 grad_norm: 3.0078 loss: 2.8966 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7019 distill.loss_dist: 1.1947 2023/05/14 14:56:15 - mmengine - INFO - Epoch(train) [23][1260/1879] lr: 2.0000e-02 eta: 1 day, 11:13:58 time: 0.7998 data_time: 0.0302 memory: 9812 grad_norm: 3.0793 loss: 2.7907 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6465 distill.loss_dist: 1.1442 2023/05/14 14:56:32 - mmengine - INFO - Epoch(train) [23][1280/1879] lr: 2.0000e-02 eta: 1 day, 11:13:39 time: 0.8474 data_time: 0.0254 memory: 9812 grad_norm: 3.0271 loss: 3.0067 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8302 distill.loss_dist: 1.1765 2023/05/14 14:56:51 - mmengine - INFO - Epoch(train) [23][1300/1879] lr: 2.0000e-02 eta: 1 day, 11:13:26 time: 0.9318 data_time: 0.0363 memory: 9812 grad_norm: 3.0811 loss: 2.6654 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5207 distill.loss_dist: 1.1446 2023/05/14 14:57:08 - mmengine - INFO - Epoch(train) [23][1320/1879] lr: 2.0000e-02 eta: 1 day, 11:13:07 time: 0.8606 data_time: 0.0912 memory: 9812 grad_norm: 3.0504 loss: 2.7791 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5908 distill.loss_dist: 1.1883 2023/05/14 14:57:25 - mmengine - INFO - Epoch(train) [23][1340/1879] lr: 2.0000e-02 eta: 1 day, 11:12:47 time: 0.8339 data_time: 0.0256 memory: 9812 grad_norm: 3.0917 loss: 2.7861 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.6271 distill.loss_dist: 1.1590 2023/05/14 14:57:43 - mmengine - INFO - Epoch(train) [23][1360/1879] lr: 2.0000e-02 eta: 1 day, 11:12:33 time: 0.9258 data_time: 0.0278 memory: 9812 grad_norm: 3.0463 loss: 3.0018 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7836 distill.loss_dist: 1.2182 2023/05/14 14:58:01 - mmengine - INFO - Epoch(train) [23][1380/1879] lr: 2.0000e-02 eta: 1 day, 11:12:15 time: 0.8607 data_time: 0.0244 memory: 9812 grad_norm: 3.0675 loss: 3.0534 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.8480 distill.loss_dist: 1.2054 2023/05/14 14:58:18 - mmengine - INFO - Epoch(train) [23][1400/1879] lr: 2.0000e-02 eta: 1 day, 11:11:57 time: 0.8575 data_time: 0.0280 memory: 9812 grad_norm: 3.0178 loss: 2.9027 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.7211 distill.loss_dist: 1.1815 2023/05/14 14:58:36 - mmengine - INFO - Epoch(train) [23][1420/1879] lr: 2.0000e-02 eta: 1 day, 11:11:40 time: 0.8894 data_time: 0.0250 memory: 9812 grad_norm: 3.0637 loss: 3.0152 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8272 distill.loss_dist: 1.1880 2023/05/14 14:58:53 - mmengine - INFO - Epoch(train) [23][1440/1879] lr: 2.0000e-02 eta: 1 day, 11:11:23 time: 0.8709 data_time: 0.0293 memory: 9812 grad_norm: 2.9918 loss: 2.9348 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7541 distill.loss_dist: 1.1807 2023/05/14 14:59:10 - mmengine - INFO - Epoch(train) [23][1460/1879] lr: 2.0000e-02 eta: 1 day, 11:11:03 time: 0.8366 data_time: 0.0257 memory: 9812 grad_norm: 3.0889 loss: 3.0563 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8696 distill.loss_dist: 1.1868 2023/05/14 14:59:26 - mmengine - INFO - Epoch(train) [23][1480/1879] lr: 2.0000e-02 eta: 1 day, 11:10:43 time: 0.8369 data_time: 0.0260 memory: 9812 grad_norm: 3.0392 loss: 2.8705 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6841 distill.loss_dist: 1.1864 2023/05/14 14:59:46 - mmengine - INFO - Epoch(train) [23][1500/1879] lr: 2.0000e-02 eta: 1 day, 11:10:31 time: 0.9595 data_time: 0.0268 memory: 9812 grad_norm: 3.0599 loss: 2.7845 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6019 distill.loss_dist: 1.1827 2023/05/14 15:00:01 - mmengine - INFO - Epoch(train) [23][1520/1879] lr: 2.0000e-02 eta: 1 day, 11:10:08 time: 0.7903 data_time: 0.0278 memory: 9812 grad_norm: 2.9801 loss: 2.8890 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.6894 distill.loss_dist: 1.1996 2023/05/14 15:00:21 - mmengine - INFO - Epoch(train) [23][1540/1879] lr: 2.0000e-02 eta: 1 day, 11:09:59 time: 0.9894 data_time: 0.0247 memory: 9812 grad_norm: 3.0382 loss: 2.8808 student.top1_acc: 0.2500 student.top5_acc: 0.7500 student.loss_cls: 1.7182 distill.loss_dist: 1.1626 2023/05/14 15:00:36 - mmengine - INFO - Epoch(train) [23][1560/1879] lr: 2.0000e-02 eta: 1 day, 11:09:33 time: 0.7473 data_time: 0.0253 memory: 9812 grad_norm: 3.0479 loss: 3.0228 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8172 distill.loss_dist: 1.2055 2023/05/14 15:00:54 - mmengine - INFO - Epoch(train) [23][1580/1879] lr: 2.0000e-02 eta: 1 day, 11:09:15 time: 0.8737 data_time: 0.0268 memory: 9812 grad_norm: 3.0435 loss: 2.9977 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.8126 distill.loss_dist: 1.1851 2023/05/14 15:01:10 - mmengine - INFO - Epoch(train) [23][1600/1879] lr: 2.0000e-02 eta: 1 day, 11:08:55 time: 0.8328 data_time: 0.0274 memory: 9812 grad_norm: 3.0017 loss: 2.9176 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7204 distill.loss_dist: 1.1972 2023/05/14 15:01:28 - mmengine - INFO - Epoch(train) [23][1620/1879] lr: 2.0000e-02 eta: 1 day, 11:08:37 time: 0.8694 data_time: 0.0254 memory: 9812 grad_norm: 2.9671 loss: 2.7993 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6461 distill.loss_dist: 1.1533 2023/05/14 15:01:45 - mmengine - INFO - Epoch(train) [23][1640/1879] lr: 2.0000e-02 eta: 1 day, 11:08:20 time: 0.8692 data_time: 0.0249 memory: 9812 grad_norm: 3.0568 loss: 2.8853 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.7040 distill.loss_dist: 1.1813 2023/05/14 15:02:03 - mmengine - INFO - Epoch(train) [23][1660/1879] lr: 2.0000e-02 eta: 1 day, 11:08:03 time: 0.8904 data_time: 0.0293 memory: 9812 grad_norm: 3.0826 loss: 2.9556 student.top1_acc: 0.1875 student.top5_acc: 0.6250 student.loss_cls: 1.7659 distill.loss_dist: 1.1897 2023/05/14 15:02:05 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 15:02:23 - mmengine - INFO - Epoch(train) [23][1680/1879] lr: 2.0000e-02 eta: 1 day, 11:07:53 time: 0.9809 data_time: 0.0253 memory: 9812 grad_norm: 3.0241 loss: 2.9138 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7379 distill.loss_dist: 1.1759 2023/05/14 15:02:38 - mmengine - INFO - Epoch(train) [23][1700/1879] lr: 2.0000e-02 eta: 1 day, 11:07:29 time: 0.7784 data_time: 0.0293 memory: 9812 grad_norm: 3.1022 loss: 2.8545 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6532 distill.loss_dist: 1.2013 2023/05/14 15:02:54 - mmengine - INFO - Epoch(train) [23][1720/1879] lr: 2.0000e-02 eta: 1 day, 11:07:05 time: 0.7746 data_time: 0.0238 memory: 9812 grad_norm: 3.0261 loss: 3.0884 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8485 distill.loss_dist: 1.2399 2023/05/14 15:03:12 - mmengine - INFO - Epoch(train) [23][1740/1879] lr: 2.0000e-02 eta: 1 day, 11:06:50 time: 0.9080 data_time: 0.0266 memory: 9812 grad_norm: 3.0039 loss: 2.8556 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6992 distill.loss_dist: 1.1564 2023/05/14 15:03:29 - mmengine - INFO - Epoch(train) [23][1760/1879] lr: 2.0000e-02 eta: 1 day, 11:06:31 time: 0.8440 data_time: 0.0366 memory: 9812 grad_norm: 2.9668 loss: 2.9359 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.7632 distill.loss_dist: 1.1727 2023/05/14 15:03:46 - mmengine - INFO - Epoch(train) [23][1780/1879] lr: 2.0000e-02 eta: 1 day, 11:06:13 time: 0.8751 data_time: 0.0235 memory: 9812 grad_norm: 3.0135 loss: 2.8454 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.6842 distill.loss_dist: 1.1612 2023/05/14 15:04:04 - mmengine - INFO - Epoch(train) [23][1800/1879] lr: 2.0000e-02 eta: 1 day, 11:05:56 time: 0.8753 data_time: 0.0291 memory: 9812 grad_norm: 3.0590 loss: 2.9061 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7275 distill.loss_dist: 1.1785 2023/05/14 15:04:22 - mmengine - INFO - Epoch(train) [23][1820/1879] lr: 2.0000e-02 eta: 1 day, 11:05:41 time: 0.9061 data_time: 0.0330 memory: 9812 grad_norm: 3.0782 loss: 2.7702 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6042 distill.loss_dist: 1.1660 2023/05/14 15:04:39 - mmengine - INFO - Epoch(train) [23][1840/1879] lr: 2.0000e-02 eta: 1 day, 11:05:22 time: 0.8574 data_time: 0.0280 memory: 9812 grad_norm: 2.9548 loss: 2.9606 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7632 distill.loss_dist: 1.1974 2023/05/14 15:04:56 - mmengine - INFO - Epoch(train) [23][1860/1879] lr: 2.0000e-02 eta: 1 day, 11:05:04 time: 0.8624 data_time: 0.0271 memory: 9812 grad_norm: 2.9834 loss: 3.1089 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.9183 distill.loss_dist: 1.1906 2023/05/14 15:05:10 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 15:05:10 - mmengine - INFO - Epoch(train) [23][1879/1879] lr: 2.0000e-02 eta: 1 day, 11:04:37 time: 0.6952 data_time: 0.0235 memory: 9812 grad_norm: 3.0342 loss: 2.8102 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.6245 distill.loss_dist: 1.1857 2023/05/14 15:05:29 - mmengine - INFO - Epoch(val) [23][ 20/155] eta: 0:02:10 time: 0.9698 data_time: 0.9039 memory: 1484 2023/05/14 15:05:43 - mmengine - INFO - Epoch(val) [23][ 40/155] eta: 0:01:35 time: 0.6836 data_time: 0.6164 memory: 1484 2023/05/14 15:06:01 - mmengine - INFO - Epoch(val) [23][ 60/155] eta: 0:01:21 time: 0.9313 data_time: 0.8719 memory: 1484 2023/05/14 15:06:15 - mmengine - INFO - Epoch(val) [23][ 80/155] eta: 0:01:01 time: 0.6896 data_time: 0.6242 memory: 1484 2023/05/14 15:06:34 - mmengine - INFO - Epoch(val) [23][100/155] eta: 0:00:46 time: 0.9289 data_time: 0.8646 memory: 1484 2023/05/14 15:06:46 - mmengine - INFO - Epoch(val) [23][120/155] eta: 0:00:28 time: 0.6254 data_time: 0.5628 memory: 1484 2023/05/14 15:07:06 - mmengine - INFO - Epoch(val) [23][140/155] eta: 0:00:12 time: 0.9935 data_time: 0.9298 memory: 1484 2023/05/14 15:07:37 - mmengine - INFO - Epoch(val) [23][ 20/155] eta: 0:16:21 time: 1.0271 data_time: 0.8688 memory: 1582 2023/05/14 15:07:51 - mmengine - INFO - Epoch(val) [23][ 40/155] eta: 0:07:37 time: 0.6807 data_time: 0.5250 memory: 1582 2023/05/14 15:08:10 - mmengine - INFO - Epoch(val) [23][ 60/155] eta: 0:04:41 time: 0.9323 data_time: 0.7801 memory: 1582 2023/05/14 15:08:24 - mmengine - INFO - Epoch(val) [23][ 80/155] eta: 0:03:00 time: 0.7219 data_time: 0.5673 memory: 1582 2023/05/14 15:08:44 - mmengine - INFO - Epoch(val) [23][100/155] eta: 0:01:56 time: 0.9700 data_time: 0.8167 memory: 1582 2023/05/14 15:08:57 - mmengine - INFO - Epoch(val) [23][120/155] eta: 0:01:05 time: 0.6794 data_time: 0.5266 memory: 1582 2023/05/14 15:09:16 - mmengine - INFO - Epoch(val) [23][140/155] eta: 0:00:26 time: 0.9620 data_time: 0.8095 memory: 1582 2023/05/14 15:09:26 - mmengine - INFO - Epoch(val) [23][155/155] acc/top1: 0.6070 acc/top5: 0.8398 acc/mean1: 0.6070 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6563 time: 0.8085 2023/05/14 15:09:26 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_21.pth is removed 2023/05/14 15:09:27 - mmengine - INFO - The best checkpoint with 0.6070 acc/top1 at 23 epoch is saved to best_acc_top1_epoch_23.pth. 2023/05/14 15:09:48 - mmengine - INFO - Epoch(train) [24][ 20/1879] lr: 2.0000e-02 eta: 1 day, 11:04:30 time: 1.0323 data_time: 0.5676 memory: 9812 grad_norm: 2.9595 loss: 2.8003 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6288 distill.loss_dist: 1.1715 2023/05/14 15:10:05 - mmengine - INFO - Epoch(train) [24][ 40/1879] lr: 2.0000e-02 eta: 1 day, 11:04:13 time: 0.8694 data_time: 0.2237 memory: 9812 grad_norm: 3.0258 loss: 2.6716 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5023 distill.loss_dist: 1.1693 2023/05/14 15:10:22 - mmengine - INFO - Epoch(train) [24][ 60/1879] lr: 2.0000e-02 eta: 1 day, 11:03:53 time: 0.8332 data_time: 0.0368 memory: 9812 grad_norm: 3.0630 loss: 2.7520 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5960 distill.loss_dist: 1.1560 2023/05/14 15:10:41 - mmengine - INFO - Epoch(train) [24][ 80/1879] lr: 2.0000e-02 eta: 1 day, 11:03:41 time: 0.9597 data_time: 0.0279 memory: 9812 grad_norm: 3.0022 loss: 2.7867 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.6173 distill.loss_dist: 1.1694 2023/05/14 15:10:58 - mmengine - INFO - Epoch(train) [24][ 100/1879] lr: 2.0000e-02 eta: 1 day, 11:03:20 time: 0.8210 data_time: 0.0294 memory: 9812 grad_norm: 3.1022 loss: 2.9170 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7512 distill.loss_dist: 1.1658 2023/05/14 15:11:15 - mmengine - INFO - Epoch(train) [24][ 120/1879] lr: 2.0000e-02 eta: 1 day, 11:03:01 time: 0.8566 data_time: 0.0238 memory: 9812 grad_norm: 2.9725 loss: 2.7768 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6075 distill.loss_dist: 1.1693 2023/05/14 15:11:33 - mmengine - INFO - Epoch(train) [24][ 140/1879] lr: 2.0000e-02 eta: 1 day, 11:02:46 time: 0.9094 data_time: 0.0291 memory: 9812 grad_norm: 3.0967 loss: 2.8351 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6620 distill.loss_dist: 1.1731 2023/05/14 15:11:50 - mmengine - INFO - Epoch(train) [24][ 160/1879] lr: 2.0000e-02 eta: 1 day, 11:02:26 time: 0.8220 data_time: 0.0293 memory: 9812 grad_norm: 3.0123 loss: 2.8447 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6389 distill.loss_dist: 1.2058 2023/05/14 15:12:06 - mmengine - INFO - Epoch(train) [24][ 180/1879] lr: 2.0000e-02 eta: 1 day, 11:02:06 time: 0.8412 data_time: 0.0267 memory: 9812 grad_norm: 2.9522 loss: 2.7059 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5340 distill.loss_dist: 1.1718 2023/05/14 15:12:25 - mmengine - INFO - Epoch(train) [24][ 200/1879] lr: 2.0000e-02 eta: 1 day, 11:01:53 time: 0.9418 data_time: 0.0264 memory: 9812 grad_norm: 3.0251 loss: 2.7674 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5787 distill.loss_dist: 1.1887 2023/05/14 15:12:41 - mmengine - INFO - Epoch(train) [24][ 220/1879] lr: 2.0000e-02 eta: 1 day, 11:01:30 time: 0.7860 data_time: 0.0278 memory: 9812 grad_norm: 3.0227 loss: 2.7494 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5795 distill.loss_dist: 1.1699 2023/05/14 15:12:57 - mmengine - INFO - Epoch(train) [24][ 240/1879] lr: 2.0000e-02 eta: 1 day, 11:01:08 time: 0.8112 data_time: 0.0246 memory: 9812 grad_norm: 3.0501 loss: 2.6946 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5209 distill.loss_dist: 1.1737 2023/05/14 15:13:16 - mmengine - INFO - Epoch(train) [24][ 260/1879] lr: 2.0000e-02 eta: 1 day, 11:00:55 time: 0.9348 data_time: 0.0256 memory: 9812 grad_norm: 3.0213 loss: 2.8467 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6683 distill.loss_dist: 1.1783 2023/05/14 15:13:33 - mmengine - INFO - Epoch(train) [24][ 280/1879] lr: 2.0000e-02 eta: 1 day, 11:00:36 time: 0.8506 data_time: 0.0283 memory: 9812 grad_norm: 3.0444 loss: 2.6738 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.5106 distill.loss_dist: 1.1632 2023/05/14 15:13:51 - mmengine - INFO - Epoch(train) [24][ 300/1879] lr: 2.0000e-02 eta: 1 day, 11:00:20 time: 0.8935 data_time: 0.0263 memory: 9812 grad_norm: 3.0417 loss: 2.8450 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6956 distill.loss_dist: 1.1494 2023/05/14 15:14:08 - mmengine - INFO - Epoch(train) [24][ 320/1879] lr: 2.0000e-02 eta: 1 day, 11:00:03 time: 0.8812 data_time: 0.0250 memory: 9812 grad_norm: 3.0410 loss: 2.6883 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4925 distill.loss_dist: 1.1958 2023/05/14 15:14:25 - mmengine - INFO - Epoch(train) [24][ 340/1879] lr: 2.0000e-02 eta: 1 day, 10:59:42 time: 0.8133 data_time: 0.0262 memory: 9812 grad_norm: 3.1074 loss: 2.9887 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7728 distill.loss_dist: 1.2159 2023/05/14 15:14:42 - mmengine - INFO - Epoch(train) [24][ 360/1879] lr: 2.0000e-02 eta: 1 day, 10:59:25 time: 0.8847 data_time: 0.0293 memory: 9812 grad_norm: 3.1118 loss: 2.7470 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5930 distill.loss_dist: 1.1541 2023/05/14 15:15:02 - mmengine - INFO - Epoch(train) [24][ 380/1879] lr: 2.0000e-02 eta: 1 day, 10:59:13 time: 0.9566 data_time: 0.0254 memory: 9812 grad_norm: 3.0216 loss: 2.7213 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5346 distill.loss_dist: 1.1868 2023/05/14 15:15:18 - mmengine - INFO - Epoch(train) [24][ 400/1879] lr: 2.0000e-02 eta: 1 day, 10:58:52 time: 0.8107 data_time: 0.0272 memory: 9812 grad_norm: 2.9089 loss: 2.7291 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5748 distill.loss_dist: 1.1543 2023/05/14 15:15:34 - mmengine - INFO - Epoch(train) [24][ 420/1879] lr: 2.0000e-02 eta: 1 day, 10:58:30 time: 0.8114 data_time: 0.0280 memory: 9812 grad_norm: 3.0664 loss: 2.6999 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5326 distill.loss_dist: 1.1673 2023/05/14 15:15:54 - mmengine - INFO - Epoch(train) [24][ 440/1879] lr: 2.0000e-02 eta: 1 day, 10:58:19 time: 0.9752 data_time: 0.0268 memory: 9812 grad_norm: 2.9799 loss: 2.8932 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7210 distill.loss_dist: 1.1722 2023/05/14 15:16:11 - mmengine - INFO - Epoch(train) [24][ 460/1879] lr: 2.0000e-02 eta: 1 day, 10:58:01 time: 0.8512 data_time: 0.0260 memory: 9812 grad_norm: 3.0108 loss: 2.8766 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7212 distill.loss_dist: 1.1554 2023/05/14 15:16:27 - mmengine - INFO - Epoch(train) [24][ 480/1879] lr: 2.0000e-02 eta: 1 day, 10:57:40 time: 0.8271 data_time: 0.0251 memory: 9812 grad_norm: 3.0358 loss: 2.9013 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 1.7248 distill.loss_dist: 1.1766 2023/05/14 15:16:45 - mmengine - INFO - Epoch(train) [24][ 500/1879] lr: 2.0000e-02 eta: 1 day, 10:57:23 time: 0.8821 data_time: 0.0239 memory: 9812 grad_norm: 3.0145 loss: 2.8793 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7133 distill.loss_dist: 1.1660 2023/05/14 15:17:01 - mmengine - INFO - Epoch(train) [24][ 520/1879] lr: 2.0000e-02 eta: 1 day, 10:57:02 time: 0.8164 data_time: 0.0257 memory: 9812 grad_norm: 2.9589 loss: 2.6047 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4533 distill.loss_dist: 1.1513 2023/05/14 15:17:17 - mmengine - INFO - Epoch(train) [24][ 540/1879] lr: 2.0000e-02 eta: 1 day, 10:56:39 time: 0.7914 data_time: 0.0275 memory: 9812 grad_norm: 3.0549 loss: 2.8997 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7212 distill.loss_dist: 1.1784 2023/05/14 15:17:37 - mmengine - INFO - Epoch(train) [24][ 560/1879] lr: 2.0000e-02 eta: 1 day, 10:56:29 time: 0.9895 data_time: 0.0239 memory: 9812 grad_norm: 3.1069 loss: 3.0394 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8425 distill.loss_dist: 1.1969 2023/05/14 15:17:54 - mmengine - INFO - Epoch(train) [24][ 580/1879] lr: 2.0000e-02 eta: 1 day, 10:56:11 time: 0.8521 data_time: 0.0300 memory: 9812 grad_norm: 3.0283 loss: 2.8163 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.6341 distill.loss_dist: 1.1822 2023/05/14 15:18:11 - mmengine - INFO - Epoch(train) [24][ 600/1879] lr: 2.0000e-02 eta: 1 day, 10:55:52 time: 0.8487 data_time: 0.0242 memory: 9812 grad_norm: 2.9848 loss: 2.7435 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.5743 distill.loss_dist: 1.1692 2023/05/14 15:18:28 - mmengine - INFO - Epoch(train) [24][ 620/1879] lr: 2.0000e-02 eta: 1 day, 10:55:33 time: 0.8540 data_time: 0.0251 memory: 9812 grad_norm: 3.0464 loss: 2.9637 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.7871 distill.loss_dist: 1.1766 2023/05/14 15:18:46 - mmengine - INFO - Epoch(train) [24][ 640/1879] lr: 2.0000e-02 eta: 1 day, 10:55:17 time: 0.9016 data_time: 0.0298 memory: 9812 grad_norm: 2.9987 loss: 2.6510 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4842 distill.loss_dist: 1.1668 2023/05/14 15:19:02 - mmengine - INFO - Epoch(train) [24][ 660/1879] lr: 2.0000e-02 eta: 1 day, 10:54:56 time: 0.8090 data_time: 0.0816 memory: 9812 grad_norm: 2.9748 loss: 3.0430 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8425 distill.loss_dist: 1.2005 2023/05/14 15:19:19 - mmengine - INFO - Epoch(train) [24][ 680/1879] lr: 2.0000e-02 eta: 1 day, 10:54:37 time: 0.8487 data_time: 0.0575 memory: 9812 grad_norm: 3.0089 loss: 2.7525 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5829 distill.loss_dist: 1.1696 2023/05/14 15:19:37 - mmengine - INFO - Epoch(train) [24][ 700/1879] lr: 2.0000e-02 eta: 1 day, 10:54:22 time: 0.9094 data_time: 0.0954 memory: 9812 grad_norm: 3.0248 loss: 2.8289 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6432 distill.loss_dist: 1.1857 2023/05/14 15:19:54 - mmengine - INFO - Epoch(train) [24][ 720/1879] lr: 2.0000e-02 eta: 1 day, 10:54:02 time: 0.8395 data_time: 0.0692 memory: 9812 grad_norm: 3.1015 loss: 2.8398 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6489 distill.loss_dist: 1.1908 2023/05/14 15:20:11 - mmengine - INFO - Epoch(train) [24][ 740/1879] lr: 2.0000e-02 eta: 1 day, 10:53:41 time: 0.8223 data_time: 0.0283 memory: 9812 grad_norm: 3.0590 loss: 3.0705 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.8485 distill.loss_dist: 1.2220 2023/05/14 15:20:30 - mmengine - INFO - Epoch(train) [24][ 760/1879] lr: 2.0000e-02 eta: 1 day, 10:53:30 time: 0.9614 data_time: 0.0288 memory: 9812 grad_norm: 3.0557 loss: 2.8138 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6211 distill.loss_dist: 1.1927 2023/05/14 15:20:47 - mmengine - INFO - Epoch(train) [24][ 780/1879] lr: 2.0000e-02 eta: 1 day, 10:53:10 time: 0.8428 data_time: 0.0264 memory: 9812 grad_norm: 3.0509 loss: 2.7707 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5752 distill.loss_dist: 1.1955 2023/05/14 15:20:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 15:21:03 - mmengine - INFO - Epoch(train) [24][ 800/1879] lr: 2.0000e-02 eta: 1 day, 10:52:48 time: 0.8053 data_time: 0.0225 memory: 9812 grad_norm: 3.0310 loss: 2.7849 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6037 distill.loss_dist: 1.1812 2023/05/14 15:21:21 - mmengine - INFO - Epoch(train) [24][ 820/1879] lr: 2.0000e-02 eta: 1 day, 10:52:34 time: 0.9215 data_time: 0.0264 memory: 9812 grad_norm: 2.9906 loss: 2.6483 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4917 distill.loss_dist: 1.1566 2023/05/14 15:21:37 - mmengine - INFO - Epoch(train) [24][ 840/1879] lr: 2.0000e-02 eta: 1 day, 10:52:10 time: 0.7729 data_time: 0.0257 memory: 9812 grad_norm: 2.9809 loss: 2.7828 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.6191 distill.loss_dist: 1.1636 2023/05/14 15:21:54 - mmengine - INFO - Epoch(train) [24][ 860/1879] lr: 2.0000e-02 eta: 1 day, 10:51:51 time: 0.8473 data_time: 0.0326 memory: 9812 grad_norm: 3.0353 loss: 2.8769 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6973 distill.loss_dist: 1.1796 2023/05/14 15:22:13 - mmengine - INFO - Epoch(train) [24][ 880/1879] lr: 2.0000e-02 eta: 1 day, 10:51:38 time: 0.9492 data_time: 0.1448 memory: 9812 grad_norm: 3.0233 loss: 2.7968 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.6372 distill.loss_dist: 1.1595 2023/05/14 15:22:30 - mmengine - INFO - Epoch(train) [24][ 900/1879] lr: 2.0000e-02 eta: 1 day, 10:51:21 time: 0.8711 data_time: 0.0264 memory: 9812 grad_norm: 3.0432 loss: 2.7985 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.6197 distill.loss_dist: 1.1788 2023/05/14 15:22:47 - mmengine - INFO - Epoch(train) [24][ 920/1879] lr: 2.0000e-02 eta: 1 day, 10:51:03 time: 0.8627 data_time: 0.0270 memory: 9812 grad_norm: 3.0160 loss: 2.5873 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4449 distill.loss_dist: 1.1424 2023/05/14 15:23:04 - mmengine - INFO - Epoch(train) [24][ 940/1879] lr: 2.0000e-02 eta: 1 day, 10:50:44 time: 0.8454 data_time: 0.0262 memory: 9812 grad_norm: 2.9890 loss: 2.8518 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6929 distill.loss_dist: 1.1590 2023/05/14 15:23:23 - mmengine - INFO - Epoch(train) [24][ 960/1879] lr: 2.0000e-02 eta: 1 day, 10:50:32 time: 0.9609 data_time: 0.0266 memory: 9812 grad_norm: 3.0622 loss: 2.8302 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6359 distill.loss_dist: 1.1943 2023/05/14 15:23:39 - mmengine - INFO - Epoch(train) [24][ 980/1879] lr: 2.0000e-02 eta: 1 day, 10:50:10 time: 0.8020 data_time: 0.0275 memory: 9812 grad_norm: 3.0078 loss: 2.9678 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7753 distill.loss_dist: 1.1925 2023/05/14 15:23:56 - mmengine - INFO - Epoch(train) [24][1000/1879] lr: 2.0000e-02 eta: 1 day, 10:49:50 time: 0.8321 data_time: 0.0294 memory: 9812 grad_norm: 2.9552 loss: 2.6736 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5261 distill.loss_dist: 1.1475 2023/05/14 15:24:15 - mmengine - INFO - Epoch(train) [24][1020/1879] lr: 2.0000e-02 eta: 1 day, 10:49:37 time: 0.9488 data_time: 0.0255 memory: 9812 grad_norm: 3.0733 loss: 2.9254 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7269 distill.loss_dist: 1.1985 2023/05/14 15:24:31 - mmengine - INFO - Epoch(train) [24][1040/1879] lr: 2.0000e-02 eta: 1 day, 10:49:13 time: 0.7724 data_time: 0.0270 memory: 9812 grad_norm: 2.9828 loss: 2.9890 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8005 distill.loss_dist: 1.1886 2023/05/14 15:24:48 - mmengine - INFO - Epoch(train) [24][1060/1879] lr: 2.0000e-02 eta: 1 day, 10:48:54 time: 0.8480 data_time: 0.0289 memory: 9812 grad_norm: 2.9904 loss: 2.7645 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5909 distill.loss_dist: 1.1736 2023/05/14 15:25:06 - mmengine - INFO - Epoch(train) [24][1080/1879] lr: 2.0000e-02 eta: 1 day, 10:48:39 time: 0.9136 data_time: 0.0247 memory: 9812 grad_norm: 3.0600 loss: 2.9308 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7423 distill.loss_dist: 1.1886 2023/05/14 15:25:23 - mmengine - INFO - Epoch(train) [24][1100/1879] lr: 2.0000e-02 eta: 1 day, 10:48:21 time: 0.8604 data_time: 0.0312 memory: 9812 grad_norm: 3.0495 loss: 2.9133 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.7501 distill.loss_dist: 1.1631 2023/05/14 15:25:40 - mmengine - INFO - Epoch(train) [24][1120/1879] lr: 2.0000e-02 eta: 1 day, 10:48:03 time: 0.8574 data_time: 0.0281 memory: 9812 grad_norm: 2.9845 loss: 2.7308 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5944 distill.loss_dist: 1.1364 2023/05/14 15:25:58 - mmengine - INFO - Epoch(train) [24][1140/1879] lr: 2.0000e-02 eta: 1 day, 10:47:47 time: 0.9014 data_time: 0.0269 memory: 9812 grad_norm: 3.0077 loss: 2.8178 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6371 distill.loss_dist: 1.1808 2023/05/14 15:26:17 - mmengine - INFO - Epoch(train) [24][1160/1879] lr: 2.0000e-02 eta: 1 day, 10:47:33 time: 0.9246 data_time: 0.0277 memory: 9812 grad_norm: 2.9948 loss: 2.8407 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6461 distill.loss_dist: 1.1946 2023/05/14 15:26:33 - mmengine - INFO - Epoch(train) [24][1180/1879] lr: 2.0000e-02 eta: 1 day, 10:47:10 time: 0.7881 data_time: 0.0249 memory: 9812 grad_norm: 3.0338 loss: 3.0089 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.8176 distill.loss_dist: 1.1913 2023/05/14 15:26:50 - mmengine - INFO - Epoch(train) [24][1200/1879] lr: 2.0000e-02 eta: 1 day, 10:46:52 time: 0.8582 data_time: 0.0312 memory: 9812 grad_norm: 3.1022 loss: 3.0043 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.8155 distill.loss_dist: 1.1887 2023/05/14 15:27:07 - mmengine - INFO - Epoch(train) [24][1220/1879] lr: 2.0000e-02 eta: 1 day, 10:46:34 time: 0.8763 data_time: 0.0249 memory: 9812 grad_norm: 2.9744 loss: 2.5696 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.4034 distill.loss_dist: 1.1662 2023/05/14 15:27:24 - mmengine - INFO - Epoch(train) [24][1240/1879] lr: 2.0000e-02 eta: 1 day, 10:46:15 time: 0.8450 data_time: 0.0275 memory: 9812 grad_norm: 3.0453 loss: 2.8913 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7184 distill.loss_dist: 1.1730 2023/05/14 15:27:41 - mmengine - INFO - Epoch(train) [24][1260/1879] lr: 2.0000e-02 eta: 1 day, 10:45:57 time: 0.8590 data_time: 0.0247 memory: 9812 grad_norm: 2.9912 loss: 2.7970 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6399 distill.loss_dist: 1.1571 2023/05/14 15:28:00 - mmengine - INFO - Epoch(train) [24][1280/1879] lr: 2.0000e-02 eta: 1 day, 10:45:42 time: 0.9176 data_time: 0.0276 memory: 9812 grad_norm: 3.1043 loss: 2.8226 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.6436 distill.loss_dist: 1.1789 2023/05/14 15:28:18 - mmengine - INFO - Epoch(train) [24][1300/1879] lr: 2.0000e-02 eta: 1 day, 10:45:27 time: 0.8978 data_time: 0.0269 memory: 9812 grad_norm: 3.0226 loss: 2.8824 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.6841 distill.loss_dist: 1.1983 2023/05/14 15:28:34 - mmengine - INFO - Epoch(train) [24][1320/1879] lr: 2.0000e-02 eta: 1 day, 10:45:04 time: 0.7962 data_time: 0.0275 memory: 9812 grad_norm: 3.0140 loss: 3.0008 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.8172 distill.loss_dist: 1.1836 2023/05/14 15:28:52 - mmengine - INFO - Epoch(train) [24][1340/1879] lr: 2.0000e-02 eta: 1 day, 10:44:51 time: 0.9390 data_time: 0.0291 memory: 9812 grad_norm: 2.9673 loss: 2.7567 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5966 distill.loss_dist: 1.1601 2023/05/14 15:29:10 - mmengine - INFO - Epoch(train) [24][1360/1879] lr: 2.0000e-02 eta: 1 day, 10:44:32 time: 0.8562 data_time: 0.0277 memory: 9812 grad_norm: 3.0369 loss: 2.7633 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6046 distill.loss_dist: 1.1587 2023/05/14 15:29:25 - mmengine - INFO - Epoch(train) [24][1380/1879] lr: 2.0000e-02 eta: 1 day, 10:44:10 time: 0.7934 data_time: 0.0257 memory: 9812 grad_norm: 3.0918 loss: 2.8035 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6079 distill.loss_dist: 1.1956 2023/05/14 15:29:44 - mmengine - INFO - Epoch(train) [24][1400/1879] lr: 2.0000e-02 eta: 1 day, 10:43:55 time: 0.9183 data_time: 0.0251 memory: 9812 grad_norm: 3.0081 loss: 2.8311 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6495 distill.loss_dist: 1.1816 2023/05/14 15:30:00 - mmengine - INFO - Epoch(train) [24][1420/1879] lr: 2.0000e-02 eta: 1 day, 10:43:35 time: 0.8328 data_time: 0.0285 memory: 9812 grad_norm: 3.0221 loss: 2.9287 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7819 distill.loss_dist: 1.1468 2023/05/14 15:30:18 - mmengine - INFO - Epoch(train) [24][1440/1879] lr: 2.0000e-02 eta: 1 day, 10:43:17 time: 0.8655 data_time: 0.0264 memory: 9812 grad_norm: 3.0337 loss: 3.0205 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7907 distill.loss_dist: 1.2298 2023/05/14 15:30:35 - mmengine - INFO - Epoch(train) [24][1460/1879] lr: 2.0000e-02 eta: 1 day, 10:43:00 time: 0.8708 data_time: 0.0252 memory: 9812 grad_norm: 3.0511 loss: 2.9645 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7842 distill.loss_dist: 1.1803 2023/05/14 15:30:52 - mmengine - INFO - Epoch(train) [24][1480/1879] lr: 2.0000e-02 eta: 1 day, 10:42:40 time: 0.8324 data_time: 0.0275 memory: 9812 grad_norm: 3.0206 loss: 2.6378 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.4997 distill.loss_dist: 1.1382 2023/05/14 15:31:09 - mmengine - INFO - Epoch(train) [24][1500/1879] lr: 2.0000e-02 eta: 1 day, 10:42:21 time: 0.8501 data_time: 0.0430 memory: 9812 grad_norm: 3.0775 loss: 2.8503 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.6784 distill.loss_dist: 1.1720 2023/05/14 15:31:26 - mmengine - INFO - Epoch(train) [24][1520/1879] lr: 2.0000e-02 eta: 1 day, 10:42:03 time: 0.8646 data_time: 0.0249 memory: 9812 grad_norm: 3.0375 loss: 2.8649 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6797 distill.loss_dist: 1.1852 2023/05/14 15:31:45 - mmengine - INFO - Epoch(train) [24][1540/1879] lr: 2.0000e-02 eta: 1 day, 10:41:49 time: 0.9216 data_time: 0.0261 memory: 9812 grad_norm: 3.0809 loss: 2.9628 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7573 distill.loss_dist: 1.2055 2023/05/14 15:32:01 - mmengine - INFO - Epoch(train) [24][1560/1879] lr: 2.0000e-02 eta: 1 day, 10:41:29 time: 0.8320 data_time: 0.0305 memory: 9812 grad_norm: 3.0069 loss: 2.8268 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.6406 distill.loss_dist: 1.1862 2023/05/14 15:32:18 - mmengine - INFO - Epoch(train) [24][1580/1879] lr: 2.0000e-02 eta: 1 day, 10:41:10 time: 0.8588 data_time: 0.0260 memory: 9812 grad_norm: 3.0904 loss: 2.9901 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.7962 distill.loss_dist: 1.1939 2023/05/14 15:32:37 - mmengine - INFO - Epoch(train) [24][1600/1879] lr: 2.0000e-02 eta: 1 day, 10:40:58 time: 0.9466 data_time: 0.0259 memory: 9812 grad_norm: 2.9919 loss: 2.9556 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7840 distill.loss_dist: 1.1716 2023/05/14 15:32:54 - mmengine - INFO - Epoch(train) [24][1620/1879] lr: 2.0000e-02 eta: 1 day, 10:40:36 time: 0.8150 data_time: 0.0254 memory: 9812 grad_norm: 3.0483 loss: 2.8155 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6317 distill.loss_dist: 1.1838 2023/05/14 15:33:12 - mmengine - INFO - Epoch(train) [24][1640/1879] lr: 2.0000e-02 eta: 1 day, 10:40:20 time: 0.8964 data_time: 0.0246 memory: 9812 grad_norm: 3.0452 loss: 2.8130 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6482 distill.loss_dist: 1.1649 2023/05/14 15:33:28 - mmengine - INFO - Epoch(train) [24][1660/1879] lr: 2.0000e-02 eta: 1 day, 10:40:00 time: 0.8316 data_time: 0.0276 memory: 9812 grad_norm: 3.0220 loss: 2.7484 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5921 distill.loss_dist: 1.1563 2023/05/14 15:33:45 - mmengine - INFO - Epoch(train) [24][1680/1879] lr: 2.0000e-02 eta: 1 day, 10:39:40 time: 0.8263 data_time: 0.0254 memory: 9812 grad_norm: 3.0456 loss: 2.9172 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7409 distill.loss_dist: 1.1763 2023/05/14 15:34:04 - mmengine - INFO - Epoch(train) [24][1700/1879] lr: 2.0000e-02 eta: 1 day, 10:39:27 time: 0.9406 data_time: 0.0272 memory: 9812 grad_norm: 3.0265 loss: 2.8865 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7218 distill.loss_dist: 1.1647 2023/05/14 15:34:21 - mmengine - INFO - Epoch(train) [24][1720/1879] lr: 2.0000e-02 eta: 1 day, 10:39:10 time: 0.8825 data_time: 0.0271 memory: 9812 grad_norm: 3.0348 loss: 3.0657 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.8719 distill.loss_dist: 1.1938 2023/05/14 15:34:37 - mmengine - INFO - Epoch(train) [24][1740/1879] lr: 2.0000e-02 eta: 1 day, 10:38:46 time: 0.7698 data_time: 0.0274 memory: 9812 grad_norm: 3.0532 loss: 2.8094 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6389 distill.loss_dist: 1.1705 2023/05/14 15:34:55 - mmengine - INFO - Epoch(train) [24][1760/1879] lr: 2.0000e-02 eta: 1 day, 10:38:31 time: 0.9061 data_time: 0.0298 memory: 9812 grad_norm: 2.9711 loss: 2.8040 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6348 distill.loss_dist: 1.1693 2023/05/14 15:35:13 - mmengine - INFO - Epoch(train) [24][1780/1879] lr: 2.0000e-02 eta: 1 day, 10:38:15 time: 0.8938 data_time: 0.0272 memory: 9812 grad_norm: 3.0250 loss: 2.9269 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7510 distill.loss_dist: 1.1759 2023/05/14 15:35:14 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 15:35:30 - mmengine - INFO - Epoch(train) [24][1800/1879] lr: 2.0000e-02 eta: 1 day, 10:37:56 time: 0.8533 data_time: 0.0256 memory: 9812 grad_norm: 3.0501 loss: 2.9644 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7744 distill.loss_dist: 1.1900 2023/05/14 15:35:46 - mmengine - INFO - Epoch(train) [24][1820/1879] lr: 2.0000e-02 eta: 1 day, 10:37:35 time: 0.8232 data_time: 0.0297 memory: 9812 grad_norm: 3.0962 loss: 2.9898 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7922 distill.loss_dist: 1.1976 2023/05/14 15:36:03 - mmengine - INFO - Epoch(train) [24][1840/1879] lr: 2.0000e-02 eta: 1 day, 10:37:16 time: 0.8423 data_time: 0.0290 memory: 9812 grad_norm: 3.0001 loss: 2.8834 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7187 distill.loss_dist: 1.1646 2023/05/14 15:36:22 - mmengine - INFO - Epoch(train) [24][1860/1879] lr: 2.0000e-02 eta: 1 day, 10:37:02 time: 0.9342 data_time: 0.0296 memory: 9812 grad_norm: 3.0221 loss: 2.6686 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4916 distill.loss_dist: 1.1770 2023/05/14 15:36:34 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 15:36:34 - mmengine - INFO - Epoch(train) [24][1879/1879] lr: 2.0000e-02 eta: 1 day, 10:36:33 time: 0.6896 data_time: 0.0221 memory: 9812 grad_norm: 3.1049 loss: 3.0954 student.top1_acc: 0.2857 student.top5_acc: 0.5714 student.loss_cls: 1.8997 distill.loss_dist: 1.1957 2023/05/14 15:36:34 - mmengine - INFO - Saving checkpoint at 24 epochs 2023/05/14 15:36:56 - mmengine - INFO - Epoch(val) [24][ 20/155] eta: 0:02:11 time: 0.9763 data_time: 0.9094 memory: 1484 2023/05/14 15:37:09 - mmengine - INFO - Epoch(val) [24][ 40/155] eta: 0:01:34 time: 0.6714 data_time: 0.6073 memory: 1484 2023/05/14 15:37:27 - mmengine - INFO - Epoch(val) [24][ 60/155] eta: 0:01:20 time: 0.8953 data_time: 0.8281 memory: 1484 2023/05/14 15:37:40 - mmengine - INFO - Epoch(val) [24][ 80/155] eta: 0:01:00 time: 0.6605 data_time: 0.5914 memory: 1484 2023/05/14 15:37:59 - mmengine - INFO - Epoch(val) [24][100/155] eta: 0:00:45 time: 0.9608 data_time: 0.8962 memory: 1484 2023/05/14 15:38:12 - mmengine - INFO - Epoch(val) [24][120/155] eta: 0:00:28 time: 0.6513 data_time: 0.5833 memory: 1484 2023/05/14 15:38:33 - mmengine - INFO - Epoch(val) [24][140/155] eta: 0:00:12 time: 1.0050 data_time: 0.9403 memory: 1484 2023/05/14 15:39:02 - mmengine - INFO - Epoch(val) [24][ 20/155] eta: 0:16:12 time: 1.0067 data_time: 0.8527 memory: 1582 2023/05/14 15:39:16 - mmengine - INFO - Epoch(val) [24][ 40/155] eta: 0:07:35 time: 0.7155 data_time: 0.5637 memory: 1582 2023/05/14 15:39:35 - mmengine - INFO - Epoch(val) [24][ 60/155] eta: 0:04:39 time: 0.9189 data_time: 0.7669 memory: 1582 2023/05/14 15:39:48 - mmengine - INFO - Epoch(val) [24][ 80/155] eta: 0:02:58 time: 0.6686 data_time: 0.5171 memory: 1582 2023/05/14 15:40:07 - mmengine - INFO - Epoch(val) [24][100/155] eta: 0:01:55 time: 0.9628 data_time: 0.8107 memory: 1582 2023/05/14 15:40:22 - mmengine - INFO - Epoch(val) [24][120/155] eta: 0:01:05 time: 0.7520 data_time: 0.5984 memory: 1582 2023/05/14 15:40:43 - mmengine - INFO - Epoch(val) [24][140/155] eta: 0:00:26 time: 1.0194 data_time: 0.8668 memory: 1582 2023/05/14 15:40:51 - mmengine - INFO - Epoch(val) [24][155/155] acc/top1: 0.6075 acc/top5: 0.8375 acc/mean1: 0.6074 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6731 time: 0.8235 2023/05/14 15:40:51 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_23.pth is removed 2023/05/14 15:40:53 - mmengine - INFO - The best checkpoint with 0.6075 acc/top1 at 24 epoch is saved to best_acc_top1_epoch_24.pth. 2023/05/14 15:41:14 - mmengine - INFO - Epoch(train) [25][ 20/1879] lr: 2.0000e-02 eta: 1 day, 10:36:28 time: 1.0667 data_time: 0.6299 memory: 9812 grad_norm: 3.0047 loss: 2.7555 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5980 distill.loss_dist: 1.1575 2023/05/14 15:41:30 - mmengine - INFO - Epoch(train) [25][ 40/1879] lr: 2.0000e-02 eta: 1 day, 10:36:07 time: 0.8068 data_time: 0.2930 memory: 9812 grad_norm: 2.9940 loss: 2.9071 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7248 distill.loss_dist: 1.1823 2023/05/14 15:41:48 - mmengine - INFO - Epoch(train) [25][ 60/1879] lr: 2.0000e-02 eta: 1 day, 10:35:48 time: 0.8562 data_time: 0.1636 memory: 9812 grad_norm: 3.0167 loss: 2.5571 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3960 distill.loss_dist: 1.1611 2023/05/14 15:42:05 - mmengine - INFO - Epoch(train) [25][ 80/1879] lr: 2.0000e-02 eta: 1 day, 10:35:30 time: 0.8610 data_time: 0.0299 memory: 9812 grad_norm: 2.9855 loss: 2.7756 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6148 distill.loss_dist: 1.1607 2023/05/14 15:42:22 - mmengine - INFO - Epoch(train) [25][ 100/1879] lr: 2.0000e-02 eta: 1 day, 10:35:12 time: 0.8670 data_time: 0.0597 memory: 9812 grad_norm: 2.9926 loss: 2.7691 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5866 distill.loss_dist: 1.1825 2023/05/14 15:42:38 - mmengine - INFO - Epoch(train) [25][ 120/1879] lr: 2.0000e-02 eta: 1 day, 10:34:51 time: 0.8124 data_time: 0.0278 memory: 9812 grad_norm: 3.0358 loss: 2.7039 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5330 distill.loss_dist: 1.1710 2023/05/14 15:42:58 - mmengine - INFO - Epoch(train) [25][ 140/1879] lr: 2.0000e-02 eta: 1 day, 10:34:39 time: 0.9676 data_time: 0.0301 memory: 9812 grad_norm: 2.9474 loss: 2.5135 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3635 distill.loss_dist: 1.1500 2023/05/14 15:43:15 - mmengine - INFO - Epoch(train) [25][ 160/1879] lr: 2.0000e-02 eta: 1 day, 10:34:21 time: 0.8617 data_time: 0.0237 memory: 9812 grad_norm: 3.0529 loss: 2.7312 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6072 distill.loss_dist: 1.1240 2023/05/14 15:43:32 - mmengine - INFO - Epoch(train) [25][ 180/1879] lr: 2.0000e-02 eta: 1 day, 10:34:01 time: 0.8267 data_time: 0.0265 memory: 9812 grad_norm: 2.9911 loss: 2.6414 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5025 distill.loss_dist: 1.1389 2023/05/14 15:43:50 - mmengine - INFO - Epoch(train) [25][ 200/1879] lr: 2.0000e-02 eta: 1 day, 10:33:47 time: 0.9308 data_time: 0.0289 memory: 9812 grad_norm: 2.9912 loss: 2.8986 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.7218 distill.loss_dist: 1.1767 2023/05/14 15:44:06 - mmengine - INFO - Epoch(train) [25][ 220/1879] lr: 2.0000e-02 eta: 1 day, 10:33:25 time: 0.8009 data_time: 0.0237 memory: 9812 grad_norm: 3.0519 loss: 2.7847 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5788 distill.loss_dist: 1.2059 2023/05/14 15:44:23 - mmengine - INFO - Epoch(train) [25][ 240/1879] lr: 2.0000e-02 eta: 1 day, 10:33:07 time: 0.8559 data_time: 0.0263 memory: 9812 grad_norm: 2.9636 loss: 2.6277 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4737 distill.loss_dist: 1.1540 2023/05/14 15:44:42 - mmengine - INFO - Epoch(train) [25][ 260/1879] lr: 2.0000e-02 eta: 1 day, 10:32:54 time: 0.9496 data_time: 0.0289 memory: 9812 grad_norm: 2.9557 loss: 2.6227 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4666 distill.loss_dist: 1.1561 2023/05/14 15:44:59 - mmengine - INFO - Epoch(train) [25][ 280/1879] lr: 2.0000e-02 eta: 1 day, 10:32:36 time: 0.8559 data_time: 0.0268 memory: 9812 grad_norm: 3.0444 loss: 2.7042 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5456 distill.loss_dist: 1.1586 2023/05/14 15:45:16 - mmengine - INFO - Epoch(train) [25][ 300/1879] lr: 2.0000e-02 eta: 1 day, 10:32:15 time: 0.8206 data_time: 0.0233 memory: 9812 grad_norm: 2.9741 loss: 2.7493 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5687 distill.loss_dist: 1.1807 2023/05/14 15:45:35 - mmengine - INFO - Epoch(train) [25][ 320/1879] lr: 2.0000e-02 eta: 1 day, 10:32:03 time: 0.9602 data_time: 0.0246 memory: 9812 grad_norm: 3.0630 loss: 2.6924 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5293 distill.loss_dist: 1.1631 2023/05/14 15:45:52 - mmengine - INFO - Epoch(train) [25][ 340/1879] lr: 2.0000e-02 eta: 1 day, 10:31:43 time: 0.8360 data_time: 0.0234 memory: 9812 grad_norm: 2.9645 loss: 2.7644 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5813 distill.loss_dist: 1.1831 2023/05/14 15:46:08 - mmengine - INFO - Epoch(train) [25][ 360/1879] lr: 2.0000e-02 eta: 1 day, 10:31:22 time: 0.8051 data_time: 0.0264 memory: 9812 grad_norm: 2.9847 loss: 2.8379 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6634 distill.loss_dist: 1.1745 2023/05/14 15:46:27 - mmengine - INFO - Epoch(train) [25][ 380/1879] lr: 2.0000e-02 eta: 1 day, 10:31:08 time: 0.9317 data_time: 0.0267 memory: 9812 grad_norm: 2.9686 loss: 2.7818 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6272 distill.loss_dist: 1.1547 2023/05/14 15:46:43 - mmengine - INFO - Epoch(train) [25][ 400/1879] lr: 2.0000e-02 eta: 1 day, 10:30:48 time: 0.8272 data_time: 0.0275 memory: 9812 grad_norm: 2.9926 loss: 2.8684 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7165 distill.loss_dist: 1.1519 2023/05/14 15:47:00 - mmengine - INFO - Epoch(train) [25][ 420/1879] lr: 2.0000e-02 eta: 1 day, 10:30:27 time: 0.8302 data_time: 0.0245 memory: 9812 grad_norm: 3.0126 loss: 2.8339 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6507 distill.loss_dist: 1.1831 2023/05/14 15:47:18 - mmengine - INFO - Epoch(train) [25][ 440/1879] lr: 2.0000e-02 eta: 1 day, 10:30:14 time: 0.9309 data_time: 0.0256 memory: 9812 grad_norm: 2.9679 loss: 2.8145 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6437 distill.loss_dist: 1.1708 2023/05/14 15:47:35 - mmengine - INFO - Epoch(train) [25][ 460/1879] lr: 2.0000e-02 eta: 1 day, 10:29:53 time: 0.8276 data_time: 0.0293 memory: 9812 grad_norm: 3.0955 loss: 2.8101 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.6534 distill.loss_dist: 1.1566 2023/05/14 15:47:50 - mmengine - INFO - Epoch(train) [25][ 480/1879] lr: 2.0000e-02 eta: 1 day, 10:29:29 time: 0.7598 data_time: 0.0248 memory: 9812 grad_norm: 3.0047 loss: 2.6563 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5079 distill.loss_dist: 1.1485 2023/05/14 15:48:08 - mmengine - INFO - Epoch(train) [25][ 500/1879] lr: 2.0000e-02 eta: 1 day, 10:29:12 time: 0.8861 data_time: 0.0274 memory: 9812 grad_norm: 2.9940 loss: 2.6743 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.5044 distill.loss_dist: 1.1699 2023/05/14 15:48:27 - mmengine - INFO - Epoch(train) [25][ 520/1879] lr: 2.0000e-02 eta: 1 day, 10:29:01 time: 0.9728 data_time: 0.0273 memory: 9812 grad_norm: 3.0278 loss: 2.7026 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5333 distill.loss_dist: 1.1693 2023/05/14 15:48:43 - mmengine - INFO - Epoch(train) [25][ 540/1879] lr: 2.0000e-02 eta: 1 day, 10:28:38 time: 0.7860 data_time: 0.0267 memory: 9812 grad_norm: 2.9991 loss: 2.9133 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7151 distill.loss_dist: 1.1982 2023/05/14 15:49:01 - mmengine - INFO - Epoch(train) [25][ 560/1879] lr: 2.0000e-02 eta: 1 day, 10:28:22 time: 0.8959 data_time: 0.0304 memory: 9812 grad_norm: 3.0158 loss: 2.8635 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6808 distill.loss_dist: 1.1827 2023/05/14 15:49:18 - mmengine - INFO - Epoch(train) [25][ 580/1879] lr: 2.0000e-02 eta: 1 day, 10:28:03 time: 0.8511 data_time: 0.0287 memory: 9812 grad_norm: 3.0312 loss: 3.0039 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7987 distill.loss_dist: 1.2052 2023/05/14 15:49:34 - mmengine - INFO - Epoch(train) [25][ 600/1879] lr: 2.0000e-02 eta: 1 day, 10:27:42 time: 0.8007 data_time: 0.0249 memory: 9812 grad_norm: 3.0325 loss: 2.8328 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6733 distill.loss_dist: 1.1595 2023/05/14 15:49:52 - mmengine - INFO - Epoch(train) [25][ 620/1879] lr: 2.0000e-02 eta: 1 day, 10:27:25 time: 0.8837 data_time: 0.0306 memory: 9812 grad_norm: 2.9659 loss: 2.8224 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6581 distill.loss_dist: 1.1644 2023/05/14 15:50:10 - mmengine - INFO - Epoch(train) [25][ 640/1879] lr: 2.0000e-02 eta: 1 day, 10:27:10 time: 0.9170 data_time: 0.0304 memory: 9812 grad_norm: 2.9830 loss: 2.8617 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6568 distill.loss_dist: 1.2048 2023/05/14 15:50:26 - mmengine - INFO - Epoch(train) [25][ 660/1879] lr: 2.0000e-02 eta: 1 day, 10:26:50 time: 0.8215 data_time: 0.0244 memory: 9812 grad_norm: 3.0099 loss: 3.1884 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.9685 distill.loss_dist: 1.2199 2023/05/14 15:50:45 - mmengine - INFO - Epoch(train) [25][ 680/1879] lr: 2.0000e-02 eta: 1 day, 10:26:36 time: 0.9428 data_time: 0.0294 memory: 9812 grad_norm: 3.0501 loss: 2.7974 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.6358 distill.loss_dist: 1.1615 2023/05/14 15:51:02 - mmengine - INFO - Epoch(train) [25][ 700/1879] lr: 2.0000e-02 eta: 1 day, 10:26:18 time: 0.8576 data_time: 0.0258 memory: 9812 grad_norm: 3.0482 loss: 2.7675 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5851 distill.loss_dist: 1.1824 2023/05/14 15:51:19 - mmengine - INFO - Epoch(train) [25][ 720/1879] lr: 2.0000e-02 eta: 1 day, 10:25:57 time: 0.8204 data_time: 0.0313 memory: 9812 grad_norm: 3.0937 loss: 2.9261 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7161 distill.loss_dist: 1.2100 2023/05/14 15:51:38 - mmengine - INFO - Epoch(train) [25][ 740/1879] lr: 2.0000e-02 eta: 1 day, 10:25:45 time: 0.9494 data_time: 0.0260 memory: 9812 grad_norm: 2.9906 loss: 2.8315 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.6685 distill.loss_dist: 1.1630 2023/05/14 15:51:55 - mmengine - INFO - Epoch(train) [25][ 760/1879] lr: 2.0000e-02 eta: 1 day, 10:25:26 time: 0.8445 data_time: 0.0260 memory: 9812 grad_norm: 2.9819 loss: 2.9148 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.7200 distill.loss_dist: 1.1948 2023/05/14 15:52:11 - mmengine - INFO - Epoch(train) [25][ 780/1879] lr: 2.0000e-02 eta: 1 day, 10:25:06 time: 0.8326 data_time: 0.0273 memory: 9812 grad_norm: 3.0670 loss: 2.9680 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.7617 distill.loss_dist: 1.2063 2023/05/14 15:52:31 - mmengine - INFO - Epoch(train) [25][ 800/1879] lr: 2.0000e-02 eta: 1 day, 10:24:54 time: 0.9603 data_time: 0.0261 memory: 9812 grad_norm: 3.0489 loss: 2.8738 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7103 distill.loss_dist: 1.1635 2023/05/14 15:52:47 - mmengine - INFO - Epoch(train) [25][ 820/1879] lr: 2.0000e-02 eta: 1 day, 10:24:33 time: 0.8273 data_time: 0.0271 memory: 9812 grad_norm: 3.0209 loss: 2.8544 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6485 distill.loss_dist: 1.2059 2023/05/14 15:53:03 - mmengine - INFO - Epoch(train) [25][ 840/1879] lr: 2.0000e-02 eta: 1 day, 10:24:12 time: 0.8109 data_time: 0.0312 memory: 9812 grad_norm: 3.0491 loss: 3.0689 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.8779 distill.loss_dist: 1.1910 2023/05/14 15:53:23 - mmengine - INFO - Epoch(train) [25][ 860/1879] lr: 2.0000e-02 eta: 1 day, 10:24:01 time: 0.9755 data_time: 0.0274 memory: 9812 grad_norm: 2.9832 loss: 2.7983 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6208 distill.loss_dist: 1.1776 2023/05/14 15:53:39 - mmengine - INFO - Epoch(train) [25][ 880/1879] lr: 2.0000e-02 eta: 1 day, 10:23:38 time: 0.7827 data_time: 0.0272 memory: 9812 grad_norm: 2.9981 loss: 2.8412 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6747 distill.loss_dist: 1.1665 2023/05/14 15:53:56 - mmengine - INFO - Epoch(train) [25][ 900/1879] lr: 2.0000e-02 eta: 1 day, 10:23:19 time: 0.8512 data_time: 0.0268 memory: 9812 grad_norm: 3.0038 loss: 2.6796 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4960 distill.loss_dist: 1.1837 2023/05/14 15:54:00 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 15:54:15 - mmengine - INFO - Epoch(train) [25][ 920/1879] lr: 2.0000e-02 eta: 1 day, 10:23:08 time: 0.9668 data_time: 0.0288 memory: 9812 grad_norm: 3.0446 loss: 2.8780 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6970 distill.loss_dist: 1.1810 2023/05/14 15:54:32 - mmengine - INFO - Epoch(train) [25][ 940/1879] lr: 2.0000e-02 eta: 1 day, 10:22:48 time: 0.8373 data_time: 0.0265 memory: 9812 grad_norm: 3.1631 loss: 2.9034 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.7017 distill.loss_dist: 1.2017 2023/05/14 15:54:47 - mmengine - INFO - Epoch(train) [25][ 960/1879] lr: 2.0000e-02 eta: 1 day, 10:22:25 time: 0.7789 data_time: 0.0271 memory: 9812 grad_norm: 3.0998 loss: 2.9344 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7627 distill.loss_dist: 1.1717 2023/05/14 15:55:06 - mmengine - INFO - Epoch(train) [25][ 980/1879] lr: 2.0000e-02 eta: 1 day, 10:22:11 time: 0.9350 data_time: 0.0251 memory: 9812 grad_norm: 2.9852 loss: 2.8988 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.7114 distill.loss_dist: 1.1873 2023/05/14 15:55:23 - mmengine - INFO - Epoch(train) [25][1000/1879] lr: 2.0000e-02 eta: 1 day, 10:21:52 time: 0.8405 data_time: 0.0277 memory: 9812 grad_norm: 3.1073 loss: 2.9134 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7377 distill.loss_dist: 1.1757 2023/05/14 15:55:40 - mmengine - INFO - Epoch(train) [25][1020/1879] lr: 2.0000e-02 eta: 1 day, 10:21:32 time: 0.8308 data_time: 0.0262 memory: 9812 grad_norm: 3.1031 loss: 2.9785 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7839 distill.loss_dist: 1.1945 2023/05/14 15:55:57 - mmengine - INFO - Epoch(train) [25][1040/1879] lr: 2.0000e-02 eta: 1 day, 10:21:13 time: 0.8511 data_time: 0.0272 memory: 9812 grad_norm: 3.0142 loss: 2.6603 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5193 distill.loss_dist: 1.1409 2023/05/14 15:56:15 - mmengine - INFO - Epoch(train) [25][1060/1879] lr: 2.0000e-02 eta: 1 day, 10:20:59 time: 0.9322 data_time: 0.0265 memory: 9812 grad_norm: 3.0320 loss: 2.8193 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.6506 distill.loss_dist: 1.1687 2023/05/14 15:56:32 - mmengine - INFO - Epoch(train) [25][1080/1879] lr: 2.0000e-02 eta: 1 day, 10:20:38 time: 0.8141 data_time: 0.0297 memory: 9812 grad_norm: 2.9660 loss: 2.6996 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.5379 distill.loss_dist: 1.1617 2023/05/14 15:56:48 - mmengine - INFO - Epoch(train) [25][1100/1879] lr: 2.0000e-02 eta: 1 day, 10:20:19 time: 0.8458 data_time: 0.0270 memory: 9812 grad_norm: 3.0324 loss: 2.9366 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7581 distill.loss_dist: 1.1785 2023/05/14 15:57:08 - mmengine - INFO - Epoch(train) [25][1120/1879] lr: 2.0000e-02 eta: 1 day, 10:20:07 time: 0.9524 data_time: 0.0281 memory: 9812 grad_norm: 2.9725 loss: 2.9159 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7624 distill.loss_dist: 1.1535 2023/05/14 15:57:24 - mmengine - INFO - Epoch(train) [25][1140/1879] lr: 2.0000e-02 eta: 1 day, 10:19:46 time: 0.8259 data_time: 0.0277 memory: 9812 grad_norm: 3.0455 loss: 2.9773 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.7903 distill.loss_dist: 1.1870 2023/05/14 15:57:40 - mmengine - INFO - Epoch(train) [25][1160/1879] lr: 2.0000e-02 eta: 1 day, 10:19:23 time: 0.7732 data_time: 0.0262 memory: 9812 grad_norm: 3.0001 loss: 2.8135 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6300 distill.loss_dist: 1.1834 2023/05/14 15:57:59 - mmengine - INFO - Epoch(train) [25][1180/1879] lr: 2.0000e-02 eta: 1 day, 10:19:10 time: 0.9512 data_time: 0.2415 memory: 9812 grad_norm: 3.0137 loss: 2.8719 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6947 distill.loss_dist: 1.1772 2023/05/14 15:58:16 - mmengine - INFO - Epoch(train) [25][1200/1879] lr: 2.0000e-02 eta: 1 day, 10:18:52 time: 0.8676 data_time: 0.2222 memory: 9812 grad_norm: 3.0492 loss: 2.6994 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.5479 distill.loss_dist: 1.1515 2023/05/14 15:58:33 - mmengine - INFO - Epoch(train) [25][1220/1879] lr: 2.0000e-02 eta: 1 day, 10:18:34 time: 0.8499 data_time: 0.1711 memory: 9812 grad_norm: 2.9651 loss: 2.7709 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6076 distill.loss_dist: 1.1634 2023/05/14 15:58:50 - mmengine - INFO - Epoch(train) [25][1240/1879] lr: 2.0000e-02 eta: 1 day, 10:18:14 time: 0.8422 data_time: 0.0390 memory: 9812 grad_norm: 2.9951 loss: 2.9532 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7546 distill.loss_dist: 1.1986 2023/05/14 15:59:09 - mmengine - INFO - Epoch(train) [25][1260/1879] lr: 2.0000e-02 eta: 1 day, 10:18:02 time: 0.9609 data_time: 0.1001 memory: 9812 grad_norm: 3.1052 loss: 2.8543 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.6831 distill.loss_dist: 1.1712 2023/05/14 15:59:25 - mmengine - INFO - Epoch(train) [25][1280/1879] lr: 2.0000e-02 eta: 1 day, 10:17:40 time: 0.8003 data_time: 0.0576 memory: 9812 grad_norm: 2.9519 loss: 2.9182 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7303 distill.loss_dist: 1.1880 2023/05/14 15:59:43 - mmengine - INFO - Epoch(train) [25][1300/1879] lr: 2.0000e-02 eta: 1 day, 10:17:24 time: 0.8835 data_time: 0.0969 memory: 9812 grad_norm: 3.0066 loss: 2.8366 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6677 distill.loss_dist: 1.1689 2023/05/14 16:00:00 - mmengine - INFO - Epoch(train) [25][1320/1879] lr: 2.0000e-02 eta: 1 day, 10:17:06 time: 0.8644 data_time: 0.0410 memory: 9812 grad_norm: 3.0690 loss: 2.7838 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6255 distill.loss_dist: 1.1583 2023/05/14 16:00:16 - mmengine - INFO - Epoch(train) [25][1340/1879] lr: 2.0000e-02 eta: 1 day, 10:16:44 time: 0.8037 data_time: 0.0252 memory: 9812 grad_norm: 3.0253 loss: 2.8914 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7240 distill.loss_dist: 1.1674 2023/05/14 16:00:36 - mmengine - INFO - Epoch(train) [25][1360/1879] lr: 2.0000e-02 eta: 1 day, 10:16:33 time: 0.9815 data_time: 0.0267 memory: 9812 grad_norm: 2.9977 loss: 3.0291 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8324 distill.loss_dist: 1.1967 2023/05/14 16:00:52 - mmengine - INFO - Epoch(train) [25][1380/1879] lr: 2.0000e-02 eta: 1 day, 10:16:11 time: 0.7943 data_time: 0.0279 memory: 9812 grad_norm: 3.0069 loss: 2.9743 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.7681 distill.loss_dist: 1.2062 2023/05/14 16:01:08 - mmengine - INFO - Epoch(train) [25][1400/1879] lr: 2.0000e-02 eta: 1 day, 10:15:50 time: 0.8064 data_time: 0.0257 memory: 9812 grad_norm: 3.0232 loss: 3.0014 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8152 distill.loss_dist: 1.1862 2023/05/14 16:01:25 - mmengine - INFO - Epoch(train) [25][1420/1879] lr: 2.0000e-02 eta: 1 day, 10:15:33 time: 0.8799 data_time: 0.0262 memory: 9812 grad_norm: 2.9669 loss: 2.9867 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7934 distill.loss_dist: 1.1932 2023/05/14 16:01:43 - mmengine - INFO - Epoch(train) [25][1440/1879] lr: 2.0000e-02 eta: 1 day, 10:15:15 time: 0.8704 data_time: 0.0276 memory: 9812 grad_norm: 3.0244 loss: 2.5546 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4050 distill.loss_dist: 1.1495 2023/05/14 16:02:01 - mmengine - INFO - Epoch(train) [25][1460/1879] lr: 2.0000e-02 eta: 1 day, 10:15:00 time: 0.9058 data_time: 0.0257 memory: 9812 grad_norm: 2.9810 loss: 2.6174 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.4625 distill.loss_dist: 1.1548 2023/05/14 16:02:18 - mmengine - INFO - Epoch(train) [25][1480/1879] lr: 2.0000e-02 eta: 1 day, 10:14:40 time: 0.8370 data_time: 0.0263 memory: 9812 grad_norm: 2.9576 loss: 2.7812 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6222 distill.loss_dist: 1.1590 2023/05/14 16:02:35 - mmengine - INFO - Epoch(train) [25][1500/1879] lr: 2.0000e-02 eta: 1 day, 10:14:22 time: 0.8666 data_time: 0.0279 memory: 9812 grad_norm: 3.0696 loss: 2.9029 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 1.7167 distill.loss_dist: 1.1861 2023/05/14 16:02:52 - mmengine - INFO - Epoch(train) [25][1520/1879] lr: 2.0000e-02 eta: 1 day, 10:14:03 time: 0.8475 data_time: 0.0282 memory: 9812 grad_norm: 3.0058 loss: 2.6892 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.4950 distill.loss_dist: 1.1942 2023/05/14 16:03:10 - mmengine - INFO - Epoch(train) [25][1540/1879] lr: 2.0000e-02 eta: 1 day, 10:13:47 time: 0.8861 data_time: 0.0311 memory: 9812 grad_norm: 2.9593 loss: 2.7173 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.5612 distill.loss_dist: 1.1561 2023/05/14 16:03:26 - mmengine - INFO - Epoch(train) [25][1560/1879] lr: 2.0000e-02 eta: 1 day, 10:13:27 time: 0.8376 data_time: 0.0515 memory: 9812 grad_norm: 2.9717 loss: 2.8164 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6383 distill.loss_dist: 1.1781 2023/05/14 16:03:44 - mmengine - INFO - Epoch(train) [25][1580/1879] lr: 2.0000e-02 eta: 1 day, 10:13:11 time: 0.8946 data_time: 0.0615 memory: 9812 grad_norm: 3.0109 loss: 2.8586 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6919 distill.loss_dist: 1.1667 2023/05/14 16:04:01 - mmengine - INFO - Epoch(train) [25][1600/1879] lr: 2.0000e-02 eta: 1 day, 10:12:51 time: 0.8350 data_time: 0.0291 memory: 9812 grad_norm: 3.0183 loss: 2.6642 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4946 distill.loss_dist: 1.1695 2023/05/14 16:04:18 - mmengine - INFO - Epoch(train) [25][1620/1879] lr: 2.0000e-02 eta: 1 day, 10:12:32 time: 0.8357 data_time: 0.0252 memory: 9812 grad_norm: 3.0333 loss: 2.8579 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6908 distill.loss_dist: 1.1671 2023/05/14 16:04:36 - mmengine - INFO - Epoch(train) [25][1640/1879] lr: 2.0000e-02 eta: 1 day, 10:12:17 time: 0.9191 data_time: 0.0252 memory: 9812 grad_norm: 3.0354 loss: 2.8689 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6907 distill.loss_dist: 1.1783 2023/05/14 16:04:53 - mmengine - INFO - Epoch(train) [25][1660/1879] lr: 2.0000e-02 eta: 1 day, 10:11:58 time: 0.8509 data_time: 0.0275 memory: 9812 grad_norm: 3.0321 loss: 2.7195 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5411 distill.loss_dist: 1.1784 2023/05/14 16:05:11 - mmengine - INFO - Epoch(train) [25][1680/1879] lr: 2.0000e-02 eta: 1 day, 10:11:42 time: 0.8843 data_time: 0.0227 memory: 9812 grad_norm: 3.0257 loss: 2.6204 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4517 distill.loss_dist: 1.1687 2023/05/14 16:05:28 - mmengine - INFO - Epoch(train) [25][1700/1879] lr: 2.0000e-02 eta: 1 day, 10:11:23 time: 0.8560 data_time: 0.0290 memory: 9812 grad_norm: 3.0121 loss: 2.8995 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6894 distill.loss_dist: 1.2101 2023/05/14 16:05:46 - mmengine - INFO - Epoch(train) [25][1720/1879] lr: 2.0000e-02 eta: 1 day, 10:11:09 time: 0.9220 data_time: 0.0261 memory: 9812 grad_norm: 2.9305 loss: 2.8254 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6349 distill.loss_dist: 1.1905 2023/05/14 16:06:04 - mmengine - INFO - Epoch(train) [25][1740/1879] lr: 2.0000e-02 eta: 1 day, 10:10:52 time: 0.8761 data_time: 0.0263 memory: 9812 grad_norm: 3.1071 loss: 2.6406 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4789 distill.loss_dist: 1.1617 2023/05/14 16:06:21 - mmengine - INFO - Epoch(train) [25][1760/1879] lr: 2.0000e-02 eta: 1 day, 10:10:34 time: 0.8634 data_time: 0.0280 memory: 9812 grad_norm: 3.0083 loss: 2.6206 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4629 distill.loss_dist: 1.1576 2023/05/14 16:06:37 - mmengine - INFO - Epoch(train) [25][1780/1879] lr: 2.0000e-02 eta: 1 day, 10:10:10 time: 0.7650 data_time: 0.0281 memory: 9812 grad_norm: 3.0006 loss: 3.0527 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8449 distill.loss_dist: 1.2078 2023/05/14 16:06:54 - mmengine - INFO - Epoch(train) [25][1800/1879] lr: 2.0000e-02 eta: 1 day, 10:09:52 time: 0.8625 data_time: 0.0294 memory: 9812 grad_norm: 3.0025 loss: 2.9699 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7787 distill.loss_dist: 1.1911 2023/05/14 16:07:11 - mmengine - INFO - Epoch(train) [25][1820/1879] lr: 2.0000e-02 eta: 1 day, 10:09:34 time: 0.8728 data_time: 0.0276 memory: 9812 grad_norm: 3.0432 loss: 2.6948 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5396 distill.loss_dist: 1.1552 2023/05/14 16:07:29 - mmengine - INFO - Epoch(train) [25][1840/1879] lr: 2.0000e-02 eta: 1 day, 10:09:19 time: 0.9011 data_time: 0.0271 memory: 9812 grad_norm: 2.9700 loss: 2.9619 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.7585 distill.loss_dist: 1.2034 2023/05/14 16:07:46 - mmengine - INFO - Epoch(train) [25][1860/1879] lr: 2.0000e-02 eta: 1 day, 10:08:59 time: 0.8361 data_time: 0.0260 memory: 9812 grad_norm: 2.9857 loss: 2.9777 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.8175 distill.loss_dist: 1.1603 2023/05/14 16:07:59 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 16:07:59 - mmengine - INFO - Epoch(train) [25][1879/1879] lr: 2.0000e-02 eta: 1 day, 10:08:32 time: 0.6853 data_time: 0.0203 memory: 9812 grad_norm: 3.1529 loss: 2.9047 student.top1_acc: 0.2857 student.top5_acc: 0.8571 student.loss_cls: 1.7215 distill.loss_dist: 1.1832 2023/05/14 16:08:18 - mmengine - INFO - Epoch(val) [25][ 20/155] eta: 0:02:08 time: 0.9521 data_time: 0.8891 memory: 1484 2023/05/14 16:08:33 - mmengine - INFO - Epoch(val) [25][ 40/155] eta: 0:01:35 time: 0.7060 data_time: 0.6421 memory: 1484 2023/05/14 16:08:50 - mmengine - INFO - Epoch(val) [25][ 60/155] eta: 0:01:19 time: 0.8666 data_time: 0.8064 memory: 1484 2023/05/14 16:09:04 - mmengine - INFO - Epoch(val) [25][ 80/155] eta: 0:01:00 time: 0.7097 data_time: 0.6448 memory: 1484 2023/05/14 16:09:23 - mmengine - INFO - Epoch(val) [25][100/155] eta: 0:00:46 time: 0.9524 data_time: 0.8860 memory: 1484 2023/05/14 16:09:36 - mmengine - INFO - Epoch(val) [25][120/155] eta: 0:00:28 time: 0.6497 data_time: 0.5897 memory: 1484 2023/05/14 16:09:56 - mmengine - INFO - Epoch(val) [25][140/155] eta: 0:00:12 time: 0.9937 data_time: 0.9345 memory: 1484 2023/05/14 16:10:27 - mmengine - INFO - Epoch(val) [25][ 20/155] eta: 0:16:18 time: 0.9975 data_time: 0.8416 memory: 1582 2023/05/14 16:10:41 - mmengine - INFO - Epoch(val) [25][ 40/155] eta: 0:07:37 time: 0.7116 data_time: 0.5526 memory: 1582 2023/05/14 16:10:58 - mmengine - INFO - Epoch(val) [25][ 60/155] eta: 0:04:40 time: 0.8813 data_time: 0.7312 memory: 1582 2023/05/14 16:11:12 - mmengine - INFO - Epoch(val) [25][ 80/155] eta: 0:02:58 time: 0.6941 data_time: 0.5404 memory: 1582 2023/05/14 16:11:32 - mmengine - INFO - Epoch(val) [25][100/155] eta: 0:01:55 time: 0.9697 data_time: 0.8157 memory: 1582 2023/05/14 16:11:46 - mmengine - INFO - Epoch(val) [25][120/155] eta: 0:01:05 time: 0.6999 data_time: 0.5476 memory: 1582 2023/05/14 16:12:05 - mmengine - INFO - Epoch(val) [25][140/155] eta: 0:00:26 time: 0.9836 data_time: 0.8289 memory: 1582 2023/05/14 16:12:15 - mmengine - INFO - Epoch(val) [25][155/155] acc/top1: 0.6070 acc/top5: 0.8386 acc/mean1: 0.6070 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6629 time: 0.8150 2023/05/14 16:12:38 - mmengine - INFO - Epoch(train) [26][ 20/1879] lr: 2.0000e-02 eta: 1 day, 10:08:30 time: 1.1321 data_time: 0.3910 memory: 9812 grad_norm: 2.9904 loss: 2.7286 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5619 distill.loss_dist: 1.1667 2023/05/14 16:12:42 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 16:12:54 - mmengine - INFO - Epoch(train) [26][ 40/1879] lr: 2.0000e-02 eta: 1 day, 10:08:08 time: 0.7949 data_time: 0.0555 memory: 9812 grad_norm: 2.9794 loss: 2.7947 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.6056 distill.loss_dist: 1.1891 2023/05/14 16:13:10 - mmengine - INFO - Epoch(train) [26][ 60/1879] lr: 2.0000e-02 eta: 1 day, 10:07:48 time: 0.8178 data_time: 0.0677 memory: 9812 grad_norm: 3.0146 loss: 2.9697 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8136 distill.loss_dist: 1.1561 2023/05/14 16:13:30 - mmengine - INFO - Epoch(train) [26][ 80/1879] lr: 2.0000e-02 eta: 1 day, 10:07:37 time: 0.9938 data_time: 0.0289 memory: 9812 grad_norm: 3.0047 loss: 2.6905 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5452 distill.loss_dist: 1.1453 2023/05/14 16:13:47 - mmengine - INFO - Epoch(train) [26][ 100/1879] lr: 2.0000e-02 eta: 1 day, 10:07:18 time: 0.8447 data_time: 0.0268 memory: 9812 grad_norm: 3.0139 loss: 2.7872 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6097 distill.loss_dist: 1.1775 2023/05/14 16:14:02 - mmengine - INFO - Epoch(train) [26][ 120/1879] lr: 2.0000e-02 eta: 1 day, 10:06:55 time: 0.7728 data_time: 0.0291 memory: 9812 grad_norm: 3.0198 loss: 2.7929 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6274 distill.loss_dist: 1.1655 2023/05/14 16:14:22 - mmengine - INFO - Epoch(train) [26][ 140/1879] lr: 2.0000e-02 eta: 1 day, 10:06:43 time: 0.9608 data_time: 0.0284 memory: 9812 grad_norm: 3.0156 loss: 2.6552 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5151 distill.loss_dist: 1.1401 2023/05/14 16:14:38 - mmengine - INFO - Epoch(train) [26][ 160/1879] lr: 2.0000e-02 eta: 1 day, 10:06:21 time: 0.8027 data_time: 0.0248 memory: 9812 grad_norm: 2.9979 loss: 2.9030 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7442 distill.loss_dist: 1.1588 2023/05/14 16:14:54 - mmengine - INFO - Epoch(train) [26][ 180/1879] lr: 2.0000e-02 eta: 1 day, 10:06:00 time: 0.8046 data_time: 0.0263 memory: 9812 grad_norm: 2.9692 loss: 2.7108 student.top1_acc: 0.3750 student.top5_acc: 0.9375 student.loss_cls: 1.5428 distill.loss_dist: 1.1680 2023/05/14 16:15:13 - mmengine - INFO - Epoch(train) [26][ 200/1879] lr: 2.0000e-02 eta: 1 day, 10:05:46 time: 0.9402 data_time: 0.0294 memory: 9812 grad_norm: 3.0367 loss: 2.7439 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5767 distill.loss_dist: 1.1671 2023/05/14 16:15:29 - mmengine - INFO - Epoch(train) [26][ 220/1879] lr: 2.0000e-02 eta: 1 day, 10:05:26 time: 0.8227 data_time: 0.0275 memory: 9812 grad_norm: 3.0493 loss: 2.8649 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7123 distill.loss_dist: 1.1526 2023/05/14 16:15:45 - mmengine - INFO - Epoch(train) [26][ 240/1879] lr: 2.0000e-02 eta: 1 day, 10:05:04 time: 0.8027 data_time: 0.0548 memory: 9812 grad_norm: 2.9768 loss: 2.7499 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6086 distill.loss_dist: 1.1412 2023/05/14 16:16:04 - mmengine - INFO - Epoch(train) [26][ 260/1879] lr: 2.0000e-02 eta: 1 day, 10:04:51 time: 0.9480 data_time: 0.0832 memory: 9812 grad_norm: 3.0288 loss: 2.7475 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5821 distill.loss_dist: 1.1654 2023/05/14 16:16:21 - mmengine - INFO - Epoch(train) [26][ 280/1879] lr: 2.0000e-02 eta: 1 day, 10:04:33 time: 0.8517 data_time: 0.0277 memory: 9812 grad_norm: 3.0133 loss: 2.7922 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.6101 distill.loss_dist: 1.1821 2023/05/14 16:16:38 - mmengine - INFO - Epoch(train) [26][ 300/1879] lr: 2.0000e-02 eta: 1 day, 10:04:13 time: 0.8412 data_time: 0.0251 memory: 9812 grad_norm: 3.0303 loss: 2.7558 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5793 distill.loss_dist: 1.1765 2023/05/14 16:16:56 - mmengine - INFO - Epoch(train) [26][ 320/1879] lr: 2.0000e-02 eta: 1 day, 10:03:58 time: 0.8979 data_time: 0.0274 memory: 9812 grad_norm: 3.0288 loss: 2.8455 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6688 distill.loss_dist: 1.1767 2023/05/14 16:17:12 - mmengine - INFO - Epoch(train) [26][ 340/1879] lr: 2.0000e-02 eta: 1 day, 10:03:36 time: 0.8019 data_time: 0.0378 memory: 9812 grad_norm: 2.9658 loss: 2.6849 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5419 distill.loss_dist: 1.1430 2023/05/14 16:17:29 - mmengine - INFO - Epoch(train) [26][ 360/1879] lr: 2.0000e-02 eta: 1 day, 10:03:16 time: 0.8268 data_time: 0.0284 memory: 9812 grad_norm: 3.0843 loss: 2.8269 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6514 distill.loss_dist: 1.1755 2023/05/14 16:17:47 - mmengine - INFO - Epoch(train) [26][ 380/1879] lr: 2.0000e-02 eta: 1 day, 10:03:02 time: 0.9389 data_time: 0.0279 memory: 9812 grad_norm: 3.0683 loss: 2.8671 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6789 distill.loss_dist: 1.1882 2023/05/14 16:18:04 - mmengine - INFO - Epoch(train) [26][ 400/1879] lr: 2.0000e-02 eta: 1 day, 10:02:41 time: 0.8033 data_time: 0.0854 memory: 9812 grad_norm: 3.0068 loss: 2.8769 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7154 distill.loss_dist: 1.1615 2023/05/14 16:18:21 - mmengine - INFO - Epoch(train) [26][ 420/1879] lr: 2.0000e-02 eta: 1 day, 10:02:23 time: 0.8691 data_time: 0.1457 memory: 9812 grad_norm: 2.9662 loss: 2.6593 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.5115 distill.loss_dist: 1.1478 2023/05/14 16:18:39 - mmengine - INFO - Epoch(train) [26][ 440/1879] lr: 2.0000e-02 eta: 1 day, 10:02:07 time: 0.8977 data_time: 0.0261 memory: 9812 grad_norm: 2.9802 loss: 2.8041 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6093 distill.loss_dist: 1.1948 2023/05/14 16:18:56 - mmengine - INFO - Epoch(train) [26][ 460/1879] lr: 2.0000e-02 eta: 1 day, 10:01:49 time: 0.8602 data_time: 0.0277 memory: 9812 grad_norm: 2.9765 loss: 2.5356 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3965 distill.loss_dist: 1.1392 2023/05/14 16:19:14 - mmengine - INFO - Epoch(train) [26][ 480/1879] lr: 2.0000e-02 eta: 1 day, 10:01:33 time: 0.8891 data_time: 0.0248 memory: 9812 grad_norm: 2.9951 loss: 2.7215 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5622 distill.loss_dist: 1.1593 2023/05/14 16:19:31 - mmengine - INFO - Epoch(train) [26][ 500/1879] lr: 2.0000e-02 eta: 1 day, 10:01:16 time: 0.8780 data_time: 0.0267 memory: 9812 grad_norm: 2.9792 loss: 2.6754 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5007 distill.loss_dist: 1.1746 2023/05/14 16:19:47 - mmengine - INFO - Epoch(train) [26][ 520/1879] lr: 2.0000e-02 eta: 1 day, 10:00:54 time: 0.8019 data_time: 0.0286 memory: 9812 grad_norm: 2.9683 loss: 2.9664 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7549 distill.loss_dist: 1.2115 2023/05/14 16:20:04 - mmengine - INFO - Epoch(train) [26][ 540/1879] lr: 2.0000e-02 eta: 1 day, 10:00:34 time: 0.8238 data_time: 0.0264 memory: 9812 grad_norm: 2.9801 loss: 2.8533 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6776 distill.loss_dist: 1.1757 2023/05/14 16:20:22 - mmengine - INFO - Epoch(train) [26][ 560/1879] lr: 2.0000e-02 eta: 1 day, 10:00:19 time: 0.9244 data_time: 0.0279 memory: 9812 grad_norm: 2.9287 loss: 2.9174 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7159 distill.loss_dist: 1.2015 2023/05/14 16:20:40 - mmengine - INFO - Epoch(train) [26][ 580/1879] lr: 2.0000e-02 eta: 1 day, 10:00:01 time: 0.8540 data_time: 0.0296 memory: 9812 grad_norm: 2.9568 loss: 2.5997 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.4632 distill.loss_dist: 1.1365 2023/05/14 16:20:59 - mmengine - INFO - Epoch(train) [26][ 600/1879] lr: 2.0000e-02 eta: 1 day, 9:59:48 time: 0.9588 data_time: 0.0257 memory: 9812 grad_norm: 2.9925 loss: 2.8166 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.6488 distill.loss_dist: 1.1677 2023/05/14 16:21:15 - mmengine - INFO - Epoch(train) [26][ 620/1879] lr: 2.0000e-02 eta: 1 day, 9:59:27 time: 0.8089 data_time: 0.0250 memory: 9812 grad_norm: 2.9374 loss: 2.8034 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.6384 distill.loss_dist: 1.1650 2023/05/14 16:21:31 - mmengine - INFO - Epoch(train) [26][ 640/1879] lr: 2.0000e-02 eta: 1 day, 9:59:06 time: 0.8109 data_time: 0.0294 memory: 9812 grad_norm: 3.0128 loss: 2.8571 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6943 distill.loss_dist: 1.1628 2023/05/14 16:21:49 - mmengine - INFO - Epoch(train) [26][ 660/1879] lr: 2.0000e-02 eta: 1 day, 9:58:51 time: 0.9114 data_time: 0.0284 memory: 9812 grad_norm: 2.9946 loss: 2.9321 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7571 distill.loss_dist: 1.1750 2023/05/14 16:22:06 - mmengine - INFO - Epoch(train) [26][ 680/1879] lr: 2.0000e-02 eta: 1 day, 9:58:31 time: 0.8333 data_time: 0.0255 memory: 9812 grad_norm: 3.1037 loss: 2.9481 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7589 distill.loss_dist: 1.1892 2023/05/14 16:22:23 - mmengine - INFO - Epoch(train) [26][ 700/1879] lr: 2.0000e-02 eta: 1 day, 9:58:11 time: 0.8248 data_time: 0.0255 memory: 9812 grad_norm: 2.9741 loss: 2.7380 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5800 distill.loss_dist: 1.1580 2023/05/14 16:22:42 - mmengine - INFO - Epoch(train) [26][ 720/1879] lr: 2.0000e-02 eta: 1 day, 9:58:00 time: 0.9853 data_time: 0.0298 memory: 9812 grad_norm: 3.0409 loss: 3.0391 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 1.8485 distill.loss_dist: 1.1906 2023/05/14 16:22:58 - mmengine - INFO - Epoch(train) [26][ 740/1879] lr: 2.0000e-02 eta: 1 day, 9:57:37 time: 0.7761 data_time: 0.0270 memory: 9812 grad_norm: 3.0224 loss: 2.6459 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4880 distill.loss_dist: 1.1578 2023/05/14 16:23:14 - mmengine - INFO - Epoch(train) [26][ 760/1879] lr: 2.0000e-02 eta: 1 day, 9:57:17 time: 0.8210 data_time: 0.0259 memory: 9812 grad_norm: 3.1147 loss: 2.8954 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.7016 distill.loss_dist: 1.1938 2023/05/14 16:23:34 - mmengine - INFO - Epoch(train) [26][ 780/1879] lr: 2.0000e-02 eta: 1 day, 9:57:06 time: 0.9898 data_time: 0.0297 memory: 9812 grad_norm: 3.0216 loss: 2.9952 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7893 distill.loss_dist: 1.2058 2023/05/14 16:23:50 - mmengine - INFO - Epoch(train) [26][ 800/1879] lr: 2.0000e-02 eta: 1 day, 9:56:45 time: 0.8001 data_time: 0.0310 memory: 9812 grad_norm: 2.9736 loss: 2.9115 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.7432 distill.loss_dist: 1.1683 2023/05/14 16:24:06 - mmengine - INFO - Epoch(train) [26][ 820/1879] lr: 2.0000e-02 eta: 1 day, 9:56:24 time: 0.8132 data_time: 0.0294 memory: 9812 grad_norm: 2.9643 loss: 2.8473 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6768 distill.loss_dist: 1.1705 2023/05/14 16:24:24 - mmengine - INFO - Epoch(train) [26][ 840/1879] lr: 2.0000e-02 eta: 1 day, 9:56:08 time: 0.9061 data_time: 0.0275 memory: 9812 grad_norm: 3.0585 loss: 2.9720 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7823 distill.loss_dist: 1.1897 2023/05/14 16:24:41 - mmengine - INFO - Epoch(train) [26][ 860/1879] lr: 2.0000e-02 eta: 1 day, 9:55:47 time: 0.8048 data_time: 0.0273 memory: 9812 grad_norm: 2.9754 loss: 2.7317 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5749 distill.loss_dist: 1.1568 2023/05/14 16:24:58 - mmengine - INFO - Epoch(train) [26][ 880/1879] lr: 2.0000e-02 eta: 1 day, 9:55:29 time: 0.8656 data_time: 0.1149 memory: 9812 grad_norm: 3.0279 loss: 2.8467 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6965 distill.loss_dist: 1.1502 2023/05/14 16:25:16 - mmengine - INFO - Epoch(train) [26][ 900/1879] lr: 2.0000e-02 eta: 1 day, 9:55:13 time: 0.9025 data_time: 0.2962 memory: 9812 grad_norm: 3.0069 loss: 2.7878 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6464 distill.loss_dist: 1.1415 2023/05/14 16:25:33 - mmengine - INFO - Epoch(train) [26][ 920/1879] lr: 2.0000e-02 eta: 1 day, 9:54:55 time: 0.8628 data_time: 0.3062 memory: 9812 grad_norm: 2.9733 loss: 2.7505 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5584 distill.loss_dist: 1.1921 2023/05/14 16:25:50 - mmengine - INFO - Epoch(train) [26][ 940/1879] lr: 2.0000e-02 eta: 1 day, 9:54:37 time: 0.8600 data_time: 0.3083 memory: 9812 grad_norm: 3.0254 loss: 2.7202 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5668 distill.loss_dist: 1.1535 2023/05/14 16:26:09 - mmengine - INFO - Epoch(train) [26][ 960/1879] lr: 2.0000e-02 eta: 1 day, 9:54:23 time: 0.9257 data_time: 0.4254 memory: 9812 grad_norm: 3.0136 loss: 2.8471 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6864 distill.loss_dist: 1.1607 2023/05/14 16:26:27 - mmengine - INFO - Epoch(train) [26][ 980/1879] lr: 2.0000e-02 eta: 1 day, 9:54:06 time: 0.8836 data_time: 0.2887 memory: 9812 grad_norm: 3.0174 loss: 2.8801 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7214 distill.loss_dist: 1.1587 2023/05/14 16:26:43 - mmengine - INFO - Epoch(train) [26][1000/1879] lr: 2.0000e-02 eta: 1 day, 9:53:46 time: 0.8200 data_time: 0.0589 memory: 9812 grad_norm: 3.0277 loss: 2.8390 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6674 distill.loss_dist: 1.1716 2023/05/14 16:27:01 - mmengine - INFO - Epoch(train) [26][1020/1879] lr: 2.0000e-02 eta: 1 day, 9:53:30 time: 0.8950 data_time: 0.0296 memory: 9812 grad_norm: 3.0776 loss: 2.7380 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5741 distill.loss_dist: 1.1639 2023/05/14 16:27:03 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 16:27:17 - mmengine - INFO - Epoch(train) [26][1040/1879] lr: 2.0000e-02 eta: 1 day, 9:53:08 time: 0.8050 data_time: 0.0258 memory: 9812 grad_norm: 2.9680 loss: 2.5999 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4431 distill.loss_dist: 1.1567 2023/05/14 16:27:34 - mmengine - INFO - Epoch(train) [26][1060/1879] lr: 2.0000e-02 eta: 1 day, 9:52:48 time: 0.8248 data_time: 0.0261 memory: 9812 grad_norm: 3.0421 loss: 2.7279 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5811 distill.loss_dist: 1.1468 2023/05/14 16:27:52 - mmengine - INFO - Epoch(train) [26][1080/1879] lr: 2.0000e-02 eta: 1 day, 9:52:34 time: 0.9355 data_time: 0.0304 memory: 9812 grad_norm: 3.0681 loss: 3.1130 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.9148 distill.loss_dist: 1.1982 2023/05/14 16:28:09 - mmengine - INFO - Epoch(train) [26][1100/1879] lr: 2.0000e-02 eta: 1 day, 9:52:15 time: 0.8359 data_time: 0.0262 memory: 9812 grad_norm: 2.9992 loss: 3.0521 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 1.8461 distill.loss_dist: 1.2060 2023/05/14 16:28:26 - mmengine - INFO - Epoch(train) [26][1120/1879] lr: 2.0000e-02 eta: 1 day, 9:51:56 time: 0.8579 data_time: 0.0271 memory: 9812 grad_norm: 3.0162 loss: 2.7308 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5981 distill.loss_dist: 1.1327 2023/05/14 16:28:44 - mmengine - INFO - Epoch(train) [26][1140/1879] lr: 2.0000e-02 eta: 1 day, 9:51:41 time: 0.9120 data_time: 0.0276 memory: 9812 grad_norm: 3.0746 loss: 2.8211 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 1.6461 distill.loss_dist: 1.1750 2023/05/14 16:29:01 - mmengine - INFO - Epoch(train) [26][1160/1879] lr: 2.0000e-02 eta: 1 day, 9:51:21 time: 0.8221 data_time: 0.0293 memory: 9812 grad_norm: 3.0058 loss: 2.7597 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5693 distill.loss_dist: 1.1904 2023/05/14 16:29:18 - mmengine - INFO - Epoch(train) [26][1180/1879] lr: 2.0000e-02 eta: 1 day, 9:51:04 time: 0.8718 data_time: 0.0277 memory: 9812 grad_norm: 3.0720 loss: 2.8620 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6845 distill.loss_dist: 1.1776 2023/05/14 16:29:36 - mmengine - INFO - Epoch(train) [26][1200/1879] lr: 2.0000e-02 eta: 1 day, 9:50:46 time: 0.8734 data_time: 0.0283 memory: 9812 grad_norm: 3.0163 loss: 2.7678 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6074 distill.loss_dist: 1.1604 2023/05/14 16:29:53 - mmengine - INFO - Epoch(train) [26][1220/1879] lr: 2.0000e-02 eta: 1 day, 9:50:27 time: 0.8407 data_time: 0.0256 memory: 9812 grad_norm: 3.0561 loss: 2.8866 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7232 distill.loss_dist: 1.1634 2023/05/14 16:30:12 - mmengine - INFO - Epoch(train) [26][1240/1879] lr: 2.0000e-02 eta: 1 day, 9:50:15 time: 0.9656 data_time: 0.0271 memory: 9812 grad_norm: 3.0634 loss: 2.7120 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5423 distill.loss_dist: 1.1697 2023/05/14 16:30:27 - mmengine - INFO - Epoch(train) [26][1260/1879] lr: 2.0000e-02 eta: 1 day, 9:49:51 time: 0.7521 data_time: 0.0263 memory: 9812 grad_norm: 3.0434 loss: 2.7091 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5719 distill.loss_dist: 1.1371 2023/05/14 16:30:45 - mmengine - INFO - Epoch(train) [26][1280/1879] lr: 2.0000e-02 eta: 1 day, 9:49:34 time: 0.8793 data_time: 0.0261 memory: 9812 grad_norm: 2.9604 loss: 2.7559 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6027 distill.loss_dist: 1.1532 2023/05/14 16:31:03 - mmengine - INFO - Epoch(train) [26][1300/1879] lr: 2.0000e-02 eta: 1 day, 9:49:20 time: 0.9436 data_time: 0.0275 memory: 9812 grad_norm: 3.0066 loss: 2.8983 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7193 distill.loss_dist: 1.1790 2023/05/14 16:31:20 - mmengine - INFO - Epoch(train) [26][1320/1879] lr: 2.0000e-02 eta: 1 day, 9:49:00 time: 0.8208 data_time: 0.0275 memory: 9812 grad_norm: 2.9245 loss: 2.5111 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.3972 distill.loss_dist: 1.1139 2023/05/14 16:31:37 - mmengine - INFO - Epoch(train) [26][1340/1879] lr: 2.0000e-02 eta: 1 day, 9:48:40 time: 0.8375 data_time: 0.0281 memory: 9812 grad_norm: 2.9992 loss: 2.8936 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7105 distill.loss_dist: 1.1830 2023/05/14 16:31:55 - mmengine - INFO - Epoch(train) [26][1360/1879] lr: 2.0000e-02 eta: 1 day, 9:48:26 time: 0.9331 data_time: 0.0317 memory: 9812 grad_norm: 2.9804 loss: 2.8723 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6997 distill.loss_dist: 1.1726 2023/05/14 16:32:13 - mmengine - INFO - Epoch(train) [26][1380/1879] lr: 2.0000e-02 eta: 1 day, 9:48:09 time: 0.8760 data_time: 0.0275 memory: 9812 grad_norm: 3.0259 loss: 2.7463 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5901 distill.loss_dist: 1.1562 2023/05/14 16:32:30 - mmengine - INFO - Epoch(train) [26][1400/1879] lr: 2.0000e-02 eta: 1 day, 9:47:50 time: 0.8407 data_time: 0.0242 memory: 9812 grad_norm: 3.0732 loss: 3.1643 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9780 distill.loss_dist: 1.1863 2023/05/14 16:32:48 - mmengine - INFO - Epoch(train) [26][1420/1879] lr: 2.0000e-02 eta: 1 day, 9:47:36 time: 0.9233 data_time: 0.0252 memory: 9812 grad_norm: 2.9804 loss: 2.9712 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7643 distill.loss_dist: 1.2069 2023/05/14 16:33:04 - mmengine - INFO - Epoch(train) [26][1440/1879] lr: 2.0000e-02 eta: 1 day, 9:47:13 time: 0.7814 data_time: 0.0298 memory: 9812 grad_norm: 2.9637 loss: 2.7853 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5981 distill.loss_dist: 1.1872 2023/05/14 16:33:21 - mmengine - INFO - Epoch(train) [26][1460/1879] lr: 2.0000e-02 eta: 1 day, 9:46:56 time: 0.8834 data_time: 0.0275 memory: 9812 grad_norm: 2.9532 loss: 2.9708 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7775 distill.loss_dist: 1.1932 2023/05/14 16:33:40 - mmengine - INFO - Epoch(train) [26][1480/1879] lr: 2.0000e-02 eta: 1 day, 9:46:42 time: 0.9304 data_time: 0.0256 memory: 9812 grad_norm: 3.0112 loss: 2.8615 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6969 distill.loss_dist: 1.1646 2023/05/14 16:33:57 - mmengine - INFO - Epoch(train) [26][1500/1879] lr: 2.0000e-02 eta: 1 day, 9:46:23 time: 0.8412 data_time: 0.0288 memory: 9812 grad_norm: 2.9971 loss: 2.7993 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.6328 distill.loss_dist: 1.1664 2023/05/14 16:34:12 - mmengine - INFO - Epoch(train) [26][1520/1879] lr: 2.0000e-02 eta: 1 day, 9:45:58 time: 0.7525 data_time: 0.0285 memory: 9812 grad_norm: 3.0121 loss: 2.8974 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7223 distill.loss_dist: 1.1752 2023/05/14 16:34:31 - mmengine - INFO - Epoch(train) [26][1540/1879] lr: 2.0000e-02 eta: 1 day, 9:45:46 time: 0.9552 data_time: 0.0260 memory: 9812 grad_norm: 2.9659 loss: 2.6906 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5520 distill.loss_dist: 1.1386 2023/05/14 16:34:46 - mmengine - INFO - Epoch(train) [26][1560/1879] lr: 2.0000e-02 eta: 1 day, 9:45:22 time: 0.7662 data_time: 0.0269 memory: 9812 grad_norm: 3.0615 loss: 2.9948 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7984 distill.loss_dist: 1.1964 2023/05/14 16:35:03 - mmengine - INFO - Epoch(train) [26][1580/1879] lr: 2.0000e-02 eta: 1 day, 9:45:01 time: 0.8108 data_time: 0.0769 memory: 9812 grad_norm: 2.9946 loss: 2.9666 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.7742 distill.loss_dist: 1.1924 2023/05/14 16:35:21 - mmengine - INFO - Epoch(train) [26][1600/1879] lr: 2.0000e-02 eta: 1 day, 9:44:47 time: 0.9226 data_time: 0.0247 memory: 9812 grad_norm: 2.9354 loss: 2.8464 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6725 distill.loss_dist: 1.1739 2023/05/14 16:35:39 - mmengine - INFO - Epoch(train) [26][1620/1879] lr: 2.0000e-02 eta: 1 day, 9:44:30 time: 0.8826 data_time: 0.0256 memory: 9812 grad_norm: 3.0195 loss: 2.8329 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.6604 distill.loss_dist: 1.1725 2023/05/14 16:35:56 - mmengine - INFO - Epoch(train) [26][1640/1879] lr: 2.0000e-02 eta: 1 day, 9:44:11 time: 0.8383 data_time: 0.0248 memory: 9812 grad_norm: 2.9820 loss: 2.7653 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6102 distill.loss_dist: 1.1551 2023/05/14 16:36:14 - mmengine - INFO - Epoch(train) [26][1660/1879] lr: 2.0000e-02 eta: 1 day, 9:43:56 time: 0.9281 data_time: 0.0253 memory: 9812 grad_norm: 3.0317 loss: 2.8246 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.6523 distill.loss_dist: 1.1722 2023/05/14 16:36:31 - mmengine - INFO - Epoch(train) [26][1680/1879] lr: 2.0000e-02 eta: 1 day, 9:43:37 time: 0.8456 data_time: 0.0252 memory: 9812 grad_norm: 2.9354 loss: 2.8163 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6379 distill.loss_dist: 1.1784 2023/05/14 16:36:50 - mmengine - INFO - Epoch(train) [26][1700/1879] lr: 2.0000e-02 eta: 1 day, 9:43:24 time: 0.9443 data_time: 0.0251 memory: 9812 grad_norm: 2.9981 loss: 2.8291 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6569 distill.loss_dist: 1.1722 2023/05/14 16:37:08 - mmengine - INFO - Epoch(train) [26][1720/1879] lr: 2.0000e-02 eta: 1 day, 9:43:08 time: 0.8920 data_time: 0.0261 memory: 9812 grad_norm: 3.0533 loss: 2.6970 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.5103 distill.loss_dist: 1.1867 2023/05/14 16:37:23 - mmengine - INFO - Epoch(train) [26][1740/1879] lr: 2.0000e-02 eta: 1 day, 9:42:44 time: 0.7683 data_time: 0.0298 memory: 9812 grad_norm: 2.9869 loss: 2.8342 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.6597 distill.loss_dist: 1.1745 2023/05/14 16:37:40 - mmengine - INFO - Epoch(train) [26][1760/1879] lr: 2.0000e-02 eta: 1 day, 9:42:25 time: 0.8445 data_time: 0.0288 memory: 9812 grad_norm: 3.0118 loss: 2.8852 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.6988 distill.loss_dist: 1.1864 2023/05/14 16:37:59 - mmengine - INFO - Epoch(train) [26][1780/1879] lr: 2.0000e-02 eta: 1 day, 9:42:11 time: 0.9207 data_time: 0.0281 memory: 9812 grad_norm: 2.9929 loss: 2.8175 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6569 distill.loss_dist: 1.1607 2023/05/14 16:38:15 - mmengine - INFO - Epoch(train) [26][1800/1879] lr: 2.0000e-02 eta: 1 day, 9:41:51 time: 0.8254 data_time: 0.0264 memory: 9812 grad_norm: 2.9617 loss: 2.9413 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7633 distill.loss_dist: 1.1780 2023/05/14 16:38:32 - mmengine - INFO - Epoch(train) [26][1820/1879] lr: 2.0000e-02 eta: 1 day, 9:41:33 time: 0.8607 data_time: 0.1003 memory: 9812 grad_norm: 3.0186 loss: 2.9352 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.7575 distill.loss_dist: 1.1777 2023/05/14 16:38:49 - mmengine - INFO - Epoch(train) [26][1840/1879] lr: 2.0000e-02 eta: 1 day, 9:41:14 time: 0.8563 data_time: 0.2907 memory: 9812 grad_norm: 3.0261 loss: 2.7569 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6009 distill.loss_dist: 1.1560 2023/05/14 16:39:06 - mmengine - INFO - Epoch(train) [26][1860/1879] lr: 2.0000e-02 eta: 1 day, 9:40:54 time: 0.8177 data_time: 0.2502 memory: 9812 grad_norm: 3.0128 loss: 2.8913 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7158 distill.loss_dist: 1.1755 2023/05/14 16:39:20 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 16:39:20 - mmengine - INFO - Epoch(train) [26][1879/1879] lr: 2.0000e-02 eta: 1 day, 9:40:30 time: 0.7292 data_time: 0.1300 memory: 9812 grad_norm: 3.0961 loss: 2.8991 student.top1_acc: 0.1429 student.top5_acc: 0.2857 student.loss_cls: 1.7294 distill.loss_dist: 1.1697 2023/05/14 16:39:40 - mmengine - INFO - Epoch(val) [26][ 20/155] eta: 0:02:15 time: 1.0026 data_time: 0.9358 memory: 1484 2023/05/14 16:39:53 - mmengine - INFO - Epoch(val) [26][ 40/155] eta: 0:01:35 time: 0.6540 data_time: 0.5869 memory: 1484 2023/05/14 16:40:12 - mmengine - INFO - Epoch(val) [26][ 60/155] eta: 0:01:22 time: 0.9416 data_time: 0.8739 memory: 1484 2023/05/14 16:40:25 - mmengine - INFO - Epoch(val) [26][ 80/155] eta: 0:01:01 time: 0.6627 data_time: 0.5978 memory: 1484 2023/05/14 16:40:44 - mmengine - INFO - Epoch(val) [26][100/155] eta: 0:00:46 time: 0.9643 data_time: 0.8968 memory: 1484 2023/05/14 16:40:59 - mmengine - INFO - Epoch(val) [26][120/155] eta: 0:00:28 time: 0.7076 data_time: 0.6466 memory: 1484 2023/05/14 16:41:19 - mmengine - INFO - Epoch(val) [26][140/155] eta: 0:00:12 time: 0.9954 data_time: 0.9341 memory: 1484 2023/05/14 16:41:48 - mmengine - INFO - Epoch(val) [26][ 20/155] eta: 0:16:28 time: 1.0129 data_time: 0.8613 memory: 1582 2023/05/14 16:42:01 - mmengine - INFO - Epoch(val) [26][ 40/155] eta: 0:07:40 time: 0.6919 data_time: 0.5376 memory: 1582 2023/05/14 16:42:21 - mmengine - INFO - Epoch(val) [26][ 60/155] eta: 0:04:44 time: 0.9635 data_time: 0.8130 memory: 1582 2023/05/14 16:42:34 - mmengine - INFO - Epoch(val) [26][ 80/155] eta: 0:03:01 time: 0.6816 data_time: 0.5319 memory: 1582 2023/05/14 16:42:54 - mmengine - INFO - Epoch(val) [26][100/155] eta: 0:01:56 time: 0.9712 data_time: 0.8158 memory: 1582 2023/05/14 16:43:08 - mmengine - INFO - Epoch(val) [26][120/155] eta: 0:01:06 time: 0.6989 data_time: 0.5116 memory: 1582 2023/05/14 16:43:26 - mmengine - INFO - Epoch(val) [26][140/155] eta: 0:00:26 time: 0.9268 data_time: 0.7759 memory: 1582 2023/05/14 16:43:36 - mmengine - INFO - Epoch(val) [26][155/155] acc/top1: 0.6154 acc/top5: 0.8439 acc/mean1: 0.6154 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6600 time: 0.8147 2023/05/14 16:43:36 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_24.pth is removed 2023/05/14 16:43:37 - mmengine - INFO - The best checkpoint with 0.6154 acc/top1 at 26 epoch is saved to best_acc_top1_epoch_26.pth. 2023/05/14 16:43:58 - mmengine - INFO - Epoch(train) [27][ 20/1879] lr: 2.0000e-02 eta: 1 day, 9:40:21 time: 1.0196 data_time: 0.5706 memory: 9812 grad_norm: 2.9427 loss: 3.0242 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.8360 distill.loss_dist: 1.1882 2023/05/14 16:44:14 - mmengine - INFO - Epoch(train) [27][ 40/1879] lr: 2.0000e-02 eta: 1 day, 9:40:00 time: 0.8130 data_time: 0.2230 memory: 9812 grad_norm: 2.9356 loss: 2.7033 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5524 distill.loss_dist: 1.1510 2023/05/14 16:44:30 - mmengine - INFO - Epoch(train) [27][ 60/1879] lr: 2.0000e-02 eta: 1 day, 9:39:40 time: 0.8142 data_time: 0.1815 memory: 9812 grad_norm: 3.0133 loss: 2.8108 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6181 distill.loss_dist: 1.1927 2023/05/14 16:44:49 - mmengine - INFO - Epoch(train) [27][ 80/1879] lr: 2.0000e-02 eta: 1 day, 9:39:26 time: 0.9393 data_time: 0.0637 memory: 9812 grad_norm: 3.0182 loss: 2.7092 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5525 distill.loss_dist: 1.1567 2023/05/14 16:45:07 - mmengine - INFO - Epoch(train) [27][ 100/1879] lr: 2.0000e-02 eta: 1 day, 9:39:09 time: 0.8777 data_time: 0.0649 memory: 9812 grad_norm: 2.9689 loss: 2.5886 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4581 distill.loss_dist: 1.1305 2023/05/14 16:45:24 - mmengine - INFO - Epoch(train) [27][ 120/1879] lr: 2.0000e-02 eta: 1 day, 9:38:51 time: 0.8584 data_time: 0.1690 memory: 9812 grad_norm: 2.9468 loss: 2.6157 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.4549 distill.loss_dist: 1.1608 2023/05/14 16:45:42 - mmengine - INFO - Epoch(train) [27][ 140/1879] lr: 2.0000e-02 eta: 1 day, 9:38:36 time: 0.9202 data_time: 0.1353 memory: 9812 grad_norm: 2.9841 loss: 2.8801 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7133 distill.loss_dist: 1.1668 2023/05/14 16:45:47 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 16:45:59 - mmengine - INFO - Epoch(train) [27][ 160/1879] lr: 2.0000e-02 eta: 1 day, 9:38:16 time: 0.8170 data_time: 0.1481 memory: 9812 grad_norm: 2.9707 loss: 2.7818 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6219 distill.loss_dist: 1.1599 2023/05/14 16:46:15 - mmengine - INFO - Epoch(train) [27][ 180/1879] lr: 2.0000e-02 eta: 1 day, 9:37:55 time: 0.8130 data_time: 0.1315 memory: 9812 grad_norm: 2.9250 loss: 2.4991 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3646 distill.loss_dist: 1.1345 2023/05/14 16:46:34 - mmengine - INFO - Epoch(train) [27][ 200/1879] lr: 2.0000e-02 eta: 1 day, 9:37:41 time: 0.9299 data_time: 0.1789 memory: 9812 grad_norm: 2.9750 loss: 2.6187 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4657 distill.loss_dist: 1.1530 2023/05/14 16:46:50 - mmengine - INFO - Epoch(train) [27][ 220/1879] lr: 2.0000e-02 eta: 1 day, 9:37:21 time: 0.8340 data_time: 0.1562 memory: 9812 grad_norm: 3.0079 loss: 2.9718 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.7809 distill.loss_dist: 1.1909 2023/05/14 16:47:08 - mmengine - INFO - Epoch(train) [27][ 240/1879] lr: 2.0000e-02 eta: 1 day, 9:37:04 time: 0.8800 data_time: 0.1077 memory: 9812 grad_norm: 2.9743 loss: 2.8650 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6693 distill.loss_dist: 1.1957 2023/05/14 16:47:26 - mmengine - INFO - Epoch(train) [27][ 260/1879] lr: 2.0000e-02 eta: 1 day, 9:36:49 time: 0.9102 data_time: 0.1033 memory: 9812 grad_norm: 2.9518 loss: 2.8107 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.6333 distill.loss_dist: 1.1775 2023/05/14 16:47:44 - mmengine - INFO - Epoch(train) [27][ 280/1879] lr: 2.0000e-02 eta: 1 day, 9:36:31 time: 0.8711 data_time: 0.0952 memory: 9812 grad_norm: 2.9392 loss: 2.7702 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.6237 distill.loss_dist: 1.1465 2023/05/14 16:48:01 - mmengine - INFO - Epoch(train) [27][ 300/1879] lr: 2.0000e-02 eta: 1 day, 9:36:13 time: 0.8600 data_time: 0.0595 memory: 9812 grad_norm: 3.0222 loss: 2.9124 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7115 distill.loss_dist: 1.2009 2023/05/14 16:48:18 - mmengine - INFO - Epoch(train) [27][ 320/1879] lr: 2.0000e-02 eta: 1 day, 9:35:55 time: 0.8617 data_time: 0.0287 memory: 9812 grad_norm: 2.9869 loss: 2.8885 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6654 distill.loss_dist: 1.2231 2023/05/14 16:48:36 - mmengine - INFO - Epoch(train) [27][ 340/1879] lr: 2.0000e-02 eta: 1 day, 9:35:39 time: 0.8888 data_time: 0.0258 memory: 9812 grad_norm: 3.0235 loss: 2.8107 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6474 distill.loss_dist: 1.1633 2023/05/14 16:48:52 - mmengine - INFO - Epoch(train) [27][ 360/1879] lr: 2.0000e-02 eta: 1 day, 9:35:18 time: 0.8187 data_time: 0.0279 memory: 9812 grad_norm: 3.0458 loss: 2.7028 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5417 distill.loss_dist: 1.1611 2023/05/14 16:49:09 - mmengine - INFO - Epoch(train) [27][ 380/1879] lr: 2.0000e-02 eta: 1 day, 9:34:59 time: 0.8424 data_time: 0.0268 memory: 9812 grad_norm: 2.9945 loss: 2.6992 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5297 distill.loss_dist: 1.1695 2023/05/14 16:49:28 - mmengine - INFO - Epoch(train) [27][ 400/1879] lr: 2.0000e-02 eta: 1 day, 9:34:46 time: 0.9388 data_time: 0.0695 memory: 9812 grad_norm: 2.9833 loss: 3.0656 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.8719 distill.loss_dist: 1.1938 2023/05/14 16:49:45 - mmengine - INFO - Epoch(train) [27][ 420/1879] lr: 2.0000e-02 eta: 1 day, 9:34:26 time: 0.8334 data_time: 0.0542 memory: 9812 grad_norm: 2.9764 loss: 2.9689 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7722 distill.loss_dist: 1.1967 2023/05/14 16:50:01 - mmengine - INFO - Epoch(train) [27][ 440/1879] lr: 2.0000e-02 eta: 1 day, 9:34:04 time: 0.7967 data_time: 0.1004 memory: 9812 grad_norm: 3.0205 loss: 2.9217 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7534 distill.loss_dist: 1.1683 2023/05/14 16:50:19 - mmengine - INFO - Epoch(train) [27][ 460/1879] lr: 2.0000e-02 eta: 1 day, 9:33:51 time: 0.9438 data_time: 0.2544 memory: 9812 grad_norm: 3.0130 loss: 2.8014 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6628 distill.loss_dist: 1.1386 2023/05/14 16:50:36 - mmengine - INFO - Epoch(train) [27][ 480/1879] lr: 2.0000e-02 eta: 1 day, 9:33:31 time: 0.8364 data_time: 0.1277 memory: 9812 grad_norm: 3.0867 loss: 2.9239 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7489 distill.loss_dist: 1.1750 2023/05/14 16:50:52 - mmengine - INFO - Epoch(train) [27][ 500/1879] lr: 2.0000e-02 eta: 1 day, 9:33:11 time: 0.8164 data_time: 0.0673 memory: 9812 grad_norm: 2.9902 loss: 2.8893 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7106 distill.loss_dist: 1.1787 2023/05/14 16:51:12 - mmengine - INFO - Epoch(train) [27][ 520/1879] lr: 2.0000e-02 eta: 1 day, 9:33:00 time: 0.9851 data_time: 0.0822 memory: 9812 grad_norm: 2.9346 loss: 2.8421 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6743 distill.loss_dist: 1.1678 2023/05/14 16:51:28 - mmengine - INFO - Epoch(train) [27][ 540/1879] lr: 2.0000e-02 eta: 1 day, 9:32:38 time: 0.7929 data_time: 0.0249 memory: 9812 grad_norm: 2.9947 loss: 2.8557 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6789 distill.loss_dist: 1.1768 2023/05/14 16:51:45 - mmengine - INFO - Epoch(train) [27][ 560/1879] lr: 2.0000e-02 eta: 1 day, 9:32:18 time: 0.8312 data_time: 0.0279 memory: 9812 grad_norm: 2.9420 loss: 2.6993 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5590 distill.loss_dist: 1.1403 2023/05/14 16:52:03 - mmengine - INFO - Epoch(train) [27][ 580/1879] lr: 2.0000e-02 eta: 1 day, 9:32:03 time: 0.9041 data_time: 0.0270 memory: 9812 grad_norm: 2.9951 loss: 2.7467 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.6035 distill.loss_dist: 1.1433 2023/05/14 16:52:19 - mmengine - INFO - Epoch(train) [27][ 600/1879] lr: 2.0000e-02 eta: 1 day, 9:31:41 time: 0.8004 data_time: 0.0289 memory: 9812 grad_norm: 2.9560 loss: 2.7037 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5389 distill.loss_dist: 1.1648 2023/05/14 16:52:36 - mmengine - INFO - Epoch(train) [27][ 620/1879] lr: 2.0000e-02 eta: 1 day, 9:31:23 time: 0.8613 data_time: 0.0272 memory: 9812 grad_norm: 2.9948 loss: 2.8495 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6756 distill.loss_dist: 1.1739 2023/05/14 16:52:54 - mmengine - INFO - Epoch(train) [27][ 640/1879] lr: 2.0000e-02 eta: 1 day, 9:31:08 time: 0.9044 data_time: 0.0266 memory: 9812 grad_norm: 2.9873 loss: 2.8391 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6778 distill.loss_dist: 1.1612 2023/05/14 16:53:11 - mmengine - INFO - Epoch(train) [27][ 660/1879] lr: 2.0000e-02 eta: 1 day, 9:30:48 time: 0.8279 data_time: 0.0289 memory: 9812 grad_norm: 2.9263 loss: 2.5373 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4175 distill.loss_dist: 1.1197 2023/05/14 16:53:29 - mmengine - INFO - Epoch(train) [27][ 680/1879] lr: 2.0000e-02 eta: 1 day, 9:30:33 time: 0.9165 data_time: 0.0229 memory: 9812 grad_norm: 2.9564 loss: 2.7870 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.6347 distill.loss_dist: 1.1523 2023/05/14 16:53:45 - mmengine - INFO - Epoch(train) [27][ 700/1879] lr: 2.0000e-02 eta: 1 day, 9:30:11 time: 0.8009 data_time: 0.0283 memory: 9812 grad_norm: 2.9691 loss: 2.9204 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7449 distill.loss_dist: 1.1754 2023/05/14 16:54:04 - mmengine - INFO - Epoch(train) [27][ 720/1879] lr: 2.0000e-02 eta: 1 day, 9:29:57 time: 0.9225 data_time: 0.0282 memory: 9812 grad_norm: 2.9461 loss: 2.6124 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4743 distill.loss_dist: 1.1381 2023/05/14 16:54:21 - mmengine - INFO - Epoch(train) [27][ 740/1879] lr: 2.0000e-02 eta: 1 day, 9:29:39 time: 0.8594 data_time: 0.0272 memory: 9812 grad_norm: 3.0618 loss: 2.8989 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7217 distill.loss_dist: 1.1772 2023/05/14 16:54:38 - mmengine - INFO - Epoch(train) [27][ 760/1879] lr: 2.0000e-02 eta: 1 day, 9:29:20 time: 0.8542 data_time: 0.0260 memory: 9812 grad_norm: 2.9543 loss: 2.8978 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7204 distill.loss_dist: 1.1774 2023/05/14 16:54:54 - mmengine - INFO - Epoch(train) [27][ 780/1879] lr: 2.0000e-02 eta: 1 day, 9:29:00 time: 0.8286 data_time: 0.0262 memory: 9812 grad_norm: 2.9406 loss: 2.9020 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.7485 distill.loss_dist: 1.1534 2023/05/14 16:55:13 - mmengine - INFO - Epoch(train) [27][ 800/1879] lr: 2.0000e-02 eta: 1 day, 9:28:45 time: 0.9101 data_time: 0.0287 memory: 9812 grad_norm: 2.9537 loss: 2.9991 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.7930 distill.loss_dist: 1.2061 2023/05/14 16:55:30 - mmengine - INFO - Epoch(train) [27][ 820/1879] lr: 2.0000e-02 eta: 1 day, 9:28:28 time: 0.8713 data_time: 0.0259 memory: 9812 grad_norm: 2.9010 loss: 2.7293 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5695 distill.loss_dist: 1.1599 2023/05/14 16:55:46 - mmengine - INFO - Epoch(train) [27][ 840/1879] lr: 2.0000e-02 eta: 1 day, 9:28:06 time: 0.7900 data_time: 0.0291 memory: 9812 grad_norm: 2.9121 loss: 2.7558 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6230 distill.loss_dist: 1.1327 2023/05/14 16:56:05 - mmengine - INFO - Epoch(train) [27][ 860/1879] lr: 2.0000e-02 eta: 1 day, 9:27:53 time: 0.9603 data_time: 0.0375 memory: 9812 grad_norm: 3.0352 loss: 2.8664 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6912 distill.loss_dist: 1.1752 2023/05/14 16:56:22 - mmengine - INFO - Epoch(train) [27][ 880/1879] lr: 2.0000e-02 eta: 1 day, 9:27:33 time: 0.8284 data_time: 0.0264 memory: 9812 grad_norm: 3.0039 loss: 2.5575 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4314 distill.loss_dist: 1.1261 2023/05/14 16:56:39 - mmengine - INFO - Epoch(train) [27][ 900/1879] lr: 2.0000e-02 eta: 1 day, 9:27:15 time: 0.8553 data_time: 0.1117 memory: 9812 grad_norm: 2.9508 loss: 2.6797 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5269 distill.loss_dist: 1.1529 2023/05/14 16:56:57 - mmengine - INFO - Epoch(train) [27][ 920/1879] lr: 2.0000e-02 eta: 1 day, 9:27:01 time: 0.9283 data_time: 0.0712 memory: 9812 grad_norm: 2.9925 loss: 2.9668 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.8032 distill.loss_dist: 1.1636 2023/05/14 16:57:14 - mmengine - INFO - Epoch(train) [27][ 940/1879] lr: 2.0000e-02 eta: 1 day, 9:26:42 time: 0.8482 data_time: 0.0278 memory: 9812 grad_norm: 3.0430 loss: 2.7424 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5761 distill.loss_dist: 1.1664 2023/05/14 16:57:31 - mmengine - INFO - Epoch(train) [27][ 960/1879] lr: 2.0000e-02 eta: 1 day, 9:26:22 time: 0.8305 data_time: 0.0742 memory: 9812 grad_norm: 2.9667 loss: 2.8198 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.6657 distill.loss_dist: 1.1540 2023/05/14 16:57:48 - mmengine - INFO - Epoch(train) [27][ 980/1879] lr: 2.0000e-02 eta: 1 day, 9:26:03 time: 0.8437 data_time: 0.0397 memory: 9812 grad_norm: 2.9501 loss: 2.8293 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6660 distill.loss_dist: 1.1633 2023/05/14 16:58:07 - mmengine - INFO - Epoch(train) [27][1000/1879] lr: 2.0000e-02 eta: 1 day, 9:25:51 time: 0.9685 data_time: 0.0241 memory: 9812 grad_norm: 3.0029 loss: 2.8810 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6988 distill.loss_dist: 1.1822 2023/05/14 16:58:22 - mmengine - INFO - Epoch(train) [27][1020/1879] lr: 2.0000e-02 eta: 1 day, 9:25:27 time: 0.7559 data_time: 0.0260 memory: 9812 grad_norm: 2.9502 loss: 2.9280 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7441 distill.loss_dist: 1.1839 2023/05/14 16:58:42 - mmengine - INFO - Epoch(train) [27][1040/1879] lr: 2.0000e-02 eta: 1 day, 9:25:15 time: 0.9681 data_time: 0.0267 memory: 9812 grad_norm: 2.9823 loss: 2.7682 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.6254 distill.loss_dist: 1.1428 2023/05/14 16:58:58 - mmengine - INFO - Epoch(train) [27][1060/1879] lr: 2.0000e-02 eta: 1 day, 9:24:55 time: 0.8233 data_time: 0.0299 memory: 9812 grad_norm: 3.0191 loss: 2.8490 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6731 distill.loss_dist: 1.1760 2023/05/14 16:59:14 - mmengine - INFO - Epoch(train) [27][1080/1879] lr: 2.0000e-02 eta: 1 day, 9:24:34 time: 0.8129 data_time: 0.0276 memory: 9812 grad_norm: 2.9666 loss: 2.8718 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.7152 distill.loss_dist: 1.1567 2023/05/14 16:59:32 - mmengine - INFO - Epoch(train) [27][1100/1879] lr: 2.0000e-02 eta: 1 day, 9:24:17 time: 0.8782 data_time: 0.0250 memory: 9812 grad_norm: 2.9618 loss: 2.9775 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7930 distill.loss_dist: 1.1845 2023/05/14 16:59:51 - mmengine - INFO - Epoch(train) [27][1120/1879] lr: 2.0000e-02 eta: 1 day, 9:24:03 time: 0.9379 data_time: 0.0272 memory: 9812 grad_norm: 2.9640 loss: 2.8671 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6988 distill.loss_dist: 1.1683 2023/05/14 17:00:08 - mmengine - INFO - Epoch(train) [27][1140/1879] lr: 2.0000e-02 eta: 1 day, 9:23:44 time: 0.8370 data_time: 0.0272 memory: 9812 grad_norm: 2.9990 loss: 2.6825 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5343 distill.loss_dist: 1.1482 2023/05/14 17:00:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 17:00:25 - mmengine - INFO - Epoch(train) [27][1160/1879] lr: 2.0000e-02 eta: 1 day, 9:23:25 time: 0.8499 data_time: 0.0280 memory: 9812 grad_norm: 2.9527 loss: 2.9546 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7793 distill.loss_dist: 1.1754 2023/05/14 17:00:42 - mmengine - INFO - Epoch(train) [27][1180/1879] lr: 2.0000e-02 eta: 1 day, 9:23:08 time: 0.8658 data_time: 0.0281 memory: 9812 grad_norm: 2.8786 loss: 2.7280 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.5686 distill.loss_dist: 1.1594 2023/05/14 17:00:59 - mmengine - INFO - Epoch(train) [27][1200/1879] lr: 2.0000e-02 eta: 1 day, 9:22:48 time: 0.8418 data_time: 0.0287 memory: 9812 grad_norm: 3.0073 loss: 2.8736 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6928 distill.loss_dist: 1.1808 2023/05/14 17:01:17 - mmengine - INFO - Epoch(train) [27][1220/1879] lr: 2.0000e-02 eta: 1 day, 9:22:34 time: 0.9221 data_time: 0.0240 memory: 9812 grad_norm: 3.0637 loss: 2.8662 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6696 distill.loss_dist: 1.1965 2023/05/14 17:01:34 - mmengine - INFO - Epoch(train) [27][1240/1879] lr: 2.0000e-02 eta: 1 day, 9:22:15 time: 0.8425 data_time: 0.0263 memory: 9812 grad_norm: 3.0480 loss: 2.9075 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7370 distill.loss_dist: 1.1705 2023/05/14 17:01:51 - mmengine - INFO - Epoch(train) [27][1260/1879] lr: 2.0000e-02 eta: 1 day, 9:21:56 time: 0.8518 data_time: 0.0310 memory: 9812 grad_norm: 3.0334 loss: 2.7673 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.5800 distill.loss_dist: 1.1873 2023/05/14 17:02:09 - mmengine - INFO - Epoch(train) [27][1280/1879] lr: 2.0000e-02 eta: 1 day, 9:21:39 time: 0.8779 data_time: 0.0256 memory: 9812 grad_norm: 2.9923 loss: 3.0725 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8892 distill.loss_dist: 1.1833 2023/05/14 17:02:27 - mmengine - INFO - Epoch(train) [27][1300/1879] lr: 2.0000e-02 eta: 1 day, 9:21:25 time: 0.9264 data_time: 0.0293 memory: 9812 grad_norm: 2.9929 loss: 2.7221 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5703 distill.loss_dist: 1.1518 2023/05/14 17:02:44 - mmengine - INFO - Epoch(train) [27][1320/1879] lr: 2.0000e-02 eta: 1 day, 9:21:04 time: 0.8210 data_time: 0.0307 memory: 9812 grad_norm: 3.0280 loss: 3.0384 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8382 distill.loss_dist: 1.2002 2023/05/14 17:03:00 - mmengine - INFO - Epoch(train) [27][1340/1879] lr: 2.0000e-02 eta: 1 day, 9:20:44 time: 0.8241 data_time: 0.0227 memory: 9812 grad_norm: 3.0160 loss: 2.7989 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6404 distill.loss_dist: 1.1585 2023/05/14 17:03:18 - mmengine - INFO - Epoch(train) [27][1360/1879] lr: 2.0000e-02 eta: 1 day, 9:20:27 time: 0.8801 data_time: 0.0272 memory: 9812 grad_norm: 3.0247 loss: 2.9788 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7852 distill.loss_dist: 1.1936 2023/05/14 17:03:36 - mmengine - INFO - Epoch(train) [27][1380/1879] lr: 2.0000e-02 eta: 1 day, 9:20:12 time: 0.9072 data_time: 0.0314 memory: 9812 grad_norm: 2.9978 loss: 2.8921 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7166 distill.loss_dist: 1.1756 2023/05/14 17:03:52 - mmengine - INFO - Epoch(train) [27][1400/1879] lr: 2.0000e-02 eta: 1 day, 9:19:50 time: 0.7856 data_time: 0.0290 memory: 9812 grad_norm: 3.0123 loss: 2.6904 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5315 distill.loss_dist: 1.1588 2023/05/14 17:04:09 - mmengine - INFO - Epoch(train) [27][1420/1879] lr: 2.0000e-02 eta: 1 day, 9:19:32 time: 0.8599 data_time: 0.0273 memory: 9812 grad_norm: 3.0006 loss: 2.6797 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5379 distill.loss_dist: 1.1418 2023/05/14 17:04:27 - mmengine - INFO - Epoch(train) [27][1440/1879] lr: 2.0000e-02 eta: 1 day, 9:19:17 time: 0.9167 data_time: 0.0278 memory: 9812 grad_norm: 3.0054 loss: 2.9456 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7668 distill.loss_dist: 1.1788 2023/05/14 17:04:44 - mmengine - INFO - Epoch(train) [27][1460/1879] lr: 2.0000e-02 eta: 1 day, 9:18:57 time: 0.8328 data_time: 0.0450 memory: 9812 grad_norm: 3.0117 loss: 2.6216 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4819 distill.loss_dist: 1.1397 2023/05/14 17:05:03 - mmengine - INFO - Epoch(train) [27][1480/1879] lr: 2.0000e-02 eta: 1 day, 9:18:44 time: 0.9529 data_time: 0.0468 memory: 9812 grad_norm: 3.0022 loss: 2.9786 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.8028 distill.loss_dist: 1.1758 2023/05/14 17:05:20 - mmengine - INFO - Epoch(train) [27][1500/1879] lr: 2.0000e-02 eta: 1 day, 9:18:26 time: 0.8665 data_time: 0.0239 memory: 9812 grad_norm: 2.9682 loss: 2.7586 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.5882 distill.loss_dist: 1.1704 2023/05/14 17:05:37 - mmengine - INFO - Epoch(train) [27][1520/1879] lr: 2.0000e-02 eta: 1 day, 9:18:07 time: 0.8299 data_time: 0.0578 memory: 9812 grad_norm: 2.9523 loss: 2.5922 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4354 distill.loss_dist: 1.1568 2023/05/14 17:05:53 - mmengine - INFO - Epoch(train) [27][1540/1879] lr: 2.0000e-02 eta: 1 day, 9:17:47 time: 0.8288 data_time: 0.0258 memory: 9812 grad_norm: 2.9713 loss: 2.7558 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6129 distill.loss_dist: 1.1429 2023/05/14 17:06:12 - mmengine - INFO - Epoch(train) [27][1560/1879] lr: 2.0000e-02 eta: 1 day, 9:17:32 time: 0.9124 data_time: 0.0286 memory: 9812 grad_norm: 3.0224 loss: 2.9079 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7178 distill.loss_dist: 1.1901 2023/05/14 17:06:29 - mmengine - INFO - Epoch(train) [27][1580/1879] lr: 2.0000e-02 eta: 1 day, 9:17:14 time: 0.8663 data_time: 0.0294 memory: 9812 grad_norm: 2.9696 loss: 2.9013 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7088 distill.loss_dist: 1.1925 2023/05/14 17:06:46 - mmengine - INFO - Epoch(train) [27][1600/1879] lr: 2.0000e-02 eta: 1 day, 9:16:54 time: 0.8240 data_time: 0.0285 memory: 9812 grad_norm: 2.9572 loss: 2.8573 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.6886 distill.loss_dist: 1.1688 2023/05/14 17:07:04 - mmengine - INFO - Epoch(train) [27][1620/1879] lr: 2.0000e-02 eta: 1 day, 9:16:39 time: 0.9155 data_time: 0.0273 memory: 9812 grad_norm: 2.9847 loss: 2.9086 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7179 distill.loss_dist: 1.1907 2023/05/14 17:07:21 - mmengine - INFO - Epoch(train) [27][1640/1879] lr: 2.0000e-02 eta: 1 day, 9:16:20 time: 0.8426 data_time: 0.0302 memory: 9812 grad_norm: 2.9715 loss: 2.7527 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5797 distill.loss_dist: 1.1730 2023/05/14 17:07:37 - mmengine - INFO - Epoch(train) [27][1660/1879] lr: 2.0000e-02 eta: 1 day, 9:16:00 time: 0.8342 data_time: 0.0274 memory: 9812 grad_norm: 3.0235 loss: 2.6307 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5067 distill.loss_dist: 1.1240 2023/05/14 17:07:57 - mmengine - INFO - Epoch(train) [27][1680/1879] lr: 2.0000e-02 eta: 1 day, 9:15:49 time: 0.9781 data_time: 0.0273 memory: 9812 grad_norm: 3.0188 loss: 2.8461 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.6768 distill.loss_dist: 1.1693 2023/05/14 17:08:13 - mmengine - INFO - Epoch(train) [27][1700/1879] lr: 2.0000e-02 eta: 1 day, 9:15:27 time: 0.7949 data_time: 0.0286 memory: 9812 grad_norm: 2.9394 loss: 2.6772 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5180 distill.loss_dist: 1.1591 2023/05/14 17:08:30 - mmengine - INFO - Epoch(train) [27][1720/1879] lr: 2.0000e-02 eta: 1 day, 9:15:08 time: 0.8381 data_time: 0.0250 memory: 9812 grad_norm: 2.9925 loss: 2.9475 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7826 distill.loss_dist: 1.1648 2023/05/14 17:08:48 - mmengine - INFO - Epoch(train) [27][1740/1879] lr: 2.0000e-02 eta: 1 day, 9:14:54 time: 0.9292 data_time: 0.0241 memory: 9812 grad_norm: 3.0083 loss: 2.8329 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.6619 distill.loss_dist: 1.1710 2023/05/14 17:09:04 - mmengine - INFO - Epoch(train) [27][1760/1879] lr: 2.0000e-02 eta: 1 day, 9:14:31 time: 0.7716 data_time: 0.0310 memory: 9812 grad_norm: 2.9687 loss: 2.8087 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6541 distill.loss_dist: 1.1546 2023/05/14 17:09:21 - mmengine - INFO - Epoch(train) [27][1780/1879] lr: 2.0000e-02 eta: 1 day, 9:14:12 time: 0.8402 data_time: 0.0258 memory: 9812 grad_norm: 2.9466 loss: 2.7022 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5417 distill.loss_dist: 1.1605 2023/05/14 17:09:40 - mmengine - INFO - Epoch(train) [27][1800/1879] lr: 2.0000e-02 eta: 1 day, 9:13:59 time: 0.9695 data_time: 0.0251 memory: 9812 grad_norm: 2.9207 loss: 2.8571 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6905 distill.loss_dist: 1.1666 2023/05/14 17:09:56 - mmengine - INFO - Epoch(train) [27][1820/1879] lr: 2.0000e-02 eta: 1 day, 9:13:39 time: 0.8151 data_time: 0.0260 memory: 9812 grad_norm: 2.9861 loss: 2.7618 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5841 distill.loss_dist: 1.1777 2023/05/14 17:10:14 - mmengine - INFO - Epoch(train) [27][1840/1879] lr: 2.0000e-02 eta: 1 day, 9:13:22 time: 0.8736 data_time: 0.0411 memory: 9812 grad_norm: 2.9936 loss: 2.8204 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6570 distill.loss_dist: 1.1634 2023/05/14 17:10:32 - mmengine - INFO - Epoch(train) [27][1860/1879] lr: 2.0000e-02 eta: 1 day, 9:13:06 time: 0.8967 data_time: 0.0606 memory: 9812 grad_norm: 2.9824 loss: 2.8014 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6236 distill.loss_dist: 1.1779 2023/05/14 17:10:45 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 17:10:45 - mmengine - INFO - Epoch(train) [27][1879/1879] lr: 2.0000e-02 eta: 1 day, 9:12:39 time: 0.6709 data_time: 0.0196 memory: 9812 grad_norm: 3.0721 loss: 2.6769 student.top1_acc: 0.2857 student.top5_acc: 0.8571 student.loss_cls: 1.5245 distill.loss_dist: 1.1524 2023/05/14 17:10:45 - mmengine - INFO - Saving checkpoint at 27 epochs 2023/05/14 17:11:06 - mmengine - INFO - Epoch(val) [27][ 20/155] eta: 0:02:11 time: 0.9751 data_time: 0.9097 memory: 1484 2023/05/14 17:11:19 - mmengine - INFO - Epoch(val) [27][ 40/155] eta: 0:01:34 time: 0.6685 data_time: 0.6065 memory: 1484 2023/05/14 17:11:38 - mmengine - INFO - Epoch(val) [27][ 60/155] eta: 0:01:22 time: 0.9498 data_time: 0.8819 memory: 1484 2023/05/14 17:11:51 - mmengine - INFO - Epoch(val) [27][ 80/155] eta: 0:01:00 time: 0.6455 data_time: 0.5810 memory: 1484 2023/05/14 17:12:10 - mmengine - INFO - Epoch(val) [27][100/155] eta: 0:00:46 time: 0.9578 data_time: 0.8936 memory: 1484 2023/05/14 17:12:24 - mmengine - INFO - Epoch(val) [27][120/155] eta: 0:00:28 time: 0.6707 data_time: 0.6106 memory: 1484 2023/05/14 17:12:44 - mmengine - INFO - Epoch(val) [27][140/155] eta: 0:00:12 time: 1.0088 data_time: 0.9477 memory: 1484 2023/05/14 17:13:12 - mmengine - INFO - Epoch(val) [27][ 20/155] eta: 0:16:18 time: 1.0090 data_time: 0.8497 memory: 1582 2023/05/14 17:13:26 - mmengine - INFO - Epoch(val) [27][ 40/155] eta: 0:07:35 time: 0.6723 data_time: 0.5146 memory: 1582 2023/05/14 17:13:44 - mmengine - INFO - Epoch(val) [27][ 60/155] eta: 0:04:40 time: 0.9344 data_time: 0.7824 memory: 1582 2023/05/14 17:13:58 - mmengine - INFO - Epoch(val) [27][ 80/155] eta: 0:02:58 time: 0.6601 data_time: 0.5099 memory: 1582 2023/05/14 17:14:17 - mmengine - INFO - Epoch(val) [27][100/155] eta: 0:01:55 time: 0.9486 data_time: 0.7965 memory: 1582 2023/05/14 17:14:31 - mmengine - INFO - Epoch(val) [27][120/155] eta: 0:01:05 time: 0.6974 data_time: 0.5402 memory: 1582 2023/05/14 17:14:51 - mmengine - INFO - Epoch(val) [27][140/155] eta: 0:00:26 time: 1.0066 data_time: 0.8345 memory: 1582 2023/05/14 17:15:01 - mmengine - INFO - Epoch(val) [27][155/155] acc/top1: 0.6098 acc/top5: 0.8423 acc/mean1: 0.6098 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6593 time: 0.8141 2023/05/14 17:15:22 - mmengine - INFO - Epoch(train) [28][ 20/1879] lr: 2.0000e-02 eta: 1 day, 9:12:33 time: 1.0745 data_time: 0.4347 memory: 9812 grad_norm: 2.9153 loss: 2.5909 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4478 distill.loss_dist: 1.1431 2023/05/14 17:15:39 - mmengine - INFO - Epoch(train) [28][ 40/1879] lr: 2.0000e-02 eta: 1 day, 9:12:15 time: 0.8586 data_time: 0.0538 memory: 9812 grad_norm: 2.9228 loss: 2.5885 student.top1_acc: 0.2500 student.top5_acc: 0.3750 student.loss_cls: 1.4506 distill.loss_dist: 1.1379 2023/05/14 17:15:55 - mmengine - INFO - Epoch(train) [28][ 60/1879] lr: 2.0000e-02 eta: 1 day, 9:11:53 time: 0.8007 data_time: 0.0460 memory: 9812 grad_norm: 3.0243 loss: 2.5643 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4264 distill.loss_dist: 1.1379 2023/05/14 17:16:15 - mmengine - INFO - Epoch(train) [28][ 80/1879] lr: 2.0000e-02 eta: 1 day, 9:11:42 time: 0.9800 data_time: 0.2256 memory: 9812 grad_norm: 2.9764 loss: 2.7012 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5342 distill.loss_dist: 1.1670 2023/05/14 17:16:31 - mmengine - INFO - Epoch(train) [28][ 100/1879] lr: 2.0000e-02 eta: 1 day, 9:11:20 time: 0.7872 data_time: 0.0269 memory: 9812 grad_norm: 3.0290 loss: 2.8146 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.6191 distill.loss_dist: 1.1954 2023/05/14 17:16:48 - mmengine - INFO - Epoch(train) [28][ 120/1879] lr: 2.0000e-02 eta: 1 day, 9:11:03 time: 0.8804 data_time: 0.0255 memory: 9812 grad_norm: 2.9977 loss: 2.8281 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6777 distill.loss_dist: 1.1503 2023/05/14 17:17:07 - mmengine - INFO - Epoch(train) [28][ 140/1879] lr: 2.0000e-02 eta: 1 day, 9:10:49 time: 0.9465 data_time: 0.0242 memory: 9812 grad_norm: 2.9294 loss: 2.6459 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5038 distill.loss_dist: 1.1421 2023/05/14 17:17:23 - mmengine - INFO - Epoch(train) [28][ 160/1879] lr: 2.0000e-02 eta: 1 day, 9:10:27 time: 0.7753 data_time: 0.0280 memory: 9812 grad_norm: 2.9239 loss: 2.7027 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5573 distill.loss_dist: 1.1453 2023/05/14 17:17:40 - mmengine - INFO - Epoch(train) [28][ 180/1879] lr: 2.0000e-02 eta: 1 day, 9:10:09 time: 0.8640 data_time: 0.0290 memory: 9812 grad_norm: 2.9715 loss: 2.6622 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4938 distill.loss_dist: 1.1683 2023/05/14 17:18:00 - mmengine - INFO - Epoch(train) [28][ 200/1879] lr: 2.0000e-02 eta: 1 day, 9:09:58 time: 0.9939 data_time: 0.0291 memory: 9812 grad_norm: 3.0138 loss: 3.0845 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.8646 distill.loss_dist: 1.2199 2023/05/14 17:18:16 - mmengine - INFO - Epoch(train) [28][ 220/1879] lr: 2.0000e-02 eta: 1 day, 9:09:38 time: 0.8224 data_time: 0.0270 memory: 9812 grad_norm: 2.9763 loss: 2.6949 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5392 distill.loss_dist: 1.1556 2023/05/14 17:18:32 - mmengine - INFO - Epoch(train) [28][ 240/1879] lr: 2.0000e-02 eta: 1 day, 9:09:16 time: 0.7846 data_time: 0.0276 memory: 9812 grad_norm: 2.9669 loss: 2.6942 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5389 distill.loss_dist: 1.1553 2023/05/14 17:18:52 - mmengine - INFO - Epoch(train) [28][ 260/1879] lr: 2.0000e-02 eta: 1 day, 9:09:06 time: 1.0160 data_time: 0.0250 memory: 9812 grad_norm: 2.9431 loss: 2.8314 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.6548 distill.loss_dist: 1.1767 2023/05/14 17:18:57 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 17:19:08 - mmengine - INFO - Epoch(train) [28][ 280/1879] lr: 2.0000e-02 eta: 1 day, 9:08:44 time: 0.7746 data_time: 0.0262 memory: 9812 grad_norm: 3.0093 loss: 2.7295 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5975 distill.loss_dist: 1.1320 2023/05/14 17:19:26 - mmengine - INFO - Epoch(train) [28][ 300/1879] lr: 2.0000e-02 eta: 1 day, 9:08:27 time: 0.8859 data_time: 0.0247 memory: 9812 grad_norm: 2.9865 loss: 2.8053 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6579 distill.loss_dist: 1.1474 2023/05/14 17:19:44 - mmengine - INFO - Epoch(train) [28][ 320/1879] lr: 2.0000e-02 eta: 1 day, 9:08:11 time: 0.8934 data_time: 0.0291 memory: 9812 grad_norm: 3.0191 loss: 2.7855 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6217 distill.loss_dist: 1.1638 2023/05/14 17:20:00 - mmengine - INFO - Epoch(train) [28][ 340/1879] lr: 2.0000e-02 eta: 1 day, 9:07:50 time: 0.8035 data_time: 0.0237 memory: 9812 grad_norm: 2.9546 loss: 3.0312 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.8434 distill.loss_dist: 1.1878 2023/05/14 17:20:17 - mmengine - INFO - Epoch(train) [28][ 360/1879] lr: 2.0000e-02 eta: 1 day, 9:07:32 time: 0.8657 data_time: 0.0323 memory: 9812 grad_norm: 3.0166 loss: 2.7157 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.5739 distill.loss_dist: 1.1418 2023/05/14 17:20:33 - mmengine - INFO - Epoch(train) [28][ 380/1879] lr: 2.0000e-02 eta: 1 day, 9:07:12 time: 0.8251 data_time: 0.0294 memory: 9812 grad_norm: 2.9982 loss: 2.9296 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7626 distill.loss_dist: 1.1670 2023/05/14 17:20:52 - mmengine - INFO - Epoch(train) [28][ 400/1879] lr: 2.0000e-02 eta: 1 day, 9:06:56 time: 0.9027 data_time: 0.0230 memory: 9812 grad_norm: 2.9733 loss: 2.6360 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4855 distill.loss_dist: 1.1504 2023/05/14 17:21:08 - mmengine - INFO - Epoch(train) [28][ 420/1879] lr: 2.0000e-02 eta: 1 day, 9:06:35 time: 0.8014 data_time: 0.0877 memory: 9812 grad_norm: 3.0184 loss: 2.7537 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5930 distill.loss_dist: 1.1607 2023/05/14 17:21:26 - mmengine - INFO - Epoch(train) [28][ 440/1879] lr: 2.0000e-02 eta: 1 day, 9:06:20 time: 0.9152 data_time: 0.2470 memory: 9812 grad_norm: 2.9929 loss: 2.6615 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5060 distill.loss_dist: 1.1555 2023/05/14 17:21:44 - mmengine - INFO - Epoch(train) [28][ 460/1879] lr: 2.0000e-02 eta: 1 day, 9:06:05 time: 0.9118 data_time: 0.1205 memory: 9812 grad_norm: 2.9597 loss: 2.6913 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5389 distill.loss_dist: 1.1524 2023/05/14 17:21:59 - mmengine - INFO - Epoch(train) [28][ 480/1879] lr: 2.0000e-02 eta: 1 day, 9:05:41 time: 0.7636 data_time: 0.0261 memory: 9812 grad_norm: 2.9197 loss: 2.8904 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.7017 distill.loss_dist: 1.1887 2023/05/14 17:22:18 - mmengine - INFO - Epoch(train) [28][ 500/1879] lr: 2.0000e-02 eta: 1 day, 9:05:28 time: 0.9539 data_time: 0.0252 memory: 9812 grad_norm: 2.9622 loss: 2.8241 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6610 distill.loss_dist: 1.1631 2023/05/14 17:22:34 - mmengine - INFO - Epoch(train) [28][ 520/1879] lr: 2.0000e-02 eta: 1 day, 9:05:07 time: 0.7961 data_time: 0.0305 memory: 9812 grad_norm: 3.0081 loss: 2.7858 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6362 distill.loss_dist: 1.1497 2023/05/14 17:22:51 - mmengine - INFO - Epoch(train) [28][ 540/1879] lr: 2.0000e-02 eta: 1 day, 9:04:48 time: 0.8482 data_time: 0.0287 memory: 9812 grad_norm: 2.9922 loss: 2.6337 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4957 distill.loss_dist: 1.1379 2023/05/14 17:23:11 - mmengine - INFO - Epoch(train) [28][ 560/1879] lr: 2.0000e-02 eta: 1 day, 9:04:36 time: 0.9648 data_time: 0.0228 memory: 9812 grad_norm: 3.0282 loss: 2.7381 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.5606 distill.loss_dist: 1.1776 2023/05/14 17:23:26 - mmengine - INFO - Epoch(train) [28][ 580/1879] lr: 2.0000e-02 eta: 1 day, 9:04:14 time: 0.7850 data_time: 0.0265 memory: 9812 grad_norm: 2.9374 loss: 2.7623 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6135 distill.loss_dist: 1.1488 2023/05/14 17:23:43 - mmengine - INFO - Epoch(train) [28][ 600/1879] lr: 2.0000e-02 eta: 1 day, 9:03:54 time: 0.8230 data_time: 0.0259 memory: 9812 grad_norm: 2.9608 loss: 2.4839 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3515 distill.loss_dist: 1.1325 2023/05/14 17:24:02 - mmengine - INFO - Epoch(train) [28][ 620/1879] lr: 2.0000e-02 eta: 1 day, 9:03:40 time: 0.9419 data_time: 0.0254 memory: 9812 grad_norm: 3.0245 loss: 2.7791 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6131 distill.loss_dist: 1.1660 2023/05/14 17:24:18 - mmengine - INFO - Epoch(train) [28][ 640/1879] lr: 2.0000e-02 eta: 1 day, 9:03:18 time: 0.7918 data_time: 0.0254 memory: 9812 grad_norm: 2.9592 loss: 2.8976 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6875 distill.loss_dist: 1.2102 2023/05/14 17:24:36 - mmengine - INFO - Epoch(train) [28][ 660/1879] lr: 2.0000e-02 eta: 1 day, 9:03:02 time: 0.9031 data_time: 0.0269 memory: 9812 grad_norm: 3.0079 loss: 2.6942 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5293 distill.loss_dist: 1.1649 2023/05/14 17:24:52 - mmengine - INFO - Epoch(train) [28][ 680/1879] lr: 2.0000e-02 eta: 1 day, 9:02:43 time: 0.8375 data_time: 0.0280 memory: 9812 grad_norm: 3.0037 loss: 2.7253 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.5601 distill.loss_dist: 1.1652 2023/05/14 17:25:10 - mmengine - INFO - Epoch(train) [28][ 700/1879] lr: 2.0000e-02 eta: 1 day, 9:02:25 time: 0.8574 data_time: 0.0268 memory: 9812 grad_norm: 3.0230 loss: 2.7938 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6239 distill.loss_dist: 1.1699 2023/05/14 17:25:29 - mmengine - INFO - Epoch(train) [28][ 720/1879] lr: 2.0000e-02 eta: 1 day, 9:02:14 time: 0.9893 data_time: 0.0310 memory: 9812 grad_norm: 2.9541 loss: 2.8442 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6635 distill.loss_dist: 1.1807 2023/05/14 17:25:45 - mmengine - INFO - Epoch(train) [28][ 740/1879] lr: 2.0000e-02 eta: 1 day, 9:01:52 time: 0.7932 data_time: 0.0240 memory: 9812 grad_norm: 3.0164 loss: 2.6045 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4664 distill.loss_dist: 1.1380 2023/05/14 17:26:02 - mmengine - INFO - Epoch(train) [28][ 760/1879] lr: 2.0000e-02 eta: 1 day, 9:01:32 time: 0.8133 data_time: 0.0293 memory: 9812 grad_norm: 2.9320 loss: 2.8151 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.6828 distill.loss_dist: 1.1323 2023/05/14 17:26:21 - mmengine - INFO - Epoch(train) [28][ 780/1879] lr: 2.0000e-02 eta: 1 day, 9:01:18 time: 0.9482 data_time: 0.0272 memory: 9812 grad_norm: 3.0157 loss: 2.7221 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5583 distill.loss_dist: 1.1638 2023/05/14 17:26:38 - mmengine - INFO - Epoch(train) [28][ 800/1879] lr: 2.0000e-02 eta: 1 day, 9:01:00 time: 0.8560 data_time: 0.0273 memory: 9812 grad_norm: 3.0355 loss: 3.1059 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.9280 distill.loss_dist: 1.1780 2023/05/14 17:26:54 - mmengine - INFO - Epoch(train) [28][ 820/1879] lr: 2.0000e-02 eta: 1 day, 9:00:39 time: 0.8065 data_time: 0.0264 memory: 9812 grad_norm: 3.0362 loss: 2.5740 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.4424 distill.loss_dist: 1.1316 2023/05/14 17:27:11 - mmengine - INFO - Epoch(train) [28][ 840/1879] lr: 2.0000e-02 eta: 1 day, 9:00:22 time: 0.8836 data_time: 0.0272 memory: 9812 grad_norm: 2.9067 loss: 2.8072 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6517 distill.loss_dist: 1.1555 2023/05/14 17:27:29 - mmengine - INFO - Epoch(train) [28][ 860/1879] lr: 2.0000e-02 eta: 1 day, 9:00:05 time: 0.8682 data_time: 0.0268 memory: 9812 grad_norm: 2.9629 loss: 2.6801 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5226 distill.loss_dist: 1.1574 2023/05/14 17:27:45 - mmengine - INFO - Epoch(train) [28][ 880/1879] lr: 2.0000e-02 eta: 1 day, 8:59:43 time: 0.7885 data_time: 0.0289 memory: 9812 grad_norm: 2.9792 loss: 3.0332 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.8616 distill.loss_dist: 1.1716 2023/05/14 17:28:04 - mmengine - INFO - Epoch(train) [28][ 900/1879] lr: 2.0000e-02 eta: 1 day, 8:59:30 time: 0.9578 data_time: 0.0265 memory: 9812 grad_norm: 2.9864 loss: 2.8217 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6393 distill.loss_dist: 1.1824 2023/05/14 17:28:22 - mmengine - INFO - Epoch(train) [28][ 920/1879] lr: 2.0000e-02 eta: 1 day, 8:59:15 time: 0.9149 data_time: 0.0283 memory: 9812 grad_norm: 2.9758 loss: 2.9328 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.7605 distill.loss_dist: 1.1722 2023/05/14 17:28:38 - mmengine - INFO - Epoch(train) [28][ 940/1879] lr: 2.0000e-02 eta: 1 day, 8:58:54 time: 0.8033 data_time: 0.0284 memory: 9812 grad_norm: 2.9995 loss: 2.8163 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.6606 distill.loss_dist: 1.1557 2023/05/14 17:28:57 - mmengine - INFO - Epoch(train) [28][ 960/1879] lr: 2.0000e-02 eta: 1 day, 8:58:39 time: 0.9154 data_time: 0.0270 memory: 9812 grad_norm: 3.0522 loss: 2.7893 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6211 distill.loss_dist: 1.1681 2023/05/14 17:29:13 - mmengine - INFO - Epoch(train) [28][ 980/1879] lr: 2.0000e-02 eta: 1 day, 8:58:20 time: 0.8375 data_time: 0.0276 memory: 9812 grad_norm: 3.0285 loss: 2.7135 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5506 distill.loss_dist: 1.1628 2023/05/14 17:29:29 - mmengine - INFO - Epoch(train) [28][1000/1879] lr: 2.0000e-02 eta: 1 day, 8:57:58 time: 0.7985 data_time: 0.0268 memory: 9812 grad_norm: 2.9699 loss: 2.8575 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.7010 distill.loss_dist: 1.1565 2023/05/14 17:29:49 - mmengine - INFO - Epoch(train) [28][1020/1879] lr: 2.0000e-02 eta: 1 day, 8:57:47 time: 0.9801 data_time: 0.0270 memory: 9812 grad_norm: 2.9172 loss: 2.7397 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5929 distill.loss_dist: 1.1468 2023/05/14 17:30:05 - mmengine - INFO - Epoch(train) [28][1040/1879] lr: 2.0000e-02 eta: 1 day, 8:57:27 time: 0.8275 data_time: 0.0294 memory: 9812 grad_norm: 2.9684 loss: 2.8780 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6887 distill.loss_dist: 1.1893 2023/05/14 17:30:22 - mmengine - INFO - Epoch(train) [28][1060/1879] lr: 2.0000e-02 eta: 1 day, 8:57:06 time: 0.8096 data_time: 0.0235 memory: 9812 grad_norm: 3.0037 loss: 2.6660 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.5163 distill.loss_dist: 1.1497 2023/05/14 17:30:40 - mmengine - INFO - Epoch(train) [28][1080/1879] lr: 2.0000e-02 eta: 1 day, 8:56:50 time: 0.8984 data_time: 0.0257 memory: 9812 grad_norm: 2.9834 loss: 2.9443 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7447 distill.loss_dist: 1.1996 2023/05/14 17:30:57 - mmengine - INFO - Epoch(train) [28][1100/1879] lr: 2.0000e-02 eta: 1 day, 8:56:32 time: 0.8492 data_time: 0.0293 memory: 9812 grad_norm: 2.9459 loss: 2.7739 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6119 distill.loss_dist: 1.1620 2023/05/14 17:31:13 - mmengine - INFO - Epoch(train) [28][1120/1879] lr: 2.0000e-02 eta: 1 day, 8:56:12 time: 0.8357 data_time: 0.0279 memory: 9812 grad_norm: 3.0100 loss: 2.6294 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4741 distill.loss_dist: 1.1554 2023/05/14 17:31:32 - mmengine - INFO - Epoch(train) [28][1140/1879] lr: 2.0000e-02 eta: 1 day, 8:55:57 time: 0.9223 data_time: 0.1066 memory: 9812 grad_norm: 2.9793 loss: 3.0800 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.8718 distill.loss_dist: 1.2082 2023/05/14 17:31:49 - mmengine - INFO - Epoch(train) [28][1160/1879] lr: 2.0000e-02 eta: 1 day, 8:55:38 time: 0.8324 data_time: 0.0678 memory: 9812 grad_norm: 2.9493 loss: 2.8600 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6774 distill.loss_dist: 1.1826 2023/05/14 17:32:06 - mmengine - INFO - Epoch(train) [28][1180/1879] lr: 2.0000e-02 eta: 1 day, 8:55:20 time: 0.8638 data_time: 0.0241 memory: 9812 grad_norm: 2.9754 loss: 2.8593 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6868 distill.loss_dist: 1.1724 2023/05/14 17:32:24 - mmengine - INFO - Epoch(train) [28][1200/1879] lr: 2.0000e-02 eta: 1 day, 8:55:06 time: 0.9278 data_time: 0.0244 memory: 9812 grad_norm: 2.9911 loss: 3.0600 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 1.8778 distill.loss_dist: 1.1822 2023/05/14 17:32:41 - mmengine - INFO - Epoch(train) [28][1220/1879] lr: 2.0000e-02 eta: 1 day, 8:54:47 time: 0.8460 data_time: 0.1022 memory: 9812 grad_norm: 2.9315 loss: 2.7980 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6292 distill.loss_dist: 1.1688 2023/05/14 17:32:59 - mmengine - INFO - Epoch(train) [28][1240/1879] lr: 2.0000e-02 eta: 1 day, 8:54:30 time: 0.8767 data_time: 0.0491 memory: 9812 grad_norm: 2.9725 loss: 2.8207 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6322 distill.loss_dist: 1.1886 2023/05/14 17:33:15 - mmengine - INFO - Epoch(train) [28][1260/1879] lr: 2.0000e-02 eta: 1 day, 8:54:10 time: 0.8191 data_time: 0.0259 memory: 9812 grad_norm: 2.9793 loss: 2.9662 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7862 distill.loss_dist: 1.1801 2023/05/14 17:33:21 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 17:33:33 - mmengine - INFO - Epoch(train) [28][1280/1879] lr: 2.0000e-02 eta: 1 day, 8:53:54 time: 0.9006 data_time: 0.0313 memory: 9812 grad_norm: 2.9695 loss: 2.4655 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3652 distill.loss_dist: 1.1003 2023/05/14 17:33:50 - mmengine - INFO - Epoch(train) [28][1300/1879] lr: 2.0000e-02 eta: 1 day, 8:53:34 time: 0.8302 data_time: 0.0244 memory: 9812 grad_norm: 3.0233 loss: 2.8909 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7219 distill.loss_dist: 1.1690 2023/05/14 17:34:07 - mmengine - INFO - Epoch(train) [28][1320/1879] lr: 2.0000e-02 eta: 1 day, 8:53:17 time: 0.8717 data_time: 0.0243 memory: 9812 grad_norm: 2.9321 loss: 2.8563 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6866 distill.loss_dist: 1.1697 2023/05/14 17:34:26 - mmengine - INFO - Epoch(train) [28][1340/1879] lr: 2.0000e-02 eta: 1 day, 8:53:03 time: 0.9433 data_time: 0.0285 memory: 9812 grad_norm: 2.9426 loss: 2.7312 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5611 distill.loss_dist: 1.1701 2023/05/14 17:34:42 - mmengine - INFO - Epoch(train) [28][1360/1879] lr: 2.0000e-02 eta: 1 day, 8:52:41 time: 0.7936 data_time: 0.0256 memory: 9812 grad_norm: 2.9820 loss: 2.6972 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5433 distill.loss_dist: 1.1539 2023/05/14 17:34:59 - mmengine - INFO - Epoch(train) [28][1380/1879] lr: 2.0000e-02 eta: 1 day, 8:52:22 time: 0.8340 data_time: 0.0260 memory: 9812 grad_norm: 2.9888 loss: 2.8692 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7006 distill.loss_dist: 1.1686 2023/05/14 17:35:17 - mmengine - INFO - Epoch(train) [28][1400/1879] lr: 2.0000e-02 eta: 1 day, 8:52:07 time: 0.9268 data_time: 0.0310 memory: 9812 grad_norm: 2.9596 loss: 2.8829 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7148 distill.loss_dist: 1.1681 2023/05/14 17:35:35 - mmengine - INFO - Epoch(train) [28][1420/1879] lr: 2.0000e-02 eta: 1 day, 8:51:51 time: 0.8840 data_time: 0.0269 memory: 9812 grad_norm: 2.9876 loss: 2.9338 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7552 distill.loss_dist: 1.1786 2023/05/14 17:35:52 - mmengine - INFO - Epoch(train) [28][1440/1879] lr: 2.0000e-02 eta: 1 day, 8:51:31 time: 0.8377 data_time: 0.0258 memory: 9812 grad_norm: 3.0277 loss: 2.7817 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6095 distill.loss_dist: 1.1722 2023/05/14 17:36:10 - mmengine - INFO - Epoch(train) [28][1460/1879] lr: 2.0000e-02 eta: 1 day, 8:51:16 time: 0.9034 data_time: 0.0320 memory: 9812 grad_norm: 2.9594 loss: 2.7625 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6152 distill.loss_dist: 1.1473 2023/05/14 17:36:26 - mmengine - INFO - Epoch(train) [28][1480/1879] lr: 2.0000e-02 eta: 1 day, 8:50:54 time: 0.7902 data_time: 0.0332 memory: 9812 grad_norm: 3.0008 loss: 2.8151 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.6748 distill.loss_dist: 1.1403 2023/05/14 17:36:44 - mmengine - INFO - Epoch(train) [28][1500/1879] lr: 2.0000e-02 eta: 1 day, 8:50:39 time: 0.9132 data_time: 0.0299 memory: 9812 grad_norm: 2.9987 loss: 2.8616 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7007 distill.loss_dist: 1.1609 2023/05/14 17:37:00 - mmengine - INFO - Epoch(train) [28][1520/1879] lr: 2.0000e-02 eta: 1 day, 8:50:18 time: 0.8088 data_time: 0.0305 memory: 9812 grad_norm: 3.0862 loss: 2.8133 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6243 distill.loss_dist: 1.1891 2023/05/14 17:37:17 - mmengine - INFO - Epoch(train) [28][1540/1879] lr: 2.0000e-02 eta: 1 day, 8:50:00 time: 0.8568 data_time: 0.0251 memory: 9812 grad_norm: 2.9846 loss: 2.7425 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.5962 distill.loss_dist: 1.1463 2023/05/14 17:37:35 - mmengine - INFO - Epoch(train) [28][1560/1879] lr: 2.0000e-02 eta: 1 day, 8:49:42 time: 0.8706 data_time: 0.0251 memory: 9812 grad_norm: 2.9397 loss: 2.6994 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5372 distill.loss_dist: 1.1621 2023/05/14 17:37:52 - mmengine - INFO - Epoch(train) [28][1580/1879] lr: 2.0000e-02 eta: 1 day, 8:49:25 time: 0.8753 data_time: 0.0313 memory: 9812 grad_norm: 2.9962 loss: 3.0032 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.8252 distill.loss_dist: 1.1780 2023/05/14 17:38:12 - mmengine - INFO - Epoch(train) [28][1600/1879] lr: 2.0000e-02 eta: 1 day, 8:49:14 time: 0.9885 data_time: 0.0257 memory: 9812 grad_norm: 2.9347 loss: 2.6598 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5031 distill.loss_dist: 1.1567 2023/05/14 17:38:29 - mmengine - INFO - Epoch(train) [28][1620/1879] lr: 2.0000e-02 eta: 1 day, 8:48:55 time: 0.8427 data_time: 0.0231 memory: 9812 grad_norm: 2.9645 loss: 2.8526 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6978 distill.loss_dist: 1.1549 2023/05/14 17:38:45 - mmengine - INFO - Epoch(train) [28][1640/1879] lr: 2.0000e-02 eta: 1 day, 8:48:34 time: 0.7957 data_time: 0.0292 memory: 9812 grad_norm: 3.0142 loss: 2.7862 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.6279 distill.loss_dist: 1.1583 2023/05/14 17:39:03 - mmengine - INFO - Epoch(train) [28][1660/1879] lr: 2.0000e-02 eta: 1 day, 8:48:19 time: 0.9321 data_time: 0.0267 memory: 9812 grad_norm: 3.0245 loss: 2.9220 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7387 distill.loss_dist: 1.1833 2023/05/14 17:39:21 - mmengine - INFO - Epoch(train) [28][1680/1879] lr: 2.0000e-02 eta: 1 day, 8:48:01 time: 0.8612 data_time: 0.0273 memory: 9812 grad_norm: 2.8940 loss: 2.7420 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5918 distill.loss_dist: 1.1502 2023/05/14 17:39:37 - mmengine - INFO - Epoch(train) [28][1700/1879] lr: 2.0000e-02 eta: 1 day, 8:47:42 time: 0.8373 data_time: 0.0245 memory: 9812 grad_norm: 2.9703 loss: 2.6993 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5651 distill.loss_dist: 1.1341 2023/05/14 17:39:56 - mmengine - INFO - Epoch(train) [28][1720/1879] lr: 2.0000e-02 eta: 1 day, 8:47:27 time: 0.9114 data_time: 0.0288 memory: 9812 grad_norm: 3.0208 loss: 2.7704 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5936 distill.loss_dist: 1.1769 2023/05/14 17:40:13 - mmengine - INFO - Epoch(train) [28][1740/1879] lr: 2.0000e-02 eta: 1 day, 8:47:08 time: 0.8522 data_time: 0.0258 memory: 9812 grad_norm: 2.9527 loss: 2.7750 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6180 distill.loss_dist: 1.1570 2023/05/14 17:40:29 - mmengine - INFO - Epoch(train) [28][1760/1879] lr: 2.0000e-02 eta: 1 day, 8:46:47 time: 0.8049 data_time: 0.0295 memory: 9812 grad_norm: 2.9874 loss: 2.6490 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4877 distill.loss_dist: 1.1613 2023/05/14 17:40:47 - mmengine - INFO - Epoch(train) [28][1780/1879] lr: 2.0000e-02 eta: 1 day, 8:46:32 time: 0.9144 data_time: 0.0308 memory: 9812 grad_norm: 3.0263 loss: 2.8895 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7200 distill.loss_dist: 1.1695 2023/05/14 17:41:05 - mmengine - INFO - Epoch(train) [28][1800/1879] lr: 2.0000e-02 eta: 1 day, 8:46:15 time: 0.8788 data_time: 0.0263 memory: 9812 grad_norm: 2.9601 loss: 2.7688 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6105 distill.loss_dist: 1.1583 2023/05/14 17:41:21 - mmengine - INFO - Epoch(train) [28][1820/1879] lr: 2.0000e-02 eta: 1 day, 8:45:55 time: 0.8243 data_time: 0.0263 memory: 9812 grad_norm: 3.0059 loss: 2.8637 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6900 distill.loss_dist: 1.1737 2023/05/14 17:41:40 - mmengine - INFO - Epoch(train) [28][1840/1879] lr: 2.0000e-02 eta: 1 day, 8:45:42 time: 0.9586 data_time: 0.0267 memory: 9812 grad_norm: 2.9226 loss: 2.8026 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6248 distill.loss_dist: 1.1779 2023/05/14 17:41:56 - mmengine - INFO - Epoch(train) [28][1860/1879] lr: 2.0000e-02 eta: 1 day, 8:45:21 time: 0.7937 data_time: 0.0264 memory: 9812 grad_norm: 2.9776 loss: 2.8481 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6674 distill.loss_dist: 1.1808 2023/05/14 17:42:09 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 17:42:09 - mmengine - INFO - Epoch(train) [28][1879/1879] lr: 2.0000e-02 eta: 1 day, 8:44:55 time: 0.6661 data_time: 0.0218 memory: 9812 grad_norm: 3.0067 loss: 2.7441 student.top1_acc: 0.4286 student.top5_acc: 0.7143 student.loss_cls: 1.5816 distill.loss_dist: 1.1625 2023/05/14 17:42:29 - mmengine - INFO - Epoch(val) [28][ 20/155] eta: 0:02:11 time: 0.9709 data_time: 0.9100 memory: 1484 2023/05/14 17:42:42 - mmengine - INFO - Epoch(val) [28][ 40/155] eta: 0:01:35 time: 0.6888 data_time: 0.6258 memory: 1484 2023/05/14 17:43:01 - mmengine - INFO - Epoch(val) [28][ 60/155] eta: 0:01:21 time: 0.9091 data_time: 0.8426 memory: 1484 2023/05/14 17:43:13 - mmengine - INFO - Epoch(val) [28][ 80/155] eta: 0:01:00 time: 0.6359 data_time: 0.5707 memory: 1484 2023/05/14 17:43:32 - mmengine - INFO - Epoch(val) [28][100/155] eta: 0:00:45 time: 0.9582 data_time: 0.8941 memory: 1484 2023/05/14 17:43:45 - mmengine - INFO - Epoch(val) [28][120/155] eta: 0:00:28 time: 0.6459 data_time: 0.5829 memory: 1484 2023/05/14 17:44:05 - mmengine - INFO - Epoch(val) [28][140/155] eta: 0:00:12 time: 1.0041 data_time: 0.9399 memory: 1484 2023/05/14 17:44:36 - mmengine - INFO - Epoch(val) [28][ 20/155] eta: 0:16:17 time: 1.0038 data_time: 0.8486 memory: 1582 2023/05/14 17:44:50 - mmengine - INFO - Epoch(val) [28][ 40/155] eta: 0:07:35 time: 0.6745 data_time: 0.5233 memory: 1582 2023/05/14 17:45:08 - mmengine - INFO - Epoch(val) [28][ 60/155] eta: 0:04:39 time: 0.9104 data_time: 0.7607 memory: 1582 2023/05/14 17:45:22 - mmengine - INFO - Epoch(val) [28][ 80/155] eta: 0:02:58 time: 0.7043 data_time: 0.5545 memory: 1582 2023/05/14 17:45:42 - mmengine - INFO - Epoch(val) [28][100/155] eta: 0:01:55 time: 0.9838 data_time: 0.8331 memory: 1582 2023/05/14 17:45:55 - mmengine - INFO - Epoch(val) [28][120/155] eta: 0:01:05 time: 0.6816 data_time: 0.5281 memory: 1582 2023/05/14 17:46:14 - mmengine - INFO - Epoch(val) [28][140/155] eta: 0:00:26 time: 0.9476 data_time: 0.7938 memory: 1582 2023/05/14 17:46:26 - mmengine - INFO - Epoch(val) [28][155/155] acc/top1: 0.6131 acc/top5: 0.8445 acc/mean1: 0.6130 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6633 time: 0.8133 2023/05/14 17:46:48 - mmengine - INFO - Epoch(train) [29][ 20/1879] lr: 2.0000e-02 eta: 1 day, 8:44:48 time: 1.0864 data_time: 0.4821 memory: 9812 grad_norm: 3.0023 loss: 2.7642 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5978 distill.loss_dist: 1.1664 2023/05/14 17:47:04 - mmengine - INFO - Epoch(train) [29][ 40/1879] lr: 2.0000e-02 eta: 1 day, 8:44:29 time: 0.8288 data_time: 0.0492 memory: 9812 grad_norm: 2.9059 loss: 2.6149 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.4743 distill.loss_dist: 1.1406 2023/05/14 17:47:21 - mmengine - INFO - Epoch(train) [29][ 60/1879] lr: 2.0000e-02 eta: 1 day, 8:44:10 time: 0.8450 data_time: 0.0583 memory: 9812 grad_norm: 2.9707 loss: 2.7339 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5616 distill.loss_dist: 1.1723 2023/05/14 17:47:40 - mmengine - INFO - Epoch(train) [29][ 80/1879] lr: 2.0000e-02 eta: 1 day, 8:43:55 time: 0.9288 data_time: 0.0918 memory: 9812 grad_norm: 2.9796 loss: 2.8865 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7036 distill.loss_dist: 1.1829 2023/05/14 17:47:56 - mmengine - INFO - Epoch(train) [29][ 100/1879] lr: 2.0000e-02 eta: 1 day, 8:43:36 time: 0.8265 data_time: 0.0642 memory: 9812 grad_norm: 2.9731 loss: 2.6056 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4503 distill.loss_dist: 1.1553 2023/05/14 17:48:13 - mmengine - INFO - Epoch(train) [29][ 120/1879] lr: 2.0000e-02 eta: 1 day, 8:43:16 time: 0.8246 data_time: 0.0254 memory: 9812 grad_norm: 2.9244 loss: 2.7512 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5893 distill.loss_dist: 1.1619 2023/05/14 17:48:32 - mmengine - INFO - Epoch(train) [29][ 140/1879] lr: 2.0000e-02 eta: 1 day, 8:43:03 time: 0.9627 data_time: 0.0303 memory: 9812 grad_norm: 2.9938 loss: 2.9788 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8082 distill.loss_dist: 1.1706 2023/05/14 17:48:48 - mmengine - INFO - Epoch(train) [29][ 160/1879] lr: 2.0000e-02 eta: 1 day, 8:42:42 time: 0.7988 data_time: 0.0252 memory: 9812 grad_norm: 2.9548 loss: 2.7164 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5440 distill.loss_dist: 1.1725 2023/05/14 17:49:05 - mmengine - INFO - Epoch(train) [29][ 180/1879] lr: 2.0000e-02 eta: 1 day, 8:42:24 time: 0.8527 data_time: 0.0257 memory: 9812 grad_norm: 3.0085 loss: 2.6875 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5582 distill.loss_dist: 1.1293 2023/05/14 17:49:23 - mmengine - INFO - Epoch(train) [29][ 200/1879] lr: 2.0000e-02 eta: 1 day, 8:42:07 time: 0.8796 data_time: 0.0278 memory: 9812 grad_norm: 2.9903 loss: 2.7412 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5794 distill.loss_dist: 1.1618 2023/05/14 17:49:40 - mmengine - INFO - Epoch(train) [29][ 220/1879] lr: 2.0000e-02 eta: 1 day, 8:41:49 time: 0.8726 data_time: 0.0255 memory: 9812 grad_norm: 2.9004 loss: 2.8118 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.6607 distill.loss_dist: 1.1511 2023/05/14 17:49:57 - mmengine - INFO - Epoch(train) [29][ 240/1879] lr: 2.0000e-02 eta: 1 day, 8:41:31 time: 0.8650 data_time: 0.0268 memory: 9812 grad_norm: 2.9116 loss: 2.6079 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.4631 distill.loss_dist: 1.1447 2023/05/14 17:50:15 - mmengine - INFO - Epoch(train) [29][ 260/1879] lr: 2.0000e-02 eta: 1 day, 8:41:15 time: 0.8968 data_time: 0.0263 memory: 9812 grad_norm: 2.9645 loss: 2.7906 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6341 distill.loss_dist: 1.1565 2023/05/14 17:50:32 - mmengine - INFO - Epoch(train) [29][ 280/1879] lr: 2.0000e-02 eta: 1 day, 8:40:55 time: 0.8245 data_time: 0.0258 memory: 9812 grad_norm: 2.9530 loss: 2.5700 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4049 distill.loss_dist: 1.1651 2023/05/14 17:50:48 - mmengine - INFO - Epoch(train) [29][ 300/1879] lr: 2.0000e-02 eta: 1 day, 8:40:36 time: 0.8292 data_time: 0.0294 memory: 9812 grad_norm: 3.0330 loss: 2.9508 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.7822 distill.loss_dist: 1.1686 2023/05/14 17:51:07 - mmengine - INFO - Epoch(train) [29][ 320/1879] lr: 2.0000e-02 eta: 1 day, 8:40:22 time: 0.9443 data_time: 0.0267 memory: 9812 grad_norm: 2.9717 loss: 2.8362 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6721 distill.loss_dist: 1.1641 2023/05/14 17:51:23 - mmengine - INFO - Epoch(train) [29][ 340/1879] lr: 2.0000e-02 eta: 1 day, 8:40:01 time: 0.7960 data_time: 0.0298 memory: 9812 grad_norm: 2.9550 loss: 2.9615 student.top1_acc: 0.2500 student.top5_acc: 0.8125 student.loss_cls: 1.7935 distill.loss_dist: 1.1680 2023/05/14 17:51:40 - mmengine - INFO - Epoch(train) [29][ 360/1879] lr: 2.0000e-02 eta: 1 day, 8:39:42 time: 0.8402 data_time: 0.0275 memory: 9812 grad_norm: 2.9726 loss: 2.7802 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6262 distill.loss_dist: 1.1540 2023/05/14 17:51:57 - mmengine - INFO - Epoch(train) [29][ 380/1879] lr: 2.0000e-02 eta: 1 day, 8:39:23 time: 0.8489 data_time: 0.0247 memory: 9812 grad_norm: 3.0355 loss: 2.5709 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4323 distill.loss_dist: 1.1386 2023/05/14 17:52:06 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 17:52:16 - mmengine - INFO - Epoch(train) [29][ 400/1879] lr: 2.0000e-02 eta: 1 day, 8:39:11 time: 0.9677 data_time: 0.0262 memory: 9812 grad_norm: 3.0006 loss: 2.8555 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6841 distill.loss_dist: 1.1715 2023/05/14 17:52:33 - mmengine - INFO - Epoch(train) [29][ 420/1879] lr: 2.0000e-02 eta: 1 day, 8:38:51 time: 0.8186 data_time: 0.0279 memory: 9812 grad_norm: 2.9544 loss: 2.7058 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5421 distill.loss_dist: 1.1638 2023/05/14 17:52:50 - mmengine - INFO - Epoch(train) [29][ 440/1879] lr: 2.0000e-02 eta: 1 day, 8:38:33 time: 0.8674 data_time: 0.0238 memory: 9812 grad_norm: 2.9899 loss: 2.9050 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7345 distill.loss_dist: 1.1705 2023/05/14 17:53:09 - mmengine - INFO - Epoch(train) [29][ 460/1879] lr: 2.0000e-02 eta: 1 day, 8:38:19 time: 0.9453 data_time: 0.0284 memory: 9812 grad_norm: 3.0346 loss: 2.8577 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6672 distill.loss_dist: 1.1905 2023/05/14 17:53:26 - mmengine - INFO - Epoch(train) [29][ 480/1879] lr: 2.0000e-02 eta: 1 day, 8:38:00 time: 0.8368 data_time: 0.0284 memory: 9812 grad_norm: 2.9829 loss: 2.8797 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7075 distill.loss_dist: 1.1723 2023/05/14 17:53:42 - mmengine - INFO - Epoch(train) [29][ 500/1879] lr: 2.0000e-02 eta: 1 day, 8:37:40 time: 0.8162 data_time: 0.0244 memory: 9812 grad_norm: 2.9439 loss: 2.8048 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6281 distill.loss_dist: 1.1767 2023/05/14 17:54:01 - mmengine - INFO - Epoch(train) [29][ 520/1879] lr: 2.0000e-02 eta: 1 day, 8:37:25 time: 0.9277 data_time: 0.0359 memory: 9812 grad_norm: 2.9393 loss: 2.8113 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6473 distill.loss_dist: 1.1641 2023/05/14 17:54:18 - mmengine - INFO - Epoch(train) [29][ 540/1879] lr: 2.0000e-02 eta: 1 day, 8:37:08 time: 0.8715 data_time: 0.0378 memory: 9812 grad_norm: 2.9836 loss: 2.6045 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.4476 distill.loss_dist: 1.1570 2023/05/14 17:54:35 - mmengine - INFO - Epoch(train) [29][ 560/1879] lr: 2.0000e-02 eta: 1 day, 8:36:48 time: 0.8279 data_time: 0.0281 memory: 9812 grad_norm: 3.0290 loss: 2.7456 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5994 distill.loss_dist: 1.1462 2023/05/14 17:54:53 - mmengine - INFO - Epoch(train) [29][ 580/1879] lr: 2.0000e-02 eta: 1 day, 8:36:33 time: 0.9166 data_time: 0.0248 memory: 9812 grad_norm: 2.9630 loss: 2.6765 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.5396 distill.loss_dist: 1.1369 2023/05/14 17:55:11 - mmengine - INFO - Epoch(train) [29][ 600/1879] lr: 2.0000e-02 eta: 1 day, 8:36:17 time: 0.8966 data_time: 0.0226 memory: 9812 grad_norm: 2.9042 loss: 2.6365 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4823 distill.loss_dist: 1.1542 2023/05/14 17:55:28 - mmengine - INFO - Epoch(train) [29][ 620/1879] lr: 2.0000e-02 eta: 1 day, 8:35:58 time: 0.8416 data_time: 0.0246 memory: 9812 grad_norm: 2.9869 loss: 2.5577 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.4256 distill.loss_dist: 1.1321 2023/05/14 17:55:45 - mmengine - INFO - Epoch(train) [29][ 640/1879] lr: 2.0000e-02 eta: 1 day, 8:35:40 time: 0.8520 data_time: 0.0276 memory: 9812 grad_norm: 2.9864 loss: 2.8454 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6895 distill.loss_dist: 1.1558 2023/05/14 17:56:02 - mmengine - INFO - Epoch(train) [29][ 660/1879] lr: 2.0000e-02 eta: 1 day, 8:35:21 time: 0.8492 data_time: 0.0246 memory: 9812 grad_norm: 3.0065 loss: 2.9244 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 1.7620 distill.loss_dist: 1.1624 2023/05/14 17:56:18 - mmengine - INFO - Epoch(train) [29][ 680/1879] lr: 2.0000e-02 eta: 1 day, 8:35:01 time: 0.8206 data_time: 0.0255 memory: 9812 grad_norm: 2.9651 loss: 2.9887 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7996 distill.loss_dist: 1.1891 2023/05/14 17:56:37 - mmengine - INFO - Epoch(train) [29][ 700/1879] lr: 2.0000e-02 eta: 1 day, 8:34:46 time: 0.9228 data_time: 0.0303 memory: 9812 grad_norm: 2.9496 loss: 2.8287 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.6601 distill.loss_dist: 1.1686 2023/05/14 17:56:53 - mmengine - INFO - Epoch(train) [29][ 720/1879] lr: 2.0000e-02 eta: 1 day, 8:34:26 time: 0.8119 data_time: 0.0234 memory: 9812 grad_norm: 2.9675 loss: 2.6956 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5661 distill.loss_dist: 1.1295 2023/05/14 17:57:10 - mmengine - INFO - Epoch(train) [29][ 740/1879] lr: 2.0000e-02 eta: 1 day, 8:34:07 time: 0.8525 data_time: 0.0261 memory: 9812 grad_norm: 2.9035 loss: 2.8759 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7058 distill.loss_dist: 1.1702 2023/05/14 17:57:29 - mmengine - INFO - Epoch(train) [29][ 760/1879] lr: 2.0000e-02 eta: 1 day, 8:33:54 time: 0.9558 data_time: 0.0284 memory: 9812 grad_norm: 2.9863 loss: 2.7894 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5810 distill.loss_dist: 1.2083 2023/05/14 17:57:45 - mmengine - INFO - Epoch(train) [29][ 780/1879] lr: 2.0000e-02 eta: 1 day, 8:33:34 time: 0.8090 data_time: 0.0255 memory: 9812 grad_norm: 2.9654 loss: 2.6830 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5462 distill.loss_dist: 1.1368 2023/05/14 17:58:03 - mmengine - INFO - Epoch(train) [29][ 800/1879] lr: 2.0000e-02 eta: 1 day, 8:33:18 time: 0.8970 data_time: 0.0239 memory: 9812 grad_norm: 2.9900 loss: 2.7879 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6246 distill.loss_dist: 1.1633 2023/05/14 17:58:21 - mmengine - INFO - Epoch(train) [29][ 820/1879] lr: 2.0000e-02 eta: 1 day, 8:33:02 time: 0.9041 data_time: 0.0247 memory: 9812 grad_norm: 2.9733 loss: 2.7688 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5955 distill.loss_dist: 1.1733 2023/05/14 17:58:38 - mmengine - INFO - Epoch(train) [29][ 840/1879] lr: 2.0000e-02 eta: 1 day, 8:32:42 time: 0.8167 data_time: 0.0283 memory: 9812 grad_norm: 3.0363 loss: 2.9194 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7467 distill.loss_dist: 1.1726 2023/05/14 17:58:54 - mmengine - INFO - Epoch(train) [29][ 860/1879] lr: 2.0000e-02 eta: 1 day, 8:32:22 time: 0.8316 data_time: 0.0289 memory: 9812 grad_norm: 2.9410 loss: 2.8278 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6558 distill.loss_dist: 1.1721 2023/05/14 17:59:14 - mmengine - INFO - Epoch(train) [29][ 880/1879] lr: 2.0000e-02 eta: 1 day, 8:32:10 time: 0.9674 data_time: 0.0262 memory: 9812 grad_norm: 2.9648 loss: 2.7836 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6026 distill.loss_dist: 1.1810 2023/05/14 17:59:30 - mmengine - INFO - Epoch(train) [29][ 900/1879] lr: 2.0000e-02 eta: 1 day, 8:31:48 time: 0.7944 data_time: 0.0238 memory: 9812 grad_norm: 3.0073 loss: 2.9096 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.7324 distill.loss_dist: 1.1772 2023/05/14 17:59:46 - mmengine - INFO - Epoch(train) [29][ 920/1879] lr: 2.0000e-02 eta: 1 day, 8:31:29 time: 0.8299 data_time: 0.0278 memory: 9812 grad_norm: 2.9389 loss: 2.7552 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5991 distill.loss_dist: 1.1561 2023/05/14 18:00:06 - mmengine - INFO - Epoch(train) [29][ 940/1879] lr: 2.0000e-02 eta: 1 day, 8:31:18 time: 1.0064 data_time: 0.0249 memory: 9812 grad_norm: 2.9926 loss: 2.8978 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7302 distill.loss_dist: 1.1676 2023/05/14 18:00:23 - mmengine - INFO - Epoch(train) [29][ 960/1879] lr: 2.0000e-02 eta: 1 day, 8:30:58 time: 0.8231 data_time: 0.0247 memory: 9812 grad_norm: 2.9751 loss: 2.6281 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4844 distill.loss_dist: 1.1437 2023/05/14 18:00:39 - mmengine - INFO - Epoch(train) [29][ 980/1879] lr: 2.0000e-02 eta: 1 day, 8:30:37 time: 0.7957 data_time: 0.0272 memory: 9812 grad_norm: 2.9303 loss: 2.9493 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7753 distill.loss_dist: 1.1740 2023/05/14 18:00:58 - mmengine - INFO - Epoch(train) [29][1000/1879] lr: 2.0000e-02 eta: 1 day, 8:30:24 time: 0.9695 data_time: 0.0264 memory: 9812 grad_norm: 2.9763 loss: 2.6928 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5241 distill.loss_dist: 1.1687 2023/05/14 18:01:15 - mmengine - INFO - Epoch(train) [29][1020/1879] lr: 2.0000e-02 eta: 1 day, 8:30:06 time: 0.8524 data_time: 0.0249 memory: 9812 grad_norm: 2.9561 loss: 2.7088 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5512 distill.loss_dist: 1.1576 2023/05/14 18:01:31 - mmengine - INFO - Epoch(train) [29][1040/1879] lr: 2.0000e-02 eta: 1 day, 8:29:45 time: 0.7960 data_time: 0.0273 memory: 9812 grad_norm: 3.0184 loss: 2.7605 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.5964 distill.loss_dist: 1.1641 2023/05/14 18:01:50 - mmengine - INFO - Epoch(train) [29][1060/1879] lr: 2.0000e-02 eta: 1 day, 8:29:31 time: 0.9477 data_time: 0.0276 memory: 9812 grad_norm: 3.0075 loss: 2.9416 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7735 distill.loss_dist: 1.1680 2023/05/14 18:02:07 - mmengine - INFO - Epoch(train) [29][1080/1879] lr: 2.0000e-02 eta: 1 day, 8:29:12 time: 0.8344 data_time: 0.0280 memory: 9812 grad_norm: 2.9179 loss: 2.7276 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6066 distill.loss_dist: 1.1210 2023/05/14 18:02:22 - mmengine - INFO - Epoch(train) [29][1100/1879] lr: 2.0000e-02 eta: 1 day, 8:28:49 time: 0.7526 data_time: 0.0250 memory: 9812 grad_norm: 2.9534 loss: 2.5840 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4649 distill.loss_dist: 1.1192 2023/05/14 18:02:42 - mmengine - INFO - Epoch(train) [29][1120/1879] lr: 2.0000e-02 eta: 1 day, 8:28:38 time: 1.0003 data_time: 0.0290 memory: 9812 grad_norm: 2.9864 loss: 2.6110 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.4626 distill.loss_dist: 1.1484 2023/05/14 18:02:58 - mmengine - INFO - Epoch(train) [29][1140/1879] lr: 2.0000e-02 eta: 1 day, 8:28:17 time: 0.8042 data_time: 0.0279 memory: 9812 grad_norm: 2.9213 loss: 2.8655 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6865 distill.loss_dist: 1.1790 2023/05/14 18:03:14 - mmengine - INFO - Epoch(train) [29][1160/1879] lr: 2.0000e-02 eta: 1 day, 8:27:57 time: 0.8214 data_time: 0.0262 memory: 9812 grad_norm: 2.9732 loss: 2.9411 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.7654 distill.loss_dist: 1.1757 2023/05/14 18:03:34 - mmengine - INFO - Epoch(train) [29][1180/1879] lr: 2.0000e-02 eta: 1 day, 8:27:44 time: 0.9655 data_time: 0.0272 memory: 9812 grad_norm: 2.9787 loss: 2.9658 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7967 distill.loss_dist: 1.1691 2023/05/14 18:03:50 - mmengine - INFO - Epoch(train) [29][1200/1879] lr: 2.0000e-02 eta: 1 day, 8:27:25 time: 0.8317 data_time: 0.0241 memory: 9812 grad_norm: 2.9863 loss: 2.7315 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5822 distill.loss_dist: 1.1493 2023/05/14 18:04:07 - mmengine - INFO - Epoch(train) [29][1220/1879] lr: 2.0000e-02 eta: 1 day, 8:27:04 time: 0.8108 data_time: 0.0252 memory: 9812 grad_norm: 2.9424 loss: 2.5874 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4207 distill.loss_dist: 1.1666 2023/05/14 18:04:26 - mmengine - INFO - Epoch(train) [29][1240/1879] lr: 2.0000e-02 eta: 1 day, 8:26:52 time: 0.9760 data_time: 0.0281 memory: 9812 grad_norm: 2.9642 loss: 2.8594 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7184 distill.loss_dist: 1.1411 2023/05/14 18:04:42 - mmengine - INFO - Epoch(train) [29][1260/1879] lr: 2.0000e-02 eta: 1 day, 8:26:31 time: 0.8005 data_time: 0.0224 memory: 9812 grad_norm: 2.9711 loss: 2.8169 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6488 distill.loss_dist: 1.1682 2023/05/14 18:04:59 - mmengine - INFO - Epoch(train) [29][1280/1879] lr: 2.0000e-02 eta: 1 day, 8:26:11 time: 0.8181 data_time: 0.0966 memory: 9812 grad_norm: 3.0143 loss: 2.8562 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.6804 distill.loss_dist: 1.1758 2023/05/14 18:05:18 - mmengine - INFO - Epoch(train) [29][1300/1879] lr: 2.0000e-02 eta: 1 day, 8:25:58 time: 0.9646 data_time: 0.0248 memory: 9812 grad_norm: 2.9846 loss: 2.9971 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 1.8156 distill.loss_dist: 1.1815 2023/05/14 18:05:34 - mmengine - INFO - Epoch(train) [29][1320/1879] lr: 2.0000e-02 eta: 1 day, 8:25:37 time: 0.7959 data_time: 0.0264 memory: 9812 grad_norm: 2.9862 loss: 2.8974 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.7292 distill.loss_dist: 1.1682 2023/05/14 18:05:51 - mmengine - INFO - Epoch(train) [29][1340/1879] lr: 2.0000e-02 eta: 1 day, 8:25:18 time: 0.8379 data_time: 0.0290 memory: 9812 grad_norm: 2.9660 loss: 2.5929 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4478 distill.loss_dist: 1.1451 2023/05/14 18:06:09 - mmengine - INFO - Epoch(train) [29][1360/1879] lr: 2.0000e-02 eta: 1 day, 8:25:02 time: 0.8994 data_time: 0.0268 memory: 9812 grad_norm: 2.9748 loss: 2.7717 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5918 distill.loss_dist: 1.1798 2023/05/14 18:06:25 - mmengine - INFO - Epoch(train) [29][1380/1879] lr: 2.0000e-02 eta: 1 day, 8:24:43 time: 0.8338 data_time: 0.0256 memory: 9812 grad_norm: 3.0427 loss: 2.9825 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8061 distill.loss_dist: 1.1763 2023/05/14 18:06:32 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 18:06:43 - mmengine - INFO - Epoch(train) [29][1400/1879] lr: 2.0000e-02 eta: 1 day, 8:24:25 time: 0.8613 data_time: 0.0276 memory: 9812 grad_norm: 2.9111 loss: 2.6663 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5531 distill.loss_dist: 1.1131 2023/05/14 18:07:03 - mmengine - INFO - Epoch(train) [29][1420/1879] lr: 2.0000e-02 eta: 1 day, 8:24:15 time: 1.0193 data_time: 0.0306 memory: 9812 grad_norm: 2.9756 loss: 2.5681 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4398 distill.loss_dist: 1.1284 2023/05/14 18:07:19 - mmengine - INFO - Epoch(train) [29][1440/1879] lr: 2.0000e-02 eta: 1 day, 8:23:54 time: 0.8032 data_time: 0.0231 memory: 9812 grad_norm: 2.9616 loss: 2.8786 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7214 distill.loss_dist: 1.1573 2023/05/14 18:07:35 - mmengine - INFO - Epoch(train) [29][1460/1879] lr: 2.0000e-02 eta: 1 day, 8:23:32 time: 0.7790 data_time: 0.0290 memory: 9812 grad_norm: 2.9569 loss: 2.7110 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5782 distill.loss_dist: 1.1329 2023/05/14 18:07:53 - mmengine - INFO - Epoch(train) [29][1480/1879] lr: 2.0000e-02 eta: 1 day, 8:23:17 time: 0.9322 data_time: 0.0297 memory: 9812 grad_norm: 3.0282 loss: 2.9164 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7340 distill.loss_dist: 1.1824 2023/05/14 18:08:09 - mmengine - INFO - Epoch(train) [29][1500/1879] lr: 2.0000e-02 eta: 1 day, 8:22:56 time: 0.7992 data_time: 0.0260 memory: 9812 grad_norm: 2.9012 loss: 2.7411 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.5999 distill.loss_dist: 1.1412 2023/05/14 18:08:26 - mmengine - INFO - Epoch(train) [29][1520/1879] lr: 2.0000e-02 eta: 1 day, 8:22:37 time: 0.8380 data_time: 0.0263 memory: 9812 grad_norm: 2.9777 loss: 2.7299 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.5991 distill.loss_dist: 1.1309 2023/05/14 18:08:44 - mmengine - INFO - Epoch(train) [29][1540/1879] lr: 2.0000e-02 eta: 1 day, 8:22:21 time: 0.8955 data_time: 0.0277 memory: 9812 grad_norm: 2.9488 loss: 2.8663 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.6908 distill.loss_dist: 1.1755 2023/05/14 18:09:01 - mmengine - INFO - Epoch(train) [29][1560/1879] lr: 2.0000e-02 eta: 1 day, 8:22:03 time: 0.8613 data_time: 0.0251 memory: 9812 grad_norm: 3.0201 loss: 2.6901 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5415 distill.loss_dist: 1.1486 2023/05/14 18:09:19 - mmengine - INFO - Epoch(train) [29][1580/1879] lr: 2.0000e-02 eta: 1 day, 8:21:46 time: 0.8813 data_time: 0.0262 memory: 9812 grad_norm: 2.9298 loss: 2.9348 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7496 distill.loss_dist: 1.1852 2023/05/14 18:09:38 - mmengine - INFO - Epoch(train) [29][1600/1879] lr: 2.0000e-02 eta: 1 day, 8:21:34 time: 0.9661 data_time: 0.0257 memory: 9812 grad_norm: 2.9729 loss: 2.6981 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5471 distill.loss_dist: 1.1510 2023/05/14 18:09:54 - mmengine - INFO - Epoch(train) [29][1620/1879] lr: 2.0000e-02 eta: 1 day, 8:21:13 time: 0.8148 data_time: 0.0312 memory: 9812 grad_norm: 3.0209 loss: 2.8343 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.6536 distill.loss_dist: 1.1807 2023/05/14 18:10:11 - mmengine - INFO - Epoch(train) [29][1640/1879] lr: 2.0000e-02 eta: 1 day, 8:20:53 time: 0.8227 data_time: 0.0257 memory: 9812 grad_norm: 2.9654 loss: 3.0149 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7984 distill.loss_dist: 1.2165 2023/05/14 18:10:30 - mmengine - INFO - Epoch(train) [29][1660/1879] lr: 2.0000e-02 eta: 1 day, 8:20:41 time: 0.9627 data_time: 0.0284 memory: 9812 grad_norm: 2.9632 loss: 3.1604 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.9465 distill.loss_dist: 1.2139 2023/05/14 18:10:47 - mmengine - INFO - Epoch(train) [29][1680/1879] lr: 2.0000e-02 eta: 1 day, 8:20:22 time: 0.8468 data_time: 0.0291 memory: 9812 grad_norm: 2.9748 loss: 2.7289 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5654 distill.loss_dist: 1.1635 2023/05/14 18:11:03 - mmengine - INFO - Epoch(train) [29][1700/1879] lr: 2.0000e-02 eta: 1 day, 8:20:00 time: 0.7742 data_time: 0.0262 memory: 9812 grad_norm: 2.9491 loss: 2.7857 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6317 distill.loss_dist: 1.1540 2023/05/14 18:11:21 - mmengine - INFO - Epoch(train) [29][1720/1879] lr: 2.0000e-02 eta: 1 day, 8:19:44 time: 0.9094 data_time: 0.0273 memory: 9812 grad_norm: 3.0444 loss: 2.7630 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6314 distill.loss_dist: 1.1316 2023/05/14 18:11:38 - mmengine - INFO - Epoch(train) [29][1740/1879] lr: 2.0000e-02 eta: 1 day, 8:19:27 time: 0.8709 data_time: 0.0262 memory: 9812 grad_norm: 2.9200 loss: 2.8369 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6780 distill.loss_dist: 1.1589 2023/05/14 18:11:54 - mmengine - INFO - Epoch(train) [29][1760/1879] lr: 2.0000e-02 eta: 1 day, 8:19:06 time: 0.8081 data_time: 0.0263 memory: 9812 grad_norm: 2.9645 loss: 2.7368 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5652 distill.loss_dist: 1.1716 2023/05/14 18:12:14 - mmengine - INFO - Epoch(train) [29][1780/1879] lr: 2.0000e-02 eta: 1 day, 8:18:53 time: 0.9624 data_time: 0.0282 memory: 9812 grad_norm: 2.9591 loss: 2.8093 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.6383 distill.loss_dist: 1.1711 2023/05/14 18:12:30 - mmengine - INFO - Epoch(train) [29][1800/1879] lr: 2.0000e-02 eta: 1 day, 8:18:32 time: 0.7957 data_time: 0.0314 memory: 9812 grad_norm: 2.9663 loss: 2.8067 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6655 distill.loss_dist: 1.1413 2023/05/14 18:12:46 - mmengine - INFO - Epoch(train) [29][1820/1879] lr: 2.0000e-02 eta: 1 day, 8:18:13 time: 0.8327 data_time: 0.0243 memory: 9812 grad_norm: 3.0112 loss: 2.7807 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5956 distill.loss_dist: 1.1851 2023/05/14 18:13:05 - mmengine - INFO - Epoch(train) [29][1840/1879] lr: 2.0000e-02 eta: 1 day, 8:17:58 time: 0.9349 data_time: 0.0274 memory: 9812 grad_norm: 2.9259 loss: 2.7782 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6282 distill.loss_dist: 1.1500 2023/05/14 18:13:22 - mmengine - INFO - Epoch(train) [29][1860/1879] lr: 2.0000e-02 eta: 1 day, 8:17:41 time: 0.8631 data_time: 0.0273 memory: 9812 grad_norm: 2.9569 loss: 2.8182 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.6629 distill.loss_dist: 1.1553 2023/05/14 18:13:35 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 18:13:35 - mmengine - INFO - Epoch(train) [29][1879/1879] lr: 2.0000e-02 eta: 1 day, 8:17:14 time: 0.6491 data_time: 0.0224 memory: 9812 grad_norm: 3.0520 loss: 2.8879 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.7133 distill.loss_dist: 1.1746 2023/05/14 18:13:54 - mmengine - INFO - Epoch(val) [29][ 20/155] eta: 0:02:12 time: 0.9795 data_time: 0.9154 memory: 1484 2023/05/14 18:14:08 - mmengine - INFO - Epoch(val) [29][ 40/155] eta: 0:01:33 time: 0.6546 data_time: 0.5904 memory: 1484 2023/05/14 18:14:26 - mmengine - INFO - Epoch(val) [29][ 60/155] eta: 0:01:21 time: 0.9381 data_time: 0.8803 memory: 1484 2023/05/14 18:14:40 - mmengine - INFO - Epoch(val) [29][ 80/155] eta: 0:01:00 time: 0.6777 data_time: 0.6129 memory: 1484 2023/05/14 18:14:59 - mmengine - INFO - Epoch(val) [29][100/155] eta: 0:00:46 time: 0.9443 data_time: 0.8783 memory: 1484 2023/05/14 18:15:12 - mmengine - INFO - Epoch(val) [29][120/155] eta: 0:00:28 time: 0.6724 data_time: 0.6048 memory: 1484 2023/05/14 18:15:33 - mmengine - INFO - Epoch(val) [29][140/155] eta: 0:00:12 time: 1.0291 data_time: 0.9652 memory: 1484 2023/05/14 18:16:02 - mmengine - INFO - Epoch(val) [29][ 20/155] eta: 0:16:22 time: 0.9990 data_time: 0.8439 memory: 1582 2023/05/14 18:16:16 - mmengine - INFO - Epoch(val) [29][ 40/155] eta: 0:07:36 time: 0.6680 data_time: 0.5150 memory: 1582 2023/05/14 18:16:35 - mmengine - INFO - Epoch(val) [29][ 60/155] eta: 0:04:41 time: 0.9536 data_time: 0.7993 memory: 1582 2023/05/14 18:16:49 - mmengine - INFO - Epoch(val) [29][ 80/155] eta: 0:03:00 time: 0.7074 data_time: 0.5534 memory: 1582 2023/05/14 18:17:08 - mmengine - INFO - Epoch(val) [29][100/155] eta: 0:01:56 time: 0.9854 data_time: 0.8275 memory: 1582 2023/05/14 18:17:22 - mmengine - INFO - Epoch(val) [29][120/155] eta: 0:01:05 time: 0.6772 data_time: 0.5236 memory: 1582 2023/05/14 18:17:42 - mmengine - INFO - Epoch(val) [29][140/155] eta: 0:00:26 time: 0.9976 data_time: 0.8433 memory: 1582 2023/05/14 18:17:51 - mmengine - INFO - Epoch(val) [29][155/155] acc/top1: 0.6209 acc/top5: 0.8457 acc/mean1: 0.6207 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6654 time: 0.8179 2023/05/14 18:17:51 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_26.pth is removed 2023/05/14 18:17:52 - mmengine - INFO - The best checkpoint with 0.6209 acc/top1 at 29 epoch is saved to best_acc_top1_epoch_29.pth. 2023/05/14 18:18:13 - mmengine - INFO - Epoch(train) [30][ 20/1879] lr: 2.0000e-02 eta: 1 day, 8:17:06 time: 1.0618 data_time: 0.6197 memory: 9812 grad_norm: 2.9095 loss: 2.7149 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5449 distill.loss_dist: 1.1701 2023/05/14 18:18:31 - mmengine - INFO - Epoch(train) [30][ 40/1879] lr: 2.0000e-02 eta: 1 day, 8:16:48 time: 0.8546 data_time: 0.2666 memory: 9812 grad_norm: 2.9875 loss: 2.6650 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5235 distill.loss_dist: 1.1415 2023/05/14 18:18:47 - mmengine - INFO - Epoch(train) [30][ 60/1879] lr: 2.0000e-02 eta: 1 day, 8:16:27 time: 0.7948 data_time: 0.1156 memory: 9812 grad_norm: 2.9931 loss: 2.7792 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.6107 distill.loss_dist: 1.1685 2023/05/14 18:19:07 - mmengine - INFO - Epoch(train) [30][ 80/1879] lr: 2.0000e-02 eta: 1 day, 8:16:16 time: 1.0009 data_time: 0.0389 memory: 9812 grad_norm: 2.8956 loss: 2.5825 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.4343 distill.loss_dist: 1.1481 2023/05/14 18:19:22 - mmengine - INFO - Epoch(train) [30][ 100/1879] lr: 2.0000e-02 eta: 1 day, 8:15:53 time: 0.7677 data_time: 0.0305 memory: 9812 grad_norm: 2.8965 loss: 2.4825 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.3510 distill.loss_dist: 1.1315 2023/05/14 18:19:40 - mmengine - INFO - Epoch(train) [30][ 120/1879] lr: 2.0000e-02 eta: 1 day, 8:15:37 time: 0.9018 data_time: 0.0272 memory: 9812 grad_norm: 2.9830 loss: 2.6692 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.5060 distill.loss_dist: 1.1632 2023/05/14 18:19:59 - mmengine - INFO - Epoch(train) [30][ 140/1879] lr: 2.0000e-02 eta: 1 day, 8:15:23 time: 0.9286 data_time: 0.0283 memory: 9812 grad_norm: 2.9836 loss: 2.7912 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6253 distill.loss_dist: 1.1659 2023/05/14 18:20:15 - mmengine - INFO - Epoch(train) [30][ 160/1879] lr: 2.0000e-02 eta: 1 day, 8:15:03 time: 0.8313 data_time: 0.0781 memory: 9812 grad_norm: 2.9017 loss: 2.6971 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5478 distill.loss_dist: 1.1493 2023/05/14 18:20:32 - mmengine - INFO - Epoch(train) [30][ 180/1879] lr: 2.0000e-02 eta: 1 day, 8:14:45 time: 0.8527 data_time: 0.3968 memory: 9812 grad_norm: 2.9403 loss: 2.8143 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6441 distill.loss_dist: 1.1703 2023/05/14 18:20:49 - mmengine - INFO - Epoch(train) [30][ 200/1879] lr: 2.0000e-02 eta: 1 day, 8:14:26 time: 0.8474 data_time: 0.4090 memory: 9812 grad_norm: 2.9815 loss: 2.6736 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5060 distill.loss_dist: 1.1676 2023/05/14 18:21:07 - mmengine - INFO - Epoch(train) [30][ 220/1879] lr: 2.0000e-02 eta: 1 day, 8:14:11 time: 0.9144 data_time: 0.4942 memory: 9812 grad_norm: 2.9725 loss: 2.5811 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.4176 distill.loss_dist: 1.1636 2023/05/14 18:21:23 - mmengine - INFO - Epoch(train) [30][ 240/1879] lr: 2.0000e-02 eta: 1 day, 8:13:49 time: 0.7770 data_time: 0.3307 memory: 9812 grad_norm: 2.9757 loss: 2.7334 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5945 distill.loss_dist: 1.1390 2023/05/14 18:21:40 - mmengine - INFO - Epoch(train) [30][ 260/1879] lr: 2.0000e-02 eta: 1 day, 8:13:30 time: 0.8360 data_time: 0.2737 memory: 9812 grad_norm: 2.9052 loss: 2.7809 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5861 distill.loss_dist: 1.1949 2023/05/14 18:21:57 - mmengine - INFO - Epoch(train) [30][ 280/1879] lr: 2.0000e-02 eta: 1 day, 8:13:12 time: 0.8700 data_time: 0.1702 memory: 9812 grad_norm: 2.9768 loss: 2.6906 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5720 distill.loss_dist: 1.1186 2023/05/14 18:22:16 - mmengine - INFO - Epoch(train) [30][ 300/1879] lr: 2.0000e-02 eta: 1 day, 8:12:58 time: 0.9303 data_time: 0.0681 memory: 9812 grad_norm: 2.9854 loss: 2.8240 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6606 distill.loss_dist: 1.1634 2023/05/14 18:22:33 - mmengine - INFO - Epoch(train) [30][ 320/1879] lr: 2.0000e-02 eta: 1 day, 8:12:39 time: 0.8526 data_time: 0.0301 memory: 9812 grad_norm: 2.9396 loss: 2.6739 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4925 distill.loss_dist: 1.1815 2023/05/14 18:22:49 - mmengine - INFO - Epoch(train) [30][ 340/1879] lr: 2.0000e-02 eta: 1 day, 8:12:19 time: 0.8069 data_time: 0.0263 memory: 9812 grad_norm: 3.0048 loss: 3.0215 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.8406 distill.loss_dist: 1.1808 2023/05/14 18:23:07 - mmengine - INFO - Epoch(train) [30][ 360/1879] lr: 2.0000e-02 eta: 1 day, 8:12:03 time: 0.8984 data_time: 0.0271 memory: 9812 grad_norm: 2.9868 loss: 2.6766 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5398 distill.loss_dist: 1.1368 2023/05/14 18:23:24 - mmengine - INFO - Epoch(train) [30][ 380/1879] lr: 2.0000e-02 eta: 1 day, 8:11:44 time: 0.8350 data_time: 0.0310 memory: 9812 grad_norm: 3.0051 loss: 2.7464 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6048 distill.loss_dist: 1.1416 2023/05/14 18:23:42 - mmengine - INFO - Epoch(train) [30][ 400/1879] lr: 2.0000e-02 eta: 1 day, 8:11:27 time: 0.8995 data_time: 0.0249 memory: 9812 grad_norm: 2.9484 loss: 2.7482 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5906 distill.loss_dist: 1.1576 2023/05/14 18:23:59 - mmengine - INFO - Epoch(train) [30][ 420/1879] lr: 2.0000e-02 eta: 1 day, 8:11:09 time: 0.8460 data_time: 0.0270 memory: 9812 grad_norm: 2.9537 loss: 2.7487 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.5888 distill.loss_dist: 1.1598 2023/05/14 18:24:16 - mmengine - INFO - Epoch(train) [30][ 440/1879] lr: 2.0000e-02 eta: 1 day, 8:10:51 time: 0.8677 data_time: 0.0294 memory: 9812 grad_norm: 3.0103 loss: 2.8635 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7043 distill.loss_dist: 1.1591 2023/05/14 18:24:34 - mmengine - INFO - Epoch(train) [30][ 460/1879] lr: 2.0000e-02 eta: 1 day, 8:10:35 time: 0.8974 data_time: 0.0276 memory: 9812 grad_norm: 2.9291 loss: 2.9173 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7446 distill.loss_dist: 1.1726 2023/05/14 18:24:50 - mmengine - INFO - Epoch(train) [30][ 480/1879] lr: 2.0000e-02 eta: 1 day, 8:10:15 time: 0.8260 data_time: 0.0247 memory: 9812 grad_norm: 2.9526 loss: 2.6312 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4931 distill.loss_dist: 1.1381 2023/05/14 18:25:08 - mmengine - INFO - Epoch(train) [30][ 500/1879] lr: 2.0000e-02 eta: 1 day, 8:09:58 time: 0.8806 data_time: 0.0278 memory: 9812 grad_norm: 3.0261 loss: 2.6655 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4792 distill.loss_dist: 1.1862 2023/05/14 18:25:16 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 18:25:26 - mmengine - INFO - Epoch(train) [30][ 520/1879] lr: 2.0000e-02 eta: 1 day, 8:09:41 time: 0.8721 data_time: 0.0278 memory: 9812 grad_norm: 3.0474 loss: 2.9525 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7593 distill.loss_dist: 1.1932 2023/05/14 18:25:43 - mmengine - INFO - Epoch(train) [30][ 540/1879] lr: 2.0000e-02 eta: 1 day, 8:09:25 time: 0.8887 data_time: 0.0266 memory: 9812 grad_norm: 2.9376 loss: 2.7341 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5712 distill.loss_dist: 1.1629 2023/05/14 18:26:00 - mmengine - INFO - Epoch(train) [30][ 560/1879] lr: 2.0000e-02 eta: 1 day, 8:09:05 time: 0.8302 data_time: 0.0286 memory: 9812 grad_norm: 2.9342 loss: 2.8474 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6998 distill.loss_dist: 1.1476 2023/05/14 18:26:17 - mmengine - INFO - Epoch(train) [30][ 580/1879] lr: 2.0000e-02 eta: 1 day, 8:08:48 time: 0.8757 data_time: 0.0281 memory: 9812 grad_norm: 2.9352 loss: 2.7579 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5792 distill.loss_dist: 1.1788 2023/05/14 18:26:34 - mmengine - INFO - Epoch(train) [30][ 600/1879] lr: 2.0000e-02 eta: 1 day, 8:08:28 time: 0.8136 data_time: 0.0310 memory: 9812 grad_norm: 3.0171 loss: 2.6861 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.5467 distill.loss_dist: 1.1393 2023/05/14 18:26:52 - mmengine - INFO - Epoch(train) [30][ 620/1879] lr: 2.0000e-02 eta: 1 day, 8:08:11 time: 0.8941 data_time: 0.0295 memory: 9812 grad_norm: 3.0192 loss: 2.9927 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.8091 distill.loss_dist: 1.1836 2023/05/14 18:27:10 - mmengine - INFO - Epoch(train) [30][ 640/1879] lr: 2.0000e-02 eta: 1 day, 8:07:56 time: 0.9152 data_time: 0.0251 memory: 9812 grad_norm: 2.9615 loss: 2.7554 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.6049 distill.loss_dist: 1.1505 2023/05/14 18:27:27 - mmengine - INFO - Epoch(train) [30][ 660/1879] lr: 2.0000e-02 eta: 1 day, 8:07:37 time: 0.8312 data_time: 0.0455 memory: 9812 grad_norm: 2.9444 loss: 2.6472 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4983 distill.loss_dist: 1.1489 2023/05/14 18:27:43 - mmengine - INFO - Epoch(train) [30][ 680/1879] lr: 2.0000e-02 eta: 1 day, 8:07:18 time: 0.8350 data_time: 0.0683 memory: 9812 grad_norm: 2.9460 loss: 2.6352 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4859 distill.loss_dist: 1.1493 2023/05/14 18:28:02 - mmengine - INFO - Epoch(train) [30][ 700/1879] lr: 2.0000e-02 eta: 1 day, 8:07:04 time: 0.9529 data_time: 0.0269 memory: 9812 grad_norm: 2.9362 loss: 2.7778 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6222 distill.loss_dist: 1.1556 2023/05/14 18:28:18 - mmengine - INFO - Epoch(train) [30][ 720/1879] lr: 2.0000e-02 eta: 1 day, 8:06:43 time: 0.7923 data_time: 0.0254 memory: 9812 grad_norm: 2.9703 loss: 2.7412 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5958 distill.loss_dist: 1.1454 2023/05/14 18:28:35 - mmengine - INFO - Epoch(train) [30][ 740/1879] lr: 2.0000e-02 eta: 1 day, 8:06:25 time: 0.8538 data_time: 0.0246 memory: 9812 grad_norm: 2.9313 loss: 2.7989 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6186 distill.loss_dist: 1.1803 2023/05/14 18:28:53 - mmengine - INFO - Epoch(train) [30][ 760/1879] lr: 2.0000e-02 eta: 1 day, 8:06:08 time: 0.8957 data_time: 0.0271 memory: 9812 grad_norm: 2.9637 loss: 2.7380 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5832 distill.loss_dist: 1.1548 2023/05/14 18:29:11 - mmengine - INFO - Epoch(train) [30][ 780/1879] lr: 2.0000e-02 eta: 1 day, 8:05:51 time: 0.8691 data_time: 0.0298 memory: 9812 grad_norm: 2.9462 loss: 2.5998 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.4577 distill.loss_dist: 1.1422 2023/05/14 18:29:27 - mmengine - INFO - Epoch(train) [30][ 800/1879] lr: 2.0000e-02 eta: 1 day, 8:05:30 time: 0.8026 data_time: 0.0275 memory: 9812 grad_norm: 2.8988 loss: 2.6411 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4602 distill.loss_dist: 1.1808 2023/05/14 18:29:47 - mmengine - INFO - Epoch(train) [30][ 820/1879] lr: 2.0000e-02 eta: 1 day, 8:05:19 time: 1.0140 data_time: 0.0252 memory: 9812 grad_norm: 3.0107 loss: 2.9811 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8022 distill.loss_dist: 1.1789 2023/05/14 18:30:03 - mmengine - INFO - Epoch(train) [30][ 840/1879] lr: 2.0000e-02 eta: 1 day, 8:04:59 time: 0.8147 data_time: 0.0255 memory: 9812 grad_norm: 2.9955 loss: 2.8662 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7128 distill.loss_dist: 1.1534 2023/05/14 18:30:19 - mmengine - INFO - Epoch(train) [30][ 860/1879] lr: 2.0000e-02 eta: 1 day, 8:04:39 time: 0.8018 data_time: 0.0287 memory: 9812 grad_norm: 2.9146 loss: 2.5936 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4442 distill.loss_dist: 1.1494 2023/05/14 18:30:38 - mmengine - INFO - Epoch(train) [30][ 880/1879] lr: 2.0000e-02 eta: 1 day, 8:04:23 time: 0.9037 data_time: 0.0234 memory: 9812 grad_norm: 2.9844 loss: 2.8236 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6456 distill.loss_dist: 1.1780 2023/05/14 18:30:55 - mmengine - INFO - Epoch(train) [30][ 900/1879] lr: 2.0000e-02 eta: 1 day, 8:04:06 time: 0.8851 data_time: 0.0279 memory: 9812 grad_norm: 2.9842 loss: 2.8942 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7297 distill.loss_dist: 1.1645 2023/05/14 18:31:12 - mmengine - INFO - Epoch(train) [30][ 920/1879] lr: 2.0000e-02 eta: 1 day, 8:03:47 time: 0.8344 data_time: 0.0289 memory: 9812 grad_norm: 2.9649 loss: 2.6779 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.5369 distill.loss_dist: 1.1411 2023/05/14 18:31:28 - mmengine - INFO - Epoch(train) [30][ 940/1879] lr: 2.0000e-02 eta: 1 day, 8:03:26 time: 0.8099 data_time: 0.0255 memory: 9812 grad_norm: 2.9437 loss: 2.6033 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4692 distill.loss_dist: 1.1341 2023/05/14 18:31:46 - mmengine - INFO - Epoch(train) [30][ 960/1879] lr: 2.0000e-02 eta: 1 day, 8:03:10 time: 0.8929 data_time: 0.0240 memory: 9812 grad_norm: 2.9480 loss: 2.8051 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6306 distill.loss_dist: 1.1745 2023/05/14 18:32:05 - mmengine - INFO - Epoch(train) [30][ 980/1879] lr: 2.0000e-02 eta: 1 day, 8:02:57 time: 0.9616 data_time: 0.0269 memory: 9812 grad_norm: 3.0467 loss: 2.7064 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5399 distill.loss_dist: 1.1665 2023/05/14 18:32:21 - mmengine - INFO - Epoch(train) [30][1000/1879] lr: 2.0000e-02 eta: 1 day, 8:02:36 time: 0.7906 data_time: 0.0267 memory: 9812 grad_norm: 2.9603 loss: 2.6713 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5193 distill.loss_dist: 1.1519 2023/05/14 18:32:40 - mmengine - INFO - Epoch(train) [30][1020/1879] lr: 2.0000e-02 eta: 1 day, 8:02:21 time: 0.9382 data_time: 0.0280 memory: 9812 grad_norm: 2.8916 loss: 2.6562 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.5072 distill.loss_dist: 1.1490 2023/05/14 18:32:56 - mmengine - INFO - Epoch(train) [30][1040/1879] lr: 2.0000e-02 eta: 1 day, 8:02:01 time: 0.8107 data_time: 0.0266 memory: 9812 grad_norm: 2.9416 loss: 2.7984 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6497 distill.loss_dist: 1.1488 2023/05/14 18:33:14 - mmengine - INFO - Epoch(train) [30][1060/1879] lr: 2.0000e-02 eta: 1 day, 8:01:44 time: 0.8733 data_time: 0.0280 memory: 9812 grad_norm: 2.9445 loss: 2.8364 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6595 distill.loss_dist: 1.1769 2023/05/14 18:33:32 - mmengine - INFO - Epoch(train) [30][1080/1879] lr: 2.0000e-02 eta: 1 day, 8:01:28 time: 0.9002 data_time: 0.0261 memory: 9812 grad_norm: 2.9756 loss: 2.7686 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5930 distill.loss_dist: 1.1756 2023/05/14 18:33:48 - mmengine - INFO - Epoch(train) [30][1100/1879] lr: 2.0000e-02 eta: 1 day, 8:01:09 time: 0.8389 data_time: 0.0271 memory: 9812 grad_norm: 2.9879 loss: 3.0841 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.8649 distill.loss_dist: 1.2191 2023/05/14 18:34:05 - mmengine - INFO - Epoch(train) [30][1120/1879] lr: 2.0000e-02 eta: 1 day, 8:00:50 time: 0.8392 data_time: 0.0275 memory: 9812 grad_norm: 2.9536 loss: 2.7582 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5961 distill.loss_dist: 1.1622 2023/05/14 18:34:24 - mmengine - INFO - Epoch(train) [30][1140/1879] lr: 2.0000e-02 eta: 1 day, 8:00:35 time: 0.9315 data_time: 0.0273 memory: 9812 grad_norm: 3.0374 loss: 2.9402 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7416 distill.loss_dist: 1.1986 2023/05/14 18:34:41 - mmengine - INFO - Epoch(train) [30][1160/1879] lr: 2.0000e-02 eta: 1 day, 8:00:16 time: 0.8419 data_time: 0.0310 memory: 9812 grad_norm: 2.9136 loss: 2.8165 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6483 distill.loss_dist: 1.1682 2023/05/14 18:34:57 - mmengine - INFO - Epoch(train) [30][1180/1879] lr: 2.0000e-02 eta: 1 day, 7:59:55 time: 0.7962 data_time: 0.0281 memory: 9812 grad_norm: 2.9423 loss: 2.6094 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4420 distill.loss_dist: 1.1675 2023/05/14 18:35:15 - mmengine - INFO - Epoch(train) [30][1200/1879] lr: 2.0000e-02 eta: 1 day, 7:59:41 time: 0.9398 data_time: 0.0304 memory: 9812 grad_norm: 2.9186 loss: 2.5291 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3941 distill.loss_dist: 1.1350 2023/05/14 18:35:31 - mmengine - INFO - Epoch(train) [30][1220/1879] lr: 2.0000e-02 eta: 1 day, 7:59:19 time: 0.7662 data_time: 0.0240 memory: 9812 grad_norm: 2.9645 loss: 2.9720 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7740 distill.loss_dist: 1.1979 2023/05/14 18:35:47 - mmengine - INFO - Epoch(train) [30][1240/1879] lr: 2.0000e-02 eta: 1 day, 7:58:59 time: 0.8225 data_time: 0.0265 memory: 9812 grad_norm: 2.9889 loss: 2.4770 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3294 distill.loss_dist: 1.1476 2023/05/14 18:36:06 - mmengine - INFO - Epoch(train) [30][1260/1879] lr: 2.0000e-02 eta: 1 day, 7:58:45 time: 0.9365 data_time: 0.0545 memory: 9812 grad_norm: 2.9500 loss: 2.7194 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.5526 distill.loss_dist: 1.1668 2023/05/14 18:36:23 - mmengine - INFO - Epoch(train) [30][1280/1879] lr: 2.0000e-02 eta: 1 day, 7:58:27 time: 0.8522 data_time: 0.0480 memory: 9812 grad_norm: 2.9515 loss: 2.7169 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5516 distill.loss_dist: 1.1654 2023/05/14 18:36:41 - mmengine - INFO - Epoch(train) [30][1300/1879] lr: 2.0000e-02 eta: 1 day, 7:58:11 time: 0.9124 data_time: 0.0234 memory: 9812 grad_norm: 2.9210 loss: 2.7318 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5744 distill.loss_dist: 1.1574 2023/05/14 18:36:59 - mmengine - INFO - Epoch(train) [30][1320/1879] lr: 2.0000e-02 eta: 1 day, 7:57:55 time: 0.8958 data_time: 0.0960 memory: 9812 grad_norm: 2.9492 loss: 2.6735 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5334 distill.loss_dist: 1.1401 2023/05/14 18:37:15 - mmengine - INFO - Epoch(train) [30][1340/1879] lr: 2.0000e-02 eta: 1 day, 7:57:34 time: 0.7955 data_time: 0.1750 memory: 9812 grad_norm: 2.9462 loss: 2.8440 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6731 distill.loss_dist: 1.1709 2023/05/14 18:37:34 - mmengine - INFO - Epoch(train) [30][1360/1879] lr: 2.0000e-02 eta: 1 day, 7:57:20 time: 0.9377 data_time: 0.0384 memory: 9812 grad_norm: 2.9439 loss: 2.7155 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5347 distill.loss_dist: 1.1808 2023/05/14 18:37:50 - mmengine - INFO - Epoch(train) [30][1380/1879] lr: 2.0000e-02 eta: 1 day, 7:56:58 time: 0.7876 data_time: 0.0246 memory: 9812 grad_norm: 2.9766 loss: 2.7922 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6258 distill.loss_dist: 1.1665 2023/05/14 18:38:07 - mmengine - INFO - Epoch(train) [30][1400/1879] lr: 2.0000e-02 eta: 1 day, 7:56:40 time: 0.8561 data_time: 0.0244 memory: 9812 grad_norm: 2.9561 loss: 2.6950 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5620 distill.loss_dist: 1.1331 2023/05/14 18:38:27 - mmengine - INFO - Epoch(train) [30][1420/1879] lr: 2.0000e-02 eta: 1 day, 7:56:30 time: 1.0189 data_time: 0.0286 memory: 9812 grad_norm: 2.9901 loss: 2.7243 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5693 distill.loss_dist: 1.1550 2023/05/14 18:38:43 - mmengine - INFO - Epoch(train) [30][1440/1879] lr: 2.0000e-02 eta: 1 day, 7:56:09 time: 0.8104 data_time: 0.0277 memory: 9812 grad_norm: 2.9468 loss: 2.8764 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7144 distill.loss_dist: 1.1620 2023/05/14 18:38:58 - mmengine - INFO - Epoch(train) [30][1460/1879] lr: 2.0000e-02 eta: 1 day, 7:55:46 time: 0.7524 data_time: 0.0240 memory: 9812 grad_norm: 2.9373 loss: 2.6840 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5602 distill.loss_dist: 1.1237 2023/05/14 18:39:17 - mmengine - INFO - Epoch(train) [30][1480/1879] lr: 2.0000e-02 eta: 1 day, 7:55:32 time: 0.9330 data_time: 0.0257 memory: 9812 grad_norm: 2.9732 loss: 2.7479 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5875 distill.loss_dist: 1.1603 2023/05/14 18:39:34 - mmengine - INFO - Epoch(train) [30][1500/1879] lr: 2.0000e-02 eta: 1 day, 7:55:13 time: 0.8374 data_time: 0.0305 memory: 9812 grad_norm: 2.9804 loss: 2.4864 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3725 distill.loss_dist: 1.1139 2023/05/14 18:39:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 18:39:51 - mmengine - INFO - Epoch(train) [30][1520/1879] lr: 2.0000e-02 eta: 1 day, 7:54:54 time: 0.8364 data_time: 0.0242 memory: 9812 grad_norm: 2.8527 loss: 2.6936 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5659 distill.loss_dist: 1.1277 2023/05/14 18:40:07 - mmengine - INFO - Epoch(train) [30][1540/1879] lr: 2.0000e-02 eta: 1 day, 7:54:33 time: 0.8125 data_time: 0.0297 memory: 9812 grad_norm: 2.9378 loss: 2.7080 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5600 distill.loss_dist: 1.1480 2023/05/14 18:40:25 - mmengine - INFO - Epoch(train) [30][1560/1879] lr: 2.0000e-02 eta: 1 day, 7:54:18 time: 0.9222 data_time: 0.0286 memory: 9812 grad_norm: 2.9803 loss: 2.8198 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6388 distill.loss_dist: 1.1811 2023/05/14 18:40:42 - mmengine - INFO - Epoch(train) [30][1580/1879] lr: 2.0000e-02 eta: 1 day, 7:53:59 time: 0.8225 data_time: 0.0244 memory: 9812 grad_norm: 2.9643 loss: 2.6450 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5107 distill.loss_dist: 1.1343 2023/05/14 18:40:58 - mmengine - INFO - Epoch(train) [30][1600/1879] lr: 2.0000e-02 eta: 1 day, 7:53:39 time: 0.8237 data_time: 0.0458 memory: 9812 grad_norm: 2.9629 loss: 2.9102 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7372 distill.loss_dist: 1.1730 2023/05/14 18:41:17 - mmengine - INFO - Epoch(train) [30][1620/1879] lr: 2.0000e-02 eta: 1 day, 7:53:25 time: 0.9332 data_time: 0.1778 memory: 9812 grad_norm: 2.9840 loss: 2.7412 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5926 distill.loss_dist: 1.1486 2023/05/14 18:41:33 - mmengine - INFO - Epoch(train) [30][1640/1879] lr: 2.0000e-02 eta: 1 day, 7:53:05 time: 0.8299 data_time: 0.1693 memory: 9812 grad_norm: 2.9494 loss: 2.6902 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5615 distill.loss_dist: 1.1287 2023/05/14 18:41:50 - mmengine - INFO - Epoch(train) [30][1660/1879] lr: 2.0000e-02 eta: 1 day, 7:52:47 time: 0.8472 data_time: 0.0669 memory: 9812 grad_norm: 2.9325 loss: 2.6945 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5255 distill.loss_dist: 1.1690 2023/05/14 18:42:10 - mmengine - INFO - Epoch(train) [30][1680/1879] lr: 2.0000e-02 eta: 1 day, 7:52:34 time: 0.9686 data_time: 0.0285 memory: 9812 grad_norm: 2.9135 loss: 2.8107 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6504 distill.loss_dist: 1.1603 2023/05/14 18:42:27 - mmengine - INFO - Epoch(train) [30][1700/1879] lr: 2.0000e-02 eta: 1 day, 7:52:16 time: 0.8615 data_time: 0.0239 memory: 9812 grad_norm: 2.8642 loss: 2.6429 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5129 distill.loss_dist: 1.1300 2023/05/14 18:42:43 - mmengine - INFO - Epoch(train) [30][1720/1879] lr: 2.0000e-02 eta: 1 day, 7:51:56 time: 0.8104 data_time: 0.0288 memory: 9812 grad_norm: 2.9791 loss: 2.6834 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5466 distill.loss_dist: 1.1368 2023/05/14 18:43:03 - mmengine - INFO - Epoch(train) [30][1740/1879] lr: 2.0000e-02 eta: 1 day, 7:51:43 time: 0.9625 data_time: 0.0274 memory: 9812 grad_norm: 2.9717 loss: 2.7199 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5535 distill.loss_dist: 1.1664 2023/05/14 18:43:18 - mmengine - INFO - Epoch(train) [30][1760/1879] lr: 2.0000e-02 eta: 1 day, 7:51:20 time: 0.7663 data_time: 0.0229 memory: 9812 grad_norm: 2.9835 loss: 2.7894 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6270 distill.loss_dist: 1.1624 2023/05/14 18:43:35 - mmengine - INFO - Epoch(train) [30][1780/1879] lr: 2.0000e-02 eta: 1 day, 7:51:01 time: 0.8431 data_time: 0.0289 memory: 9812 grad_norm: 2.9702 loss: 2.8684 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7001 distill.loss_dist: 1.1683 2023/05/14 18:43:53 - mmengine - INFO - Epoch(train) [30][1800/1879] lr: 2.0000e-02 eta: 1 day, 7:50:46 time: 0.9136 data_time: 0.0431 memory: 9812 grad_norm: 2.9254 loss: 2.7566 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5899 distill.loss_dist: 1.1668 2023/05/14 18:44:09 - mmengine - INFO - Epoch(train) [30][1820/1879] lr: 2.0000e-02 eta: 1 day, 7:50:26 time: 0.8167 data_time: 0.0293 memory: 9812 grad_norm: 2.9828 loss: 2.7699 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5831 distill.loss_dist: 1.1869 2023/05/14 18:44:26 - mmengine - INFO - Epoch(train) [30][1840/1879] lr: 2.0000e-02 eta: 1 day, 7:50:07 time: 0.8435 data_time: 0.0682 memory: 9812 grad_norm: 2.9572 loss: 2.9991 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 1.8119 distill.loss_dist: 1.1872 2023/05/14 18:44:45 - mmengine - INFO - Epoch(train) [30][1860/1879] lr: 2.0000e-02 eta: 1 day, 7:49:52 time: 0.9225 data_time: 0.1728 memory: 9812 grad_norm: 2.9764 loss: 2.6620 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5167 distill.loss_dist: 1.1453 2023/05/14 18:44:58 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 18:44:58 - mmengine - INFO - Epoch(train) [30][1879/1879] lr: 2.0000e-02 eta: 1 day, 7:49:27 time: 0.6668 data_time: 0.0614 memory: 9812 grad_norm: 3.0646 loss: 2.7723 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 1.5949 distill.loss_dist: 1.1775 2023/05/14 18:44:58 - mmengine - INFO - Saving checkpoint at 30 epochs 2023/05/14 18:45:19 - mmengine - INFO - Epoch(val) [30][ 20/155] eta: 0:02:12 time: 0.9821 data_time: 0.9142 memory: 1484 2023/05/14 18:45:33 - mmengine - INFO - Epoch(val) [30][ 40/155] eta: 0:01:37 time: 0.7114 data_time: 0.6447 memory: 1484 2023/05/14 18:45:50 - mmengine - INFO - Epoch(val) [30][ 60/155] eta: 0:01:21 time: 0.8819 data_time: 0.8174 memory: 1484 2023/05/14 18:46:04 - mmengine - INFO - Epoch(val) [30][ 80/155] eta: 0:01:00 time: 0.6658 data_time: 0.6040 memory: 1484 2023/05/14 18:46:23 - mmengine - INFO - Epoch(val) [30][100/155] eta: 0:00:46 time: 0.9446 data_time: 0.8814 memory: 1484 2023/05/14 18:46:36 - mmengine - INFO - Epoch(val) [30][120/155] eta: 0:00:28 time: 0.6755 data_time: 0.6115 memory: 1484 2023/05/14 18:46:56 - mmengine - INFO - Epoch(val) [30][140/155] eta: 0:00:12 time: 0.9872 data_time: 0.9214 memory: 1484 2023/05/14 18:47:25 - mmengine - INFO - Epoch(val) [30][ 20/155] eta: 0:16:17 time: 1.0146 data_time: 0.8594 memory: 1582 2023/05/14 18:47:39 - mmengine - INFO - Epoch(val) [30][ 40/155] eta: 0:07:37 time: 0.7104 data_time: 0.5559 memory: 1582 2023/05/14 18:47:58 - mmengine - INFO - Epoch(val) [30][ 60/155] eta: 0:04:40 time: 0.9122 data_time: 0.7617 memory: 1582 2023/05/14 18:48:12 - mmengine - INFO - Epoch(val) [30][ 80/155] eta: 0:02:59 time: 0.7114 data_time: 0.5565 memory: 1582 2023/05/14 18:48:30 - mmengine - INFO - Epoch(val) [30][100/155] eta: 0:01:55 time: 0.9186 data_time: 0.7682 memory: 1582 2023/05/14 18:48:44 - mmengine - INFO - Epoch(val) [30][120/155] eta: 0:01:05 time: 0.6844 data_time: 0.5334 memory: 1582 2023/05/14 18:49:05 - mmengine - INFO - Epoch(val) [30][140/155] eta: 0:00:26 time: 1.0299 data_time: 0.8774 memory: 1582 2023/05/14 18:49:14 - mmengine - INFO - Epoch(val) [30][155/155] acc/top1: 0.6156 acc/top5: 0.8457 acc/mean1: 0.6156 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6672 time: 0.8178 2023/05/14 18:49:36 - mmengine - INFO - Epoch(train) [31][ 20/1879] lr: 2.0000e-02 eta: 1 day, 7:49:20 time: 1.1003 data_time: 0.4362 memory: 9812 grad_norm: 2.9359 loss: 2.7956 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6571 distill.loss_dist: 1.1385 2023/05/14 18:49:52 - mmengine - INFO - Epoch(train) [31][ 40/1879] lr: 2.0000e-02 eta: 1 day, 7:49:00 time: 0.8091 data_time: 0.1720 memory: 9812 grad_norm: 2.9551 loss: 2.7218 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5624 distill.loss_dist: 1.1594 2023/05/14 18:50:08 - mmengine - INFO - Epoch(train) [31][ 60/1879] lr: 2.0000e-02 eta: 1 day, 7:48:40 time: 0.8224 data_time: 0.1898 memory: 9812 grad_norm: 2.9452 loss: 2.5903 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4393 distill.loss_dist: 1.1510 2023/05/14 18:50:28 - mmengine - INFO - Epoch(train) [31][ 80/1879] lr: 2.0000e-02 eta: 1 day, 7:48:28 time: 0.9772 data_time: 0.3047 memory: 9812 grad_norm: 2.9755 loss: 2.8241 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6488 distill.loss_dist: 1.1752 2023/05/14 18:50:45 - mmengine - INFO - Epoch(train) [31][ 100/1879] lr: 2.0000e-02 eta: 1 day, 7:48:09 time: 0.8327 data_time: 0.3072 memory: 9812 grad_norm: 2.8924 loss: 2.7104 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5666 distill.loss_dist: 1.1439 2023/05/14 18:51:01 - mmengine - INFO - Epoch(train) [31][ 120/1879] lr: 2.0000e-02 eta: 1 day, 7:47:49 time: 0.8276 data_time: 0.2856 memory: 9812 grad_norm: 2.9226 loss: 2.9773 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7751 distill.loss_dist: 1.2021 2023/05/14 18:51:20 - mmengine - INFO - Epoch(train) [31][ 140/1879] lr: 2.0000e-02 eta: 1 day, 7:47:35 time: 0.9399 data_time: 0.1936 memory: 9812 grad_norm: 2.9067 loss: 2.6931 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5471 distill.loss_dist: 1.1459 2023/05/14 18:51:36 - mmengine - INFO - Epoch(train) [31][ 160/1879] lr: 2.0000e-02 eta: 1 day, 7:47:14 time: 0.8021 data_time: 0.0266 memory: 9812 grad_norm: 2.9933 loss: 2.6530 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.4838 distill.loss_dist: 1.1692 2023/05/14 18:51:53 - mmengine - INFO - Epoch(train) [31][ 180/1879] lr: 2.0000e-02 eta: 1 day, 7:46:56 time: 0.8463 data_time: 0.0262 memory: 9812 grad_norm: 2.9612 loss: 2.6886 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5507 distill.loss_dist: 1.1379 2023/05/14 18:52:12 - mmengine - INFO - Epoch(train) [31][ 200/1879] lr: 2.0000e-02 eta: 1 day, 7:46:41 time: 0.9282 data_time: 0.0261 memory: 9812 grad_norm: 2.9628 loss: 2.6058 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4660 distill.loss_dist: 1.1398 2023/05/14 18:52:29 - mmengine - INFO - Epoch(train) [31][ 220/1879] lr: 2.0000e-02 eta: 1 day, 7:46:23 time: 0.8643 data_time: 0.0275 memory: 9812 grad_norm: 2.9280 loss: 2.6096 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4890 distill.loss_dist: 1.1205 2023/05/14 18:52:45 - mmengine - INFO - Epoch(train) [31][ 240/1879] lr: 2.0000e-02 eta: 1 day, 7:46:03 time: 0.8140 data_time: 0.0262 memory: 9812 grad_norm: 3.0348 loss: 2.6678 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5180 distill.loss_dist: 1.1498 2023/05/14 18:53:03 - mmengine - INFO - Epoch(train) [31][ 260/1879] lr: 2.0000e-02 eta: 1 day, 7:45:48 time: 0.9104 data_time: 0.0273 memory: 9812 grad_norm: 2.8998 loss: 2.5684 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4182 distill.loss_dist: 1.1502 2023/05/14 18:53:19 - mmengine - INFO - Epoch(train) [31][ 280/1879] lr: 2.0000e-02 eta: 1 day, 7:45:27 time: 0.7914 data_time: 0.0283 memory: 9812 grad_norm: 2.9321 loss: 2.6426 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4979 distill.loss_dist: 1.1448 2023/05/14 18:53:36 - mmengine - INFO - Epoch(train) [31][ 300/1879] lr: 2.0000e-02 eta: 1 day, 7:45:07 time: 0.8291 data_time: 0.0269 memory: 9812 grad_norm: 2.9867 loss: 2.7494 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6054 distill.loss_dist: 1.1440 2023/05/14 18:53:55 - mmengine - INFO - Epoch(train) [31][ 320/1879] lr: 2.0000e-02 eta: 1 day, 7:44:54 time: 0.9599 data_time: 0.0286 memory: 9812 grad_norm: 3.0348 loss: 2.8483 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.6922 distill.loss_dist: 1.1561 2023/05/14 18:54:12 - mmengine - INFO - Epoch(train) [31][ 340/1879] lr: 2.0000e-02 eta: 1 day, 7:44:35 time: 0.8330 data_time: 0.0277 memory: 9812 grad_norm: 2.9208 loss: 2.7098 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5438 distill.loss_dist: 1.1660 2023/05/14 18:54:28 - mmengine - INFO - Epoch(train) [31][ 360/1879] lr: 2.0000e-02 eta: 1 day, 7:44:15 time: 0.8289 data_time: 0.0302 memory: 9812 grad_norm: 2.8951 loss: 2.8258 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6770 distill.loss_dist: 1.1489 2023/05/14 18:54:45 - mmengine - INFO - Epoch(train) [31][ 380/1879] lr: 2.0000e-02 eta: 1 day, 7:43:57 time: 0.8454 data_time: 0.0266 memory: 9812 grad_norm: 2.9180 loss: 2.6378 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.4741 distill.loss_dist: 1.1637 2023/05/14 18:55:03 - mmengine - INFO - Epoch(train) [31][ 400/1879] lr: 2.0000e-02 eta: 1 day, 7:43:40 time: 0.8814 data_time: 0.0263 memory: 9812 grad_norm: 2.9438 loss: 2.6924 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5312 distill.loss_dist: 1.1612 2023/05/14 18:55:20 - mmengine - INFO - Epoch(train) [31][ 420/1879] lr: 2.0000e-02 eta: 1 day, 7:43:21 time: 0.8332 data_time: 0.0261 memory: 9812 grad_norm: 2.9919 loss: 2.7689 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6091 distill.loss_dist: 1.1598 2023/05/14 18:55:37 - mmengine - INFO - Epoch(train) [31][ 440/1879] lr: 2.0000e-02 eta: 1 day, 7:43:03 time: 0.8648 data_time: 0.0250 memory: 9812 grad_norm: 2.8752 loss: 2.6268 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4737 distill.loss_dist: 1.1531 2023/05/14 18:55:54 - mmengine - INFO - Epoch(train) [31][ 460/1879] lr: 2.0000e-02 eta: 1 day, 7:42:46 time: 0.8712 data_time: 0.0288 memory: 9812 grad_norm: 2.9600 loss: 2.7305 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.5627 distill.loss_dist: 1.1678 2023/05/14 18:56:12 - mmengine - INFO - Epoch(train) [31][ 480/1879] lr: 2.0000e-02 eta: 1 day, 7:42:29 time: 0.8855 data_time: 0.0251 memory: 9812 grad_norm: 2.9535 loss: 2.6276 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4712 distill.loss_dist: 1.1564 2023/05/14 18:56:29 - mmengine - INFO - Epoch(train) [31][ 500/1879] lr: 2.0000e-02 eta: 1 day, 7:42:11 time: 0.8607 data_time: 0.0311 memory: 9812 grad_norm: 2.9272 loss: 2.8351 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6631 distill.loss_dist: 1.1720 2023/05/14 18:56:46 - mmengine - INFO - Epoch(train) [31][ 520/1879] lr: 2.0000e-02 eta: 1 day, 7:41:51 time: 0.8261 data_time: 0.0726 memory: 9812 grad_norm: 2.9319 loss: 2.8480 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6769 distill.loss_dist: 1.1711 2023/05/14 18:57:05 - mmengine - INFO - Epoch(train) [31][ 540/1879] lr: 2.0000e-02 eta: 1 day, 7:41:38 time: 0.9591 data_time: 0.0483 memory: 9812 grad_norm: 2.9517 loss: 2.5102 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3758 distill.loss_dist: 1.1344 2023/05/14 18:57:22 - mmengine - INFO - Epoch(train) [31][ 560/1879] lr: 2.0000e-02 eta: 1 day, 7:41:20 time: 0.8567 data_time: 0.1418 memory: 9812 grad_norm: 2.9264 loss: 2.6384 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4727 distill.loss_dist: 1.1656 2023/05/14 18:57:38 - mmengine - INFO - Epoch(train) [31][ 580/1879] lr: 2.0000e-02 eta: 1 day, 7:40:59 time: 0.7922 data_time: 0.0369 memory: 9812 grad_norm: 2.9478 loss: 2.7465 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6111 distill.loss_dist: 1.1353 2023/05/14 18:57:55 - mmengine - INFO - Epoch(train) [31][ 600/1879] lr: 2.0000e-02 eta: 1 day, 7:40:42 time: 0.8730 data_time: 0.0258 memory: 9812 grad_norm: 2.9988 loss: 2.7972 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6415 distill.loss_dist: 1.1558 2023/05/14 18:58:13 - mmengine - INFO - Epoch(train) [31][ 620/1879] lr: 2.0000e-02 eta: 1 day, 7:40:24 time: 0.8579 data_time: 0.0275 memory: 9812 grad_norm: 2.9254 loss: 2.7689 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6209 distill.loss_dist: 1.1480 2023/05/14 18:58:23 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 18:58:30 - mmengine - INFO - Epoch(train) [31][ 640/1879] lr: 2.0000e-02 eta: 1 day, 7:40:06 time: 0.8728 data_time: 0.0289 memory: 9812 grad_norm: 2.9406 loss: 2.7170 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5675 distill.loss_dist: 1.1495 2023/05/14 18:58:48 - mmengine - INFO - Epoch(train) [31][ 660/1879] lr: 2.0000e-02 eta: 1 day, 7:39:49 time: 0.8805 data_time: 0.0277 memory: 9812 grad_norm: 2.8964 loss: 2.6169 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4977 distill.loss_dist: 1.1192 2023/05/14 18:59:05 - mmengine - INFO - Epoch(train) [31][ 680/1879] lr: 2.0000e-02 eta: 1 day, 7:39:31 time: 0.8461 data_time: 0.0285 memory: 9812 grad_norm: 2.9347 loss: 2.8567 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7030 distill.loss_dist: 1.1537 2023/05/14 18:59:21 - mmengine - INFO - Epoch(train) [31][ 700/1879] lr: 2.0000e-02 eta: 1 day, 7:39:11 time: 0.8284 data_time: 0.0295 memory: 9812 grad_norm: 2.9055 loss: 2.8252 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6784 distill.loss_dist: 1.1468 2023/05/14 18:59:39 - mmengine - INFO - Epoch(train) [31][ 720/1879] lr: 2.0000e-02 eta: 1 day, 7:38:55 time: 0.8858 data_time: 0.0305 memory: 9812 grad_norm: 2.9179 loss: 2.6897 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5178 distill.loss_dist: 1.1719 2023/05/14 18:59:58 - mmengine - INFO - Epoch(train) [31][ 740/1879] lr: 2.0000e-02 eta: 1 day, 7:38:40 time: 0.9333 data_time: 0.0301 memory: 9812 grad_norm: 2.9762 loss: 2.7240 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5732 distill.loss_dist: 1.1509 2023/05/14 19:00:16 - mmengine - INFO - Epoch(train) [31][ 760/1879] lr: 2.0000e-02 eta: 1 day, 7:38:24 time: 0.9079 data_time: 0.0290 memory: 9812 grad_norm: 2.9922 loss: 2.6629 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5015 distill.loss_dist: 1.1614 2023/05/14 19:00:31 - mmengine - INFO - Epoch(train) [31][ 780/1879] lr: 2.0000e-02 eta: 1 day, 7:38:02 time: 0.7761 data_time: 0.0235 memory: 9812 grad_norm: 3.0100 loss: 2.8249 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6758 distill.loss_dist: 1.1491 2023/05/14 19:00:49 - mmengine - INFO - Epoch(train) [31][ 800/1879] lr: 2.0000e-02 eta: 1 day, 7:37:46 time: 0.8988 data_time: 0.0258 memory: 9812 grad_norm: 2.9948 loss: 2.7201 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5480 distill.loss_dist: 1.1721 2023/05/14 19:01:07 - mmengine - INFO - Epoch(train) [31][ 820/1879] lr: 2.0000e-02 eta: 1 day, 7:37:30 time: 0.8875 data_time: 0.0275 memory: 9812 grad_norm: 2.9564 loss: 2.6661 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5253 distill.loss_dist: 1.1408 2023/05/14 19:01:24 - mmengine - INFO - Epoch(train) [31][ 840/1879] lr: 2.0000e-02 eta: 1 day, 7:37:10 time: 0.8241 data_time: 0.0267 memory: 9812 grad_norm: 2.9839 loss: 2.9033 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7177 distill.loss_dist: 1.1856 2023/05/14 19:01:41 - mmengine - INFO - Epoch(train) [31][ 860/1879] lr: 2.0000e-02 eta: 1 day, 7:36:53 time: 0.8708 data_time: 0.0268 memory: 9812 grad_norm: 2.8936 loss: 2.7770 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6171 distill.loss_dist: 1.1599 2023/05/14 19:01:59 - mmengine - INFO - Epoch(train) [31][ 880/1879] lr: 2.0000e-02 eta: 1 day, 7:36:35 time: 0.8757 data_time: 0.0309 memory: 9812 grad_norm: 2.8997 loss: 2.7703 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6118 distill.loss_dist: 1.1585 2023/05/14 19:02:15 - mmengine - INFO - Epoch(train) [31][ 900/1879] lr: 2.0000e-02 eta: 1 day, 7:36:16 time: 0.8167 data_time: 0.0260 memory: 9812 grad_norm: 2.9600 loss: 2.8436 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6689 distill.loss_dist: 1.1747 2023/05/14 19:02:32 - mmengine - INFO - Epoch(train) [31][ 920/1879] lr: 2.0000e-02 eta: 1 day, 7:35:58 time: 0.8748 data_time: 0.0259 memory: 9812 grad_norm: 2.9858 loss: 2.7595 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5903 distill.loss_dist: 1.1691 2023/05/14 19:02:50 - mmengine - INFO - Epoch(train) [31][ 940/1879] lr: 2.0000e-02 eta: 1 day, 7:35:42 time: 0.8997 data_time: 0.0262 memory: 9812 grad_norm: 2.9787 loss: 2.6854 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5157 distill.loss_dist: 1.1697 2023/05/14 19:03:07 - mmengine - INFO - Epoch(train) [31][ 960/1879] lr: 2.0000e-02 eta: 1 day, 7:35:23 time: 0.8418 data_time: 0.0278 memory: 9812 grad_norm: 2.9108 loss: 2.7820 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6102 distill.loss_dist: 1.1719 2023/05/14 19:03:25 - mmengine - INFO - Epoch(train) [31][ 980/1879] lr: 2.0000e-02 eta: 1 day, 7:35:06 time: 0.8636 data_time: 0.0266 memory: 9812 grad_norm: 2.9476 loss: 2.7726 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6109 distill.loss_dist: 1.1617 2023/05/14 19:03:42 - mmengine - INFO - Epoch(train) [31][1000/1879] lr: 2.0000e-02 eta: 1 day, 7:34:49 time: 0.8850 data_time: 0.0254 memory: 9812 grad_norm: 3.0000 loss: 2.8538 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 1.6883 distill.loss_dist: 1.1655 2023/05/14 19:04:00 - mmengine - INFO - Epoch(train) [31][1020/1879] lr: 2.0000e-02 eta: 1 day, 7:34:31 time: 0.8648 data_time: 0.0268 memory: 9812 grad_norm: 2.9650 loss: 2.8699 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6989 distill.loss_dist: 1.1710 2023/05/14 19:04:16 - mmengine - INFO - Epoch(train) [31][1040/1879] lr: 2.0000e-02 eta: 1 day, 7:34:13 time: 0.8455 data_time: 0.0270 memory: 9812 grad_norm: 2.9912 loss: 2.7136 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5683 distill.loss_dist: 1.1453 2023/05/14 19:04:35 - mmengine - INFO - Epoch(train) [31][1060/1879] lr: 2.0000e-02 eta: 1 day, 7:33:57 time: 0.9202 data_time: 0.0237 memory: 9812 grad_norm: 2.9818 loss: 2.6894 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5368 distill.loss_dist: 1.1526 2023/05/14 19:04:53 - mmengine - INFO - Epoch(train) [31][1080/1879] lr: 2.0000e-02 eta: 1 day, 7:33:42 time: 0.9040 data_time: 0.0248 memory: 9812 grad_norm: 2.8971 loss: 2.7279 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.5845 distill.loss_dist: 1.1434 2023/05/14 19:05:09 - mmengine - INFO - Epoch(train) [31][1100/1879] lr: 2.0000e-02 eta: 1 day, 7:33:21 time: 0.8095 data_time: 0.0295 memory: 9812 grad_norm: 2.9281 loss: 2.6963 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5523 distill.loss_dist: 1.1439 2023/05/14 19:05:26 - mmengine - INFO - Epoch(train) [31][1120/1879] lr: 2.0000e-02 eta: 1 day, 7:33:04 time: 0.8647 data_time: 0.0278 memory: 9812 grad_norm: 2.9614 loss: 2.7290 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5685 distill.loss_dist: 1.1605 2023/05/14 19:05:45 - mmengine - INFO - Epoch(train) [31][1140/1879] lr: 2.0000e-02 eta: 1 day, 7:32:48 time: 0.9174 data_time: 0.0261 memory: 9812 grad_norm: 2.9226 loss: 2.6913 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.5479 distill.loss_dist: 1.1434 2023/05/14 19:06:01 - mmengine - INFO - Epoch(train) [31][1160/1879] lr: 2.0000e-02 eta: 1 day, 7:32:27 time: 0.7830 data_time: 0.0269 memory: 9812 grad_norm: 2.9938 loss: 2.6615 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5068 distill.loss_dist: 1.1547 2023/05/14 19:06:20 - mmengine - INFO - Epoch(train) [31][1180/1879] lr: 2.0000e-02 eta: 1 day, 7:32:13 time: 0.9577 data_time: 0.0277 memory: 9812 grad_norm: 2.9850 loss: 2.6892 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5337 distill.loss_dist: 1.1555 2023/05/14 19:06:36 - mmengine - INFO - Epoch(train) [31][1200/1879] lr: 2.0000e-02 eta: 1 day, 7:31:54 time: 0.8360 data_time: 0.0266 memory: 9812 grad_norm: 2.9286 loss: 2.5481 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4286 distill.loss_dist: 1.1195 2023/05/14 19:06:54 - mmengine - INFO - Epoch(train) [31][1220/1879] lr: 2.0000e-02 eta: 1 day, 7:31:36 time: 0.8559 data_time: 0.0295 memory: 9812 grad_norm: 3.0362 loss: 2.8274 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6633 distill.loss_dist: 1.1641 2023/05/14 19:07:12 - mmengine - INFO - Epoch(train) [31][1240/1879] lr: 2.0000e-02 eta: 1 day, 7:31:22 time: 0.9417 data_time: 0.0261 memory: 9812 grad_norm: 2.8483 loss: 2.7914 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6268 distill.loss_dist: 1.1646 2023/05/14 19:07:29 - mmengine - INFO - Epoch(train) [31][1260/1879] lr: 2.0000e-02 eta: 1 day, 7:31:02 time: 0.8144 data_time: 0.0290 memory: 9812 grad_norm: 2.8869 loss: 2.8830 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.7125 distill.loss_dist: 1.1705 2023/05/14 19:07:45 - mmengine - INFO - Epoch(train) [31][1280/1879] lr: 2.0000e-02 eta: 1 day, 7:30:43 time: 0.8387 data_time: 0.0293 memory: 9812 grad_norm: 2.9646 loss: 2.6443 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4852 distill.loss_dist: 1.1591 2023/05/14 19:08:05 - mmengine - INFO - Epoch(train) [31][1300/1879] lr: 2.0000e-02 eta: 1 day, 7:30:31 time: 0.9831 data_time: 0.0244 memory: 9812 grad_norm: 2.9361 loss: 2.9942 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.8133 distill.loss_dist: 1.1808 2023/05/14 19:08:22 - mmengine - INFO - Epoch(train) [31][1320/1879] lr: 2.0000e-02 eta: 1 day, 7:30:12 time: 0.8397 data_time: 0.0296 memory: 9812 grad_norm: 2.9847 loss: 2.7499 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5896 distill.loss_dist: 1.1603 2023/05/14 19:08:38 - mmengine - INFO - Epoch(train) [31][1340/1879] lr: 2.0000e-02 eta: 1 day, 7:29:51 time: 0.8013 data_time: 0.0260 memory: 9812 grad_norm: 2.8735 loss: 2.5578 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4192 distill.loss_dist: 1.1387 2023/05/14 19:08:57 - mmengine - INFO - Epoch(train) [31][1360/1879] lr: 2.0000e-02 eta: 1 day, 7:29:38 time: 0.9552 data_time: 0.0267 memory: 9812 grad_norm: 2.8937 loss: 2.8150 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6575 distill.loss_dist: 1.1575 2023/05/14 19:09:14 - mmengine - INFO - Epoch(train) [31][1380/1879] lr: 2.0000e-02 eta: 1 day, 7:29:18 time: 0.8274 data_time: 0.0277 memory: 9812 grad_norm: 3.0245 loss: 2.8077 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6384 distill.loss_dist: 1.1694 2023/05/14 19:09:30 - mmengine - INFO - Epoch(train) [31][1400/1879] lr: 2.0000e-02 eta: 1 day, 7:28:58 time: 0.7979 data_time: 0.0277 memory: 9812 grad_norm: 2.8849 loss: 2.6787 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5227 distill.loss_dist: 1.1560 2023/05/14 19:09:49 - mmengine - INFO - Epoch(train) [31][1420/1879] lr: 2.0000e-02 eta: 1 day, 7:28:44 time: 0.9493 data_time: 0.0260 memory: 9812 grad_norm: 3.0372 loss: 2.7026 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5838 distill.loss_dist: 1.1188 2023/05/14 19:10:05 - mmengine - INFO - Epoch(train) [31][1440/1879] lr: 2.0000e-02 eta: 1 day, 7:28:23 time: 0.7958 data_time: 0.0282 memory: 9812 grad_norm: 2.9392 loss: 2.7680 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5879 distill.loss_dist: 1.1801 2023/05/14 19:10:21 - mmengine - INFO - Epoch(train) [31][1460/1879] lr: 2.0000e-02 eta: 1 day, 7:28:03 time: 0.8116 data_time: 0.0273 memory: 9812 grad_norm: 2.9014 loss: 2.8865 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7248 distill.loss_dist: 1.1616 2023/05/14 19:10:41 - mmengine - INFO - Epoch(train) [31][1480/1879] lr: 2.0000e-02 eta: 1 day, 7:27:52 time: 1.0121 data_time: 0.0270 memory: 9812 grad_norm: 2.9312 loss: 2.6985 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.5609 distill.loss_dist: 1.1376 2023/05/14 19:10:58 - mmengine - INFO - Epoch(train) [31][1500/1879] lr: 2.0000e-02 eta: 1 day, 7:27:32 time: 0.8247 data_time: 0.0292 memory: 9812 grad_norm: 2.9800 loss: 2.8767 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6900 distill.loss_dist: 1.1866 2023/05/14 19:11:14 - mmengine - INFO - Epoch(train) [31][1520/1879] lr: 2.0000e-02 eta: 1 day, 7:27:14 time: 0.8470 data_time: 0.0287 memory: 9812 grad_norm: 2.9450 loss: 2.7760 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6223 distill.loss_dist: 1.1537 2023/05/14 19:11:33 - mmengine - INFO - Epoch(train) [31][1540/1879] lr: 2.0000e-02 eta: 1 day, 7:27:00 time: 0.9443 data_time: 0.0249 memory: 9812 grad_norm: 3.0520 loss: 2.7302 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5837 distill.loss_dist: 1.1465 2023/05/14 19:11:49 - mmengine - INFO - Epoch(train) [31][1560/1879] lr: 2.0000e-02 eta: 1 day, 7:26:38 time: 0.7654 data_time: 0.0257 memory: 9812 grad_norm: 2.8985 loss: 2.8188 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6725 distill.loss_dist: 1.1463 2023/05/14 19:12:06 - mmengine - INFO - Epoch(train) [31][1580/1879] lr: 2.0000e-02 eta: 1 day, 7:26:19 time: 0.8487 data_time: 0.0266 memory: 9812 grad_norm: 2.9345 loss: 2.6685 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5013 distill.loss_dist: 1.1673 2023/05/14 19:12:23 - mmengine - INFO - Epoch(train) [31][1600/1879] lr: 2.0000e-02 eta: 1 day, 7:26:03 time: 0.8886 data_time: 0.0296 memory: 9812 grad_norm: 2.9827 loss: 2.7817 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.6251 distill.loss_dist: 1.1566 2023/05/14 19:12:41 - mmengine - INFO - Epoch(train) [31][1620/1879] lr: 2.0000e-02 eta: 1 day, 7:25:45 time: 0.8585 data_time: 0.0265 memory: 9812 grad_norm: 2.9219 loss: 2.6442 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5025 distill.loss_dist: 1.1417 2023/05/14 19:12:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 19:12:58 - mmengine - INFO - Epoch(train) [31][1640/1879] lr: 2.0000e-02 eta: 1 day, 7:25:28 time: 0.8802 data_time: 0.0243 memory: 9812 grad_norm: 2.9312 loss: 2.6226 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.4911 distill.loss_dist: 1.1315 2023/05/14 19:13:16 - mmengine - INFO - Epoch(train) [31][1660/1879] lr: 2.0000e-02 eta: 1 day, 7:25:10 time: 0.8771 data_time: 0.0255 memory: 9812 grad_norm: 2.9604 loss: 2.6438 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4899 distill.loss_dist: 1.1539 2023/05/14 19:13:32 - mmengine - INFO - Epoch(train) [31][1680/1879] lr: 2.0000e-02 eta: 1 day, 7:24:51 time: 0.8314 data_time: 0.0254 memory: 9812 grad_norm: 2.9791 loss: 2.7598 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5816 distill.loss_dist: 1.1782 2023/05/14 19:13:49 - mmengine - INFO - Epoch(train) [31][1700/1879] lr: 2.0000e-02 eta: 1 day, 7:24:32 time: 0.8392 data_time: 0.0271 memory: 9812 grad_norm: 2.9431 loss: 2.7787 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6237 distill.loss_dist: 1.1550 2023/05/14 19:14:08 - mmengine - INFO - Epoch(train) [31][1720/1879] lr: 2.0000e-02 eta: 1 day, 7:24:17 time: 0.9255 data_time: 0.0229 memory: 9812 grad_norm: 2.9379 loss: 2.8377 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6748 distill.loss_dist: 1.1629 2023/05/14 19:14:24 - mmengine - INFO - Epoch(train) [31][1740/1879] lr: 2.0000e-02 eta: 1 day, 7:23:57 time: 0.7993 data_time: 0.0272 memory: 9812 grad_norm: 2.9510 loss: 2.7742 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6314 distill.loss_dist: 1.1428 2023/05/14 19:14:40 - mmengine - INFO - Epoch(train) [31][1760/1879] lr: 2.0000e-02 eta: 1 day, 7:23:37 time: 0.8067 data_time: 0.0273 memory: 9812 grad_norm: 2.9378 loss: 2.9073 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7207 distill.loss_dist: 1.1865 2023/05/14 19:14:58 - mmengine - INFO - Epoch(train) [31][1780/1879] lr: 2.0000e-02 eta: 1 day, 7:23:20 time: 0.8986 data_time: 0.0275 memory: 9812 grad_norm: 2.9394 loss: 2.5360 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3926 distill.loss_dist: 1.1434 2023/05/14 19:15:16 - mmengine - INFO - Epoch(train) [31][1800/1879] lr: 2.0000e-02 eta: 1 day, 7:23:04 time: 0.8891 data_time: 0.0326 memory: 9812 grad_norm: 2.9650 loss: 2.7576 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5913 distill.loss_dist: 1.1664 2023/05/14 19:15:33 - mmengine - INFO - Epoch(train) [31][1820/1879] lr: 2.0000e-02 eta: 1 day, 7:22:45 time: 0.8470 data_time: 0.0253 memory: 9812 grad_norm: 2.9302 loss: 3.0070 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.8152 distill.loss_dist: 1.1918 2023/05/14 19:15:51 - mmengine - INFO - Epoch(train) [31][1840/1879] lr: 2.0000e-02 eta: 1 day, 7:22:29 time: 0.8968 data_time: 0.0247 memory: 9812 grad_norm: 2.9508 loss: 2.7562 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6264 distill.loss_dist: 1.1298 2023/05/14 19:16:09 - mmengine - INFO - Epoch(train) [31][1860/1879] lr: 2.0000e-02 eta: 1 day, 7:22:13 time: 0.8970 data_time: 0.0274 memory: 9812 grad_norm: 2.9514 loss: 2.7852 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6235 distill.loss_dist: 1.1617 2023/05/14 19:16:21 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 19:16:21 - mmengine - INFO - Epoch(train) [31][1879/1879] lr: 2.0000e-02 eta: 1 day, 7:21:47 time: 0.6353 data_time: 0.0218 memory: 9812 grad_norm: 3.0749 loss: 2.7279 student.top1_acc: 0.4286 student.top5_acc: 1.0000 student.loss_cls: 1.5814 distill.loss_dist: 1.1465 2023/05/14 19:16:40 - mmengine - INFO - Epoch(val) [31][ 20/155] eta: 0:02:10 time: 0.9702 data_time: 0.9018 memory: 1484 2023/05/14 19:16:54 - mmengine - INFO - Epoch(val) [31][ 40/155] eta: 0:01:34 time: 0.6693 data_time: 0.6075 memory: 1484 2023/05/14 19:17:13 - mmengine - INFO - Epoch(val) [31][ 60/155] eta: 0:01:22 time: 0.9615 data_time: 0.8954 memory: 1484 2023/05/14 19:17:27 - mmengine - INFO - Epoch(val) [31][ 80/155] eta: 0:01:01 time: 0.6973 data_time: 0.6331 memory: 1484 2023/05/14 19:17:47 - mmengine - INFO - Epoch(val) [31][100/155] eta: 0:00:47 time: 0.9828 data_time: 0.9167 memory: 1484 2023/05/14 19:17:59 - mmengine - INFO - Epoch(val) [31][120/155] eta: 0:00:28 time: 0.6368 data_time: 0.5724 memory: 1484 2023/05/14 19:18:19 - mmengine - INFO - Epoch(val) [31][140/155] eta: 0:00:12 time: 0.9978 data_time: 0.9338 memory: 1484 2023/05/14 19:18:48 - mmengine - INFO - Epoch(val) [31][ 20/155] eta: 0:16:20 time: 1.0258 data_time: 0.8702 memory: 1582 2023/05/14 19:19:02 - mmengine - INFO - Epoch(val) [31][ 40/155] eta: 0:07:37 time: 0.6888 data_time: 0.5293 memory: 1582 2023/05/14 19:19:20 - mmengine - INFO - Epoch(val) [31][ 60/155] eta: 0:04:40 time: 0.8990 data_time: 0.7468 memory: 1582 2023/05/14 19:19:34 - mmengine - INFO - Epoch(val) [31][ 80/155] eta: 0:02:59 time: 0.7273 data_time: 0.5773 memory: 1582 2023/05/14 19:19:53 - mmengine - INFO - Epoch(val) [31][100/155] eta: 0:01:55 time: 0.9447 data_time: 0.7917 memory: 1582 2023/05/14 19:20:06 - mmengine - INFO - Epoch(val) [31][120/155] eta: 0:01:05 time: 0.6543 data_time: 0.5044 memory: 1582 2023/05/14 19:20:27 - mmengine - INFO - Epoch(val) [31][140/155] eta: 0:00:26 time: 1.0178 data_time: 0.8637 memory: 1582 2023/05/14 19:20:36 - mmengine - INFO - Epoch(val) [31][155/155] acc/top1: 0.6151 acc/top5: 0.8463 acc/mean1: 0.6150 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6656 time: 0.8170 2023/05/14 19:20:58 - mmengine - INFO - Epoch(train) [32][ 20/1879] lr: 2.0000e-02 eta: 1 day, 7:21:39 time: 1.0836 data_time: 0.5710 memory: 9812 grad_norm: 2.8153 loss: 2.5588 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.4304 distill.loss_dist: 1.1284 2023/05/14 19:21:14 - mmengine - INFO - Epoch(train) [32][ 40/1879] lr: 2.0000e-02 eta: 1 day, 7:21:19 time: 0.8278 data_time: 0.2028 memory: 9812 grad_norm: 2.9571 loss: 2.5878 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4569 distill.loss_dist: 1.1310 2023/05/14 19:21:32 - mmengine - INFO - Epoch(train) [32][ 60/1879] lr: 2.0000e-02 eta: 1 day, 7:21:02 time: 0.8732 data_time: 0.1635 memory: 9812 grad_norm: 2.9682 loss: 2.8370 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6636 distill.loss_dist: 1.1734 2023/05/14 19:21:50 - mmengine - INFO - Epoch(train) [32][ 80/1879] lr: 2.0000e-02 eta: 1 day, 7:20:47 time: 0.9143 data_time: 0.0649 memory: 9812 grad_norm: 2.9606 loss: 2.7200 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5578 distill.loss_dist: 1.1622 2023/05/14 19:22:07 - mmengine - INFO - Epoch(train) [32][ 100/1879] lr: 2.0000e-02 eta: 1 day, 7:20:27 time: 0.8223 data_time: 0.1040 memory: 9812 grad_norm: 2.8858 loss: 2.6623 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.4881 distill.loss_dist: 1.1743 2023/05/14 19:22:24 - mmengine - INFO - Epoch(train) [32][ 120/1879] lr: 2.0000e-02 eta: 1 day, 7:20:09 time: 0.8526 data_time: 0.0429 memory: 9812 grad_norm: 2.9279 loss: 2.7703 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6331 distill.loss_dist: 1.1372 2023/05/14 19:22:43 - mmengine - INFO - Epoch(train) [32][ 140/1879] lr: 2.0000e-02 eta: 1 day, 7:19:57 time: 0.9887 data_time: 0.0286 memory: 9812 grad_norm: 2.8481 loss: 2.7543 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6011 distill.loss_dist: 1.1532 2023/05/14 19:23:00 - mmengine - INFO - Epoch(train) [32][ 160/1879] lr: 2.0000e-02 eta: 1 day, 7:19:37 time: 0.8247 data_time: 0.0258 memory: 9812 grad_norm: 2.9866 loss: 2.9951 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8255 distill.loss_dist: 1.1697 2023/05/14 19:23:17 - mmengine - INFO - Epoch(train) [32][ 180/1879] lr: 2.0000e-02 eta: 1 day, 7:19:18 time: 0.8427 data_time: 0.0251 memory: 9812 grad_norm: 2.9259 loss: 2.7188 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5721 distill.loss_dist: 1.1467 2023/05/14 19:23:33 - mmengine - INFO - Epoch(train) [32][ 200/1879] lr: 2.0000e-02 eta: 1 day, 7:18:59 time: 0.8295 data_time: 0.0332 memory: 9812 grad_norm: 2.9490 loss: 2.6378 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4980 distill.loss_dist: 1.1398 2023/05/14 19:23:50 - mmengine - INFO - Epoch(train) [32][ 220/1879] lr: 2.0000e-02 eta: 1 day, 7:18:40 time: 0.8320 data_time: 0.0234 memory: 9812 grad_norm: 3.0082 loss: 2.5775 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4359 distill.loss_dist: 1.1416 2023/05/14 19:24:08 - mmengine - INFO - Epoch(train) [32][ 240/1879] lr: 2.0000e-02 eta: 1 day, 7:18:24 time: 0.8993 data_time: 0.0487 memory: 9812 grad_norm: 2.9893 loss: 2.8078 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6324 distill.loss_dist: 1.1754 2023/05/14 19:24:26 - mmengine - INFO - Epoch(train) [32][ 260/1879] lr: 2.0000e-02 eta: 1 day, 7:18:08 time: 0.8959 data_time: 0.1049 memory: 9812 grad_norm: 2.9174 loss: 2.8399 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6932 distill.loss_dist: 1.1468 2023/05/14 19:24:42 - mmengine - INFO - Epoch(train) [32][ 280/1879] lr: 2.0000e-02 eta: 1 day, 7:17:47 time: 0.8065 data_time: 0.1617 memory: 9812 grad_norm: 2.9357 loss: 2.6620 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5062 distill.loss_dist: 1.1558 2023/05/14 19:25:00 - mmengine - INFO - Epoch(train) [32][ 300/1879] lr: 2.0000e-02 eta: 1 day, 7:17:30 time: 0.8748 data_time: 0.1087 memory: 9812 grad_norm: 2.9355 loss: 2.6185 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4699 distill.loss_dist: 1.1486 2023/05/14 19:25:18 - mmengine - INFO - Epoch(train) [32][ 320/1879] lr: 2.0000e-02 eta: 1 day, 7:17:14 time: 0.8921 data_time: 0.0313 memory: 9812 grad_norm: 2.8910 loss: 2.7686 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6001 distill.loss_dist: 1.1684 2023/05/14 19:25:34 - mmengine - INFO - Epoch(train) [32][ 340/1879] lr: 2.0000e-02 eta: 1 day, 7:16:54 time: 0.8205 data_time: 0.0325 memory: 9812 grad_norm: 2.9123 loss: 2.6685 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5083 distill.loss_dist: 1.1602 2023/05/14 19:25:52 - mmengine - INFO - Epoch(train) [32][ 360/1879] lr: 2.0000e-02 eta: 1 day, 7:16:38 time: 0.9008 data_time: 0.0290 memory: 9812 grad_norm: 2.9600 loss: 2.7804 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.6071 distill.loss_dist: 1.1733 2023/05/14 19:26:11 - mmengine - INFO - Epoch(train) [32][ 380/1879] lr: 2.0000e-02 eta: 1 day, 7:16:24 time: 0.9443 data_time: 0.0251 memory: 9812 grad_norm: 2.8686 loss: 2.6163 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4828 distill.loss_dist: 1.1334 2023/05/14 19:26:27 - mmengine - INFO - Epoch(train) [32][ 400/1879] lr: 2.0000e-02 eta: 1 day, 7:16:04 time: 0.8218 data_time: 0.0251 memory: 9812 grad_norm: 2.9245 loss: 2.8617 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7340 distill.loss_dist: 1.1277 2023/05/14 19:26:46 - mmengine - INFO - Epoch(train) [32][ 420/1879] lr: 2.0000e-02 eta: 1 day, 7:15:49 time: 0.9137 data_time: 0.0295 memory: 9812 grad_norm: 2.8925 loss: 2.8744 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7218 distill.loss_dist: 1.1526 2023/05/14 19:27:02 - mmengine - INFO - Epoch(train) [32][ 440/1879] lr: 2.0000e-02 eta: 1 day, 7:15:28 time: 0.7921 data_time: 0.0286 memory: 9812 grad_norm: 2.9636 loss: 2.7587 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5843 distill.loss_dist: 1.1744 2023/05/14 19:27:19 - mmengine - INFO - Epoch(train) [32][ 460/1879] lr: 2.0000e-02 eta: 1 day, 7:15:10 time: 0.8633 data_time: 0.0281 memory: 9812 grad_norm: 2.9501 loss: 2.8560 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.7034 distill.loss_dist: 1.1526 2023/05/14 19:27:38 - mmengine - INFO - Epoch(train) [32][ 480/1879] lr: 2.0000e-02 eta: 1 day, 7:14:57 time: 0.9684 data_time: 0.0248 memory: 9812 grad_norm: 2.9175 loss: 3.0161 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.8772 distill.loss_dist: 1.1389 2023/05/14 19:27:53 - mmengine - INFO - Epoch(train) [32][ 500/1879] lr: 2.0000e-02 eta: 1 day, 7:14:35 time: 0.7617 data_time: 0.0283 memory: 9812 grad_norm: 2.8953 loss: 2.4825 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3641 distill.loss_dist: 1.1184 2023/05/14 19:28:10 - mmengine - INFO - Epoch(train) [32][ 520/1879] lr: 2.0000e-02 eta: 1 day, 7:14:15 time: 0.8225 data_time: 0.0279 memory: 9812 grad_norm: 2.9743 loss: 2.8277 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6588 distill.loss_dist: 1.1689 2023/05/14 19:28:28 - mmengine - INFO - Epoch(train) [32][ 540/1879] lr: 2.0000e-02 eta: 1 day, 7:13:59 time: 0.8956 data_time: 0.0261 memory: 9812 grad_norm: 2.9475 loss: 2.7786 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6472 distill.loss_dist: 1.1314 2023/05/14 19:28:46 - mmengine - INFO - Epoch(train) [32][ 560/1879] lr: 2.0000e-02 eta: 1 day, 7:13:43 time: 0.9044 data_time: 0.0283 memory: 9812 grad_norm: 2.9870 loss: 2.7793 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.6099 distill.loss_dist: 1.1694 2023/05/14 19:29:03 - mmengine - INFO - Epoch(train) [32][ 580/1879] lr: 2.0000e-02 eta: 1 day, 7:13:24 time: 0.8365 data_time: 0.0261 memory: 9812 grad_norm: 3.0147 loss: 2.8977 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7301 distill.loss_dist: 1.1676 2023/05/14 19:29:20 - mmengine - INFO - Epoch(train) [32][ 600/1879] lr: 2.0000e-02 eta: 1 day, 7:13:06 time: 0.8506 data_time: 0.0285 memory: 9812 grad_norm: 2.9999 loss: 2.7698 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5963 distill.loss_dist: 1.1735 2023/05/14 19:29:38 - mmengine - INFO - Epoch(train) [32][ 620/1879] lr: 2.0000e-02 eta: 1 day, 7:12:51 time: 0.9261 data_time: 0.0299 memory: 9812 grad_norm: 2.8514 loss: 2.6899 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5472 distill.loss_dist: 1.1427 2023/05/14 19:29:55 - mmengine - INFO - Epoch(train) [32][ 640/1879] lr: 2.0000e-02 eta: 1 day, 7:12:32 time: 0.8344 data_time: 0.0231 memory: 9812 grad_norm: 2.9291 loss: 2.6413 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5184 distill.loss_dist: 1.1229 2023/05/14 19:30:11 - mmengine - INFO - Epoch(train) [32][ 660/1879] lr: 2.0000e-02 eta: 1 day, 7:12:11 time: 0.8049 data_time: 0.0255 memory: 9812 grad_norm: 2.9881 loss: 2.5134 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3808 distill.loss_dist: 1.1326 2023/05/14 19:30:31 - mmengine - INFO - Epoch(train) [32][ 680/1879] lr: 2.0000e-02 eta: 1 day, 7:11:58 time: 0.9780 data_time: 0.0315 memory: 9812 grad_norm: 2.9831 loss: 2.6811 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.5072 distill.loss_dist: 1.1739 2023/05/14 19:30:47 - mmengine - INFO - Epoch(train) [32][ 700/1879] lr: 2.0000e-02 eta: 1 day, 7:11:38 time: 0.8064 data_time: 0.0247 memory: 9812 grad_norm: 2.9132 loss: 2.8888 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.7285 distill.loss_dist: 1.1603 2023/05/14 19:31:03 - mmengine - INFO - Epoch(train) [32][ 720/1879] lr: 2.0000e-02 eta: 1 day, 7:11:19 time: 0.8358 data_time: 0.0264 memory: 9812 grad_norm: 3.0347 loss: 2.5609 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.4083 distill.loss_dist: 1.1526 2023/05/14 19:31:22 - mmengine - INFO - Epoch(train) [32][ 740/1879] lr: 2.0000e-02 eta: 1 day, 7:11:04 time: 0.9155 data_time: 0.0332 memory: 9812 grad_norm: 2.9414 loss: 2.7174 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5517 distill.loss_dist: 1.1657 2023/05/14 19:31:31 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 19:31:38 - mmengine - INFO - Epoch(train) [32][ 760/1879] lr: 2.0000e-02 eta: 1 day, 7:10:43 time: 0.7980 data_time: 0.0238 memory: 9812 grad_norm: 2.8887 loss: 2.4413 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.3299 distill.loss_dist: 1.1115 2023/05/14 19:31:54 - mmengine - INFO - Epoch(train) [32][ 780/1879] lr: 2.0000e-02 eta: 1 day, 7:10:24 time: 0.8363 data_time: 0.0262 memory: 9812 grad_norm: 2.9701 loss: 2.6198 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4744 distill.loss_dist: 1.1454 2023/05/14 19:32:14 - mmengine - INFO - Epoch(train) [32][ 800/1879] lr: 2.0000e-02 eta: 1 day, 7:10:11 time: 0.9601 data_time: 0.0324 memory: 9812 grad_norm: 2.9436 loss: 2.9685 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7990 distill.loss_dist: 1.1695 2023/05/14 19:32:31 - mmengine - INFO - Epoch(train) [32][ 820/1879] lr: 2.0000e-02 eta: 1 day, 7:09:53 time: 0.8632 data_time: 0.0265 memory: 9812 grad_norm: 2.8866 loss: 2.8373 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6695 distill.loss_dist: 1.1678 2023/05/14 19:32:48 - mmengine - INFO - Epoch(train) [32][ 840/1879] lr: 2.0000e-02 eta: 1 day, 7:09:35 time: 0.8517 data_time: 0.0236 memory: 9812 grad_norm: 2.9408 loss: 2.8479 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6724 distill.loss_dist: 1.1755 2023/05/14 19:33:05 - mmengine - INFO - Epoch(train) [32][ 860/1879] lr: 2.0000e-02 eta: 1 day, 7:09:17 time: 0.8673 data_time: 0.0314 memory: 9812 grad_norm: 2.8974 loss: 2.6804 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5038 distill.loss_dist: 1.1766 2023/05/14 19:33:23 - mmengine - INFO - Epoch(train) [32][ 880/1879] lr: 2.0000e-02 eta: 1 day, 7:09:00 time: 0.8813 data_time: 0.0230 memory: 9812 grad_norm: 2.9561 loss: 2.5997 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4588 distill.loss_dist: 1.1408 2023/05/14 19:33:40 - mmengine - INFO - Epoch(train) [32][ 900/1879] lr: 2.0000e-02 eta: 1 day, 7:08:42 time: 0.8503 data_time: 0.0269 memory: 9812 grad_norm: 2.9389 loss: 2.7437 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6018 distill.loss_dist: 1.1419 2023/05/14 19:33:58 - mmengine - INFO - Epoch(train) [32][ 920/1879] lr: 2.0000e-02 eta: 1 day, 7:08:26 time: 0.9112 data_time: 0.0295 memory: 9812 grad_norm: 2.9601 loss: 2.7550 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5952 distill.loss_dist: 1.1598 2023/05/14 19:34:16 - mmengine - INFO - Epoch(train) [32][ 940/1879] lr: 2.0000e-02 eta: 1 day, 7:08:11 time: 0.9108 data_time: 0.0251 memory: 9812 grad_norm: 2.9198 loss: 2.7139 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5503 distill.loss_dist: 1.1636 2023/05/14 19:34:33 - mmengine - INFO - Epoch(train) [32][ 960/1879] lr: 2.0000e-02 eta: 1 day, 7:07:52 time: 0.8337 data_time: 0.0229 memory: 9812 grad_norm: 2.9263 loss: 2.6892 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5501 distill.loss_dist: 1.1391 2023/05/14 19:34:49 - mmengine - INFO - Epoch(train) [32][ 980/1879] lr: 2.0000e-02 eta: 1 day, 7:07:31 time: 0.8084 data_time: 0.0292 memory: 9812 grad_norm: 2.9613 loss: 2.7717 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6130 distill.loss_dist: 1.1587 2023/05/14 19:35:07 - mmengine - INFO - Epoch(train) [32][1000/1879] lr: 2.0000e-02 eta: 1 day, 7:07:14 time: 0.8756 data_time: 0.0267 memory: 9812 grad_norm: 2.9405 loss: 2.5739 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.4348 distill.loss_dist: 1.1392 2023/05/14 19:35:23 - mmengine - INFO - Epoch(train) [32][1020/1879] lr: 2.0000e-02 eta: 1 day, 7:06:54 time: 0.8052 data_time: 0.0236 memory: 9812 grad_norm: 2.9047 loss: 2.7137 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5625 distill.loss_dist: 1.1513 2023/05/14 19:35:42 - mmengine - INFO - Epoch(train) [32][1040/1879] lr: 2.0000e-02 eta: 1 day, 7:06:40 time: 0.9557 data_time: 0.0272 memory: 9812 grad_norm: 3.0202 loss: 2.6534 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5032 distill.loss_dist: 1.1502 2023/05/14 19:35:59 - mmengine - INFO - Epoch(train) [32][1060/1879] lr: 2.0000e-02 eta: 1 day, 7:06:21 time: 0.8240 data_time: 0.0316 memory: 9812 grad_norm: 3.0512 loss: 2.5557 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4149 distill.loss_dist: 1.1408 2023/05/14 19:36:15 - mmengine - INFO - Epoch(train) [32][1080/1879] lr: 2.0000e-02 eta: 1 day, 7:06:02 time: 0.8411 data_time: 0.0263 memory: 9812 grad_norm: 2.9898 loss: 2.5632 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4351 distill.loss_dist: 1.1281 2023/05/14 19:36:33 - mmengine - INFO - Epoch(train) [32][1100/1879] lr: 2.0000e-02 eta: 1 day, 7:05:46 time: 0.8966 data_time: 0.0263 memory: 9812 grad_norm: 2.9165 loss: 2.7526 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5824 distill.loss_dist: 1.1702 2023/05/14 19:36:51 - mmengine - INFO - Epoch(train) [32][1120/1879] lr: 2.0000e-02 eta: 1 day, 7:05:29 time: 0.8929 data_time: 0.0271 memory: 9812 grad_norm: 2.9672 loss: 2.7149 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5840 distill.loss_dist: 1.1310 2023/05/14 19:37:08 - mmengine - INFO - Epoch(train) [32][1140/1879] lr: 2.0000e-02 eta: 1 day, 7:05:11 time: 0.8574 data_time: 0.0250 memory: 9812 grad_norm: 2.8881 loss: 2.5371 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4302 distill.loss_dist: 1.1069 2023/05/14 19:37:26 - mmengine - INFO - Epoch(train) [32][1160/1879] lr: 2.0000e-02 eta: 1 day, 7:04:54 time: 0.8788 data_time: 0.0258 memory: 9812 grad_norm: 2.8804 loss: 2.6508 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5261 distill.loss_dist: 1.1248 2023/05/14 19:37:44 - mmengine - INFO - Epoch(train) [32][1180/1879] lr: 2.0000e-02 eta: 1 day, 7:04:39 time: 0.9161 data_time: 0.0260 memory: 9812 grad_norm: 2.9576 loss: 2.8738 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7327 distill.loss_dist: 1.1411 2023/05/14 19:38:00 - mmengine - INFO - Epoch(train) [32][1200/1879] lr: 2.0000e-02 eta: 1 day, 7:04:17 time: 0.7809 data_time: 0.0296 memory: 9812 grad_norm: 2.9758 loss: 2.8692 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.6760 distill.loss_dist: 1.1932 2023/05/14 19:38:16 - mmengine - INFO - Epoch(train) [32][1220/1879] lr: 2.0000e-02 eta: 1 day, 7:03:57 time: 0.8077 data_time: 0.0312 memory: 9812 grad_norm: 2.9067 loss: 2.7992 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.6196 distill.loss_dist: 1.1796 2023/05/14 19:38:34 - mmengine - INFO - Epoch(train) [32][1240/1879] lr: 2.0000e-02 eta: 1 day, 7:03:41 time: 0.8894 data_time: 0.0390 memory: 9812 grad_norm: 2.9296 loss: 2.7471 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5846 distill.loss_dist: 1.1625 2023/05/14 19:38:51 - mmengine - INFO - Epoch(train) [32][1260/1879] lr: 2.0000e-02 eta: 1 day, 7:03:22 time: 0.8401 data_time: 0.1098 memory: 9812 grad_norm: 3.0170 loss: 2.6715 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5180 distill.loss_dist: 1.1535 2023/05/14 19:39:07 - mmengine - INFO - Epoch(train) [32][1280/1879] lr: 2.0000e-02 eta: 1 day, 7:03:02 time: 0.8162 data_time: 0.0410 memory: 9812 grad_norm: 2.9817 loss: 2.6781 student.top1_acc: 0.3125 student.top5_acc: 0.8750 student.loss_cls: 1.5515 distill.loss_dist: 1.1266 2023/05/14 19:39:24 - mmengine - INFO - Epoch(train) [32][1300/1879] lr: 2.0000e-02 eta: 1 day, 7:02:45 time: 0.8662 data_time: 0.1199 memory: 9812 grad_norm: 3.0551 loss: 2.6750 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.5345 distill.loss_dist: 1.1405 2023/05/14 19:39:43 - mmengine - INFO - Epoch(train) [32][1320/1879] lr: 2.0000e-02 eta: 1 day, 7:02:30 time: 0.9266 data_time: 0.2219 memory: 9812 grad_norm: 2.9181 loss: 2.7262 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.5727 distill.loss_dist: 1.1535 2023/05/14 19:40:00 - mmengine - INFO - Epoch(train) [32][1340/1879] lr: 2.0000e-02 eta: 1 day, 7:02:10 time: 0.8295 data_time: 0.2160 memory: 9812 grad_norm: 2.9542 loss: 2.8943 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7060 distill.loss_dist: 1.1883 2023/05/14 19:40:16 - mmengine - INFO - Epoch(train) [32][1360/1879] lr: 2.0000e-02 eta: 1 day, 7:01:52 time: 0.8443 data_time: 0.1985 memory: 9812 grad_norm: 2.9600 loss: 2.8083 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6066 distill.loss_dist: 1.2016 2023/05/14 19:40:36 - mmengine - INFO - Epoch(train) [32][1380/1879] lr: 2.0000e-02 eta: 1 day, 7:01:38 time: 0.9522 data_time: 0.3165 memory: 9812 grad_norm: 2.9424 loss: 2.5803 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4565 distill.loss_dist: 1.1239 2023/05/14 19:40:52 - mmengine - INFO - Epoch(train) [32][1400/1879] lr: 2.0000e-02 eta: 1 day, 7:01:19 time: 0.8399 data_time: 0.2200 memory: 9812 grad_norm: 2.9646 loss: 2.7143 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5771 distill.loss_dist: 1.1372 2023/05/14 19:41:08 - mmengine - INFO - Epoch(train) [32][1420/1879] lr: 2.0000e-02 eta: 1 day, 7:00:58 time: 0.7909 data_time: 0.2812 memory: 9812 grad_norm: 2.9935 loss: 2.6585 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5254 distill.loss_dist: 1.1331 2023/05/14 19:41:28 - mmengine - INFO - Epoch(train) [32][1440/1879] lr: 2.0000e-02 eta: 1 day, 7:00:45 time: 0.9671 data_time: 0.1890 memory: 9812 grad_norm: 2.8839 loss: 2.7153 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.5798 distill.loss_dist: 1.1356 2023/05/14 19:41:44 - mmengine - INFO - Epoch(train) [32][1460/1879] lr: 2.0000e-02 eta: 1 day, 7:00:26 time: 0.8291 data_time: 0.0234 memory: 9812 grad_norm: 2.9421 loss: 2.7437 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.6038 distill.loss_dist: 1.1399 2023/05/14 19:42:01 - mmengine - INFO - Epoch(train) [32][1480/1879] lr: 2.0000e-02 eta: 1 day, 7:00:07 time: 0.8314 data_time: 0.0260 memory: 9812 grad_norm: 2.8774 loss: 2.6768 student.top1_acc: 0.5000 student.top5_acc: 0.5625 student.loss_cls: 1.5598 distill.loss_dist: 1.1170 2023/05/14 19:42:20 - mmengine - INFO - Epoch(train) [32][1500/1879] lr: 2.0000e-02 eta: 1 day, 6:59:53 time: 0.9464 data_time: 0.0284 memory: 9812 grad_norm: 2.9565 loss: 2.8828 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7059 distill.loss_dist: 1.1769 2023/05/14 19:42:36 - mmengine - INFO - Epoch(train) [32][1520/1879] lr: 2.0000e-02 eta: 1 day, 6:59:32 time: 0.8069 data_time: 0.0808 memory: 9812 grad_norm: 2.9627 loss: 2.5092 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.4037 distill.loss_dist: 1.1055 2023/05/14 19:42:52 - mmengine - INFO - Epoch(train) [32][1540/1879] lr: 2.0000e-02 eta: 1 day, 6:59:12 time: 0.8040 data_time: 0.0281 memory: 9812 grad_norm: 2.9869 loss: 2.8444 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6632 distill.loss_dist: 1.1812 2023/05/14 19:43:11 - mmengine - INFO - Epoch(train) [32][1560/1879] lr: 2.0000e-02 eta: 1 day, 6:58:59 time: 0.9742 data_time: 0.0296 memory: 9812 grad_norm: 2.9274 loss: 2.7272 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5791 distill.loss_dist: 1.1481 2023/05/14 19:43:28 - mmengine - INFO - Epoch(train) [32][1580/1879] lr: 2.0000e-02 eta: 1 day, 6:58:40 time: 0.8271 data_time: 0.0250 memory: 9812 grad_norm: 2.9148 loss: 2.7425 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5636 distill.loss_dist: 1.1790 2023/05/14 19:43:45 - mmengine - INFO - Epoch(train) [32][1600/1879] lr: 2.0000e-02 eta: 1 day, 6:58:21 time: 0.8356 data_time: 0.0279 memory: 9812 grad_norm: 2.9519 loss: 2.5806 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.4656 distill.loss_dist: 1.1150 2023/05/14 19:44:03 - mmengine - INFO - Epoch(train) [32][1620/1879] lr: 2.0000e-02 eta: 1 day, 6:58:06 time: 0.9282 data_time: 0.0280 memory: 9812 grad_norm: 3.0437 loss: 2.8262 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6597 distill.loss_dist: 1.1665 2023/05/14 19:44:20 - mmengine - INFO - Epoch(train) [32][1640/1879] lr: 2.0000e-02 eta: 1 day, 6:57:47 time: 0.8322 data_time: 0.0270 memory: 9812 grad_norm: 2.9566 loss: 2.6907 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5472 distill.loss_dist: 1.1435 2023/05/14 19:44:37 - mmengine - INFO - Epoch(train) [32][1660/1879] lr: 2.0000e-02 eta: 1 day, 6:57:28 time: 0.8319 data_time: 0.0276 memory: 9812 grad_norm: 2.9087 loss: 2.9161 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.7599 distill.loss_dist: 1.1562 2023/05/14 19:44:57 - mmengine - INFO - Epoch(train) [32][1680/1879] lr: 2.0000e-02 eta: 1 day, 6:57:16 time: 0.9946 data_time: 0.0260 memory: 9812 grad_norm: 2.9696 loss: 2.6850 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5278 distill.loss_dist: 1.1572 2023/05/14 19:45:12 - mmengine - INFO - Epoch(train) [32][1700/1879] lr: 2.0000e-02 eta: 1 day, 6:56:54 time: 0.7672 data_time: 0.0301 memory: 9812 grad_norm: 2.9684 loss: 2.8098 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6469 distill.loss_dist: 1.1629 2023/05/14 19:45:29 - mmengine - INFO - Epoch(train) [32][1720/1879] lr: 2.0000e-02 eta: 1 day, 6:56:36 time: 0.8653 data_time: 0.0245 memory: 9812 grad_norm: 2.9148 loss: 2.6987 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5217 distill.loss_dist: 1.1770 2023/05/14 19:45:48 - mmengine - INFO - Epoch(train) [32][1740/1879] lr: 2.0000e-02 eta: 1 day, 6:56:21 time: 0.9291 data_time: 0.0272 memory: 9812 grad_norm: 2.9770 loss: 2.8045 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6479 distill.loss_dist: 1.1566 2023/05/14 19:45:57 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 19:46:04 - mmengine - INFO - Epoch(train) [32][1760/1879] lr: 2.0000e-02 eta: 1 day, 6:56:02 time: 0.8181 data_time: 0.0284 memory: 9812 grad_norm: 2.9615 loss: 2.9178 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7594 distill.loss_dist: 1.1584 2023/05/14 19:46:21 - mmengine - INFO - Epoch(train) [32][1780/1879] lr: 2.0000e-02 eta: 1 day, 6:55:43 time: 0.8455 data_time: 0.0236 memory: 9812 grad_norm: 2.9712 loss: 3.0332 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 1.8541 distill.loss_dist: 1.1791 2023/05/14 19:46:40 - mmengine - INFO - Epoch(train) [32][1800/1879] lr: 2.0000e-02 eta: 1 day, 6:55:28 time: 0.9288 data_time: 0.0249 memory: 9812 grad_norm: 2.9408 loss: 2.6853 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5477 distill.loss_dist: 1.1376 2023/05/14 19:46:57 - mmengine - INFO - Epoch(train) [32][1820/1879] lr: 2.0000e-02 eta: 1 day, 6:55:10 time: 0.8580 data_time: 0.0278 memory: 9812 grad_norm: 2.9563 loss: 2.8346 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6623 distill.loss_dist: 1.1723 2023/05/14 19:47:14 - mmengine - INFO - Epoch(train) [32][1840/1879] lr: 2.0000e-02 eta: 1 day, 6:54:52 time: 0.8611 data_time: 0.0266 memory: 9812 grad_norm: 2.9201 loss: 2.8141 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6790 distill.loss_dist: 1.1351 2023/05/14 19:47:32 - mmengine - INFO - Epoch(train) [32][1860/1879] lr: 2.0000e-02 eta: 1 day, 6:54:36 time: 0.8987 data_time: 0.0263 memory: 9812 grad_norm: 2.9340 loss: 2.5279 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3839 distill.loss_dist: 1.1441 2023/05/14 19:47:45 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 19:47:45 - mmengine - INFO - Epoch(train) [32][1879/1879] lr: 2.0000e-02 eta: 1 day, 6:54:12 time: 0.6749 data_time: 0.0221 memory: 9812 grad_norm: 3.0398 loss: 2.9900 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.7894 distill.loss_dist: 1.2005 2023/05/14 19:48:05 - mmengine - INFO - Epoch(val) [32][ 20/155] eta: 0:02:11 time: 0.9704 data_time: 0.9040 memory: 1484 2023/05/14 19:48:18 - mmengine - INFO - Epoch(val) [32][ 40/155] eta: 0:01:34 time: 0.6793 data_time: 0.6116 memory: 1484 2023/05/14 19:48:36 - mmengine - INFO - Epoch(val) [32][ 60/155] eta: 0:01:21 time: 0.9092 data_time: 0.8433 memory: 1484 2023/05/14 19:48:50 - mmengine - INFO - Epoch(val) [32][ 80/155] eta: 0:01:00 time: 0.6866 data_time: 0.6254 memory: 1484 2023/05/14 19:49:08 - mmengine - INFO - Epoch(val) [32][100/155] eta: 0:00:45 time: 0.9099 data_time: 0.8445 memory: 1484 2023/05/14 19:49:22 - mmengine - INFO - Epoch(val) [32][120/155] eta: 0:00:28 time: 0.7026 data_time: 0.6428 memory: 1484 2023/05/14 19:49:42 - mmengine - INFO - Epoch(val) [32][140/155] eta: 0:00:12 time: 0.9732 data_time: 0.9134 memory: 1484 2023/05/14 19:50:13 - mmengine - INFO - Epoch(val) [32][ 20/155] eta: 0:16:21 time: 1.0172 data_time: 0.8630 memory: 1582 2023/05/14 19:50:26 - mmengine - INFO - Epoch(val) [32][ 40/155] eta: 0:07:36 time: 0.6724 data_time: 0.5181 memory: 1582 2023/05/14 19:50:45 - mmengine - INFO - Epoch(val) [32][ 60/155] eta: 0:04:40 time: 0.9258 data_time: 0.7738 memory: 1582 2023/05/14 19:50:59 - mmengine - INFO - Epoch(val) [32][ 80/155] eta: 0:02:59 time: 0.7130 data_time: 0.5604 memory: 1582 2023/05/14 19:51:18 - mmengine - INFO - Epoch(val) [32][100/155] eta: 0:01:55 time: 0.9478 data_time: 0.7917 memory: 1582 2023/05/14 19:51:31 - mmengine - INFO - Epoch(val) [32][120/155] eta: 0:01:05 time: 0.6813 data_time: 0.5285 memory: 1582 2023/05/14 19:51:51 - mmengine - INFO - Epoch(val) [32][140/155] eta: 0:00:26 time: 0.9954 data_time: 0.8442 memory: 1582 2023/05/14 19:52:01 - mmengine - INFO - Epoch(val) [32][155/155] acc/top1: 0.6251 acc/top5: 0.8488 acc/mean1: 0.6250 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6658 time: 0.8171 2023/05/14 19:52:01 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_29.pth is removed 2023/05/14 19:52:02 - mmengine - INFO - The best checkpoint with 0.6251 acc/top1 at 32 epoch is saved to best_acc_top1_epoch_32.pth. 2023/05/14 19:52:25 - mmengine - INFO - Epoch(train) [33][ 20/1879] lr: 2.0000e-02 eta: 1 day, 6:54:05 time: 1.1161 data_time: 0.6905 memory: 9812 grad_norm: 2.8939 loss: 2.7588 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5787 distill.loss_dist: 1.1801 2023/05/14 19:52:41 - mmengine - INFO - Epoch(train) [33][ 40/1879] lr: 2.0000e-02 eta: 1 day, 6:53:45 time: 0.8054 data_time: 0.3741 memory: 9812 grad_norm: 2.9527 loss: 2.8645 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6966 distill.loss_dist: 1.1679 2023/05/14 19:52:58 - mmengine - INFO - Epoch(train) [33][ 60/1879] lr: 2.0000e-02 eta: 1 day, 6:53:27 time: 0.8479 data_time: 0.3950 memory: 9812 grad_norm: 2.8444 loss: 2.8314 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.6888 distill.loss_dist: 1.1427 2023/05/14 19:53:16 - mmengine - INFO - Epoch(train) [33][ 80/1879] lr: 2.0000e-02 eta: 1 day, 6:53:10 time: 0.8983 data_time: 0.4421 memory: 9812 grad_norm: 2.8776 loss: 2.5234 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4084 distill.loss_dist: 1.1150 2023/05/14 19:53:33 - mmengine - INFO - Epoch(train) [33][ 100/1879] lr: 2.0000e-02 eta: 1 day, 6:52:53 time: 0.8726 data_time: 0.1909 memory: 9812 grad_norm: 2.9752 loss: 2.5996 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4423 distill.loss_dist: 1.1573 2023/05/14 19:53:49 - mmengine - INFO - Epoch(train) [33][ 120/1879] lr: 2.0000e-02 eta: 1 day, 6:52:33 time: 0.8172 data_time: 0.2699 memory: 9812 grad_norm: 2.9424 loss: 2.6562 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.4695 distill.loss_dist: 1.1867 2023/05/14 19:54:07 - mmengine - INFO - Epoch(train) [33][ 140/1879] lr: 2.0000e-02 eta: 1 day, 6:52:17 time: 0.8857 data_time: 0.1093 memory: 9812 grad_norm: 2.9006 loss: 2.8730 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7165 distill.loss_dist: 1.1564 2023/05/14 19:54:26 - mmengine - INFO - Epoch(train) [33][ 160/1879] lr: 2.0000e-02 eta: 1 day, 6:52:03 time: 0.9605 data_time: 0.0235 memory: 9812 grad_norm: 2.8819 loss: 2.4103 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.2929 distill.loss_dist: 1.1175 2023/05/14 19:54:43 - mmengine - INFO - Epoch(train) [33][ 180/1879] lr: 2.0000e-02 eta: 1 day, 6:51:44 time: 0.8382 data_time: 0.0243 memory: 9812 grad_norm: 3.0138 loss: 2.7966 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6479 distill.loss_dist: 1.1487 2023/05/14 19:55:00 - mmengine - INFO - Epoch(train) [33][ 200/1879] lr: 2.0000e-02 eta: 1 day, 6:51:25 time: 0.8264 data_time: 0.0290 memory: 9812 grad_norm: 2.9960 loss: 2.7123 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5497 distill.loss_dist: 1.1626 2023/05/14 19:55:19 - mmengine - INFO - Epoch(train) [33][ 220/1879] lr: 2.0000e-02 eta: 1 day, 6:51:12 time: 0.9713 data_time: 0.0246 memory: 9812 grad_norm: 2.9275 loss: 2.7743 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6205 distill.loss_dist: 1.1538 2023/05/14 19:55:36 - mmengine - INFO - Epoch(train) [33][ 240/1879] lr: 2.0000e-02 eta: 1 day, 6:50:53 time: 0.8317 data_time: 0.0267 memory: 9812 grad_norm: 2.9447 loss: 2.7572 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6075 distill.loss_dist: 1.1496 2023/05/14 19:55:53 - mmengine - INFO - Epoch(train) [33][ 260/1879] lr: 2.0000e-02 eta: 1 day, 6:50:35 time: 0.8620 data_time: 0.0257 memory: 9812 grad_norm: 2.9202 loss: 2.7050 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5491 distill.loss_dist: 1.1559 2023/05/14 19:56:12 - mmengine - INFO - Epoch(train) [33][ 280/1879] lr: 2.0000e-02 eta: 1 day, 6:50:20 time: 0.9390 data_time: 0.0259 memory: 9812 grad_norm: 2.9735 loss: 2.7261 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5732 distill.loss_dist: 1.1529 2023/05/14 19:56:28 - mmengine - INFO - Epoch(train) [33][ 300/1879] lr: 2.0000e-02 eta: 1 day, 6:50:01 time: 0.8244 data_time: 0.0279 memory: 9812 grad_norm: 2.9360 loss: 2.7205 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.5944 distill.loss_dist: 1.1261 2023/05/14 19:56:45 - mmengine - INFO - Epoch(train) [33][ 320/1879] lr: 2.0000e-02 eta: 1 day, 6:49:42 time: 0.8272 data_time: 0.0269 memory: 9812 grad_norm: 2.9164 loss: 2.7622 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6150 distill.loss_dist: 1.1471 2023/05/14 19:57:03 - mmengine - INFO - Epoch(train) [33][ 340/1879] lr: 2.0000e-02 eta: 1 day, 6:49:27 time: 0.9280 data_time: 0.0239 memory: 9812 grad_norm: 2.9846 loss: 2.6458 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5000 distill.loss_dist: 1.1458 2023/05/14 19:57:20 - mmengine - INFO - Epoch(train) [33][ 360/1879] lr: 2.0000e-02 eta: 1 day, 6:49:07 time: 0.8226 data_time: 0.0296 memory: 9812 grad_norm: 2.9406 loss: 2.9122 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7208 distill.loss_dist: 1.1913 2023/05/14 19:57:36 - mmengine - INFO - Epoch(train) [33][ 380/1879] lr: 2.0000e-02 eta: 1 day, 6:48:47 time: 0.8136 data_time: 0.0272 memory: 9812 grad_norm: 3.0100 loss: 2.7889 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6056 distill.loss_dist: 1.1833 2023/05/14 19:57:56 - mmengine - INFO - Epoch(train) [33][ 400/1879] lr: 2.0000e-02 eta: 1 day, 6:48:34 time: 0.9627 data_time: 0.0267 memory: 9812 grad_norm: 2.9331 loss: 2.7814 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6376 distill.loss_dist: 1.1438 2023/05/14 19:58:12 - mmengine - INFO - Epoch(train) [33][ 420/1879] lr: 2.0000e-02 eta: 1 day, 6:48:14 time: 0.8190 data_time: 0.0296 memory: 9812 grad_norm: 2.9269 loss: 2.7443 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5934 distill.loss_dist: 1.1509 2023/05/14 19:58:29 - mmengine - INFO - Epoch(train) [33][ 440/1879] lr: 2.0000e-02 eta: 1 day, 6:47:57 time: 0.8635 data_time: 0.0267 memory: 9812 grad_norm: 2.9531 loss: 2.7267 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5595 distill.loss_dist: 1.1672 2023/05/14 19:58:46 - mmengine - INFO - Epoch(train) [33][ 460/1879] lr: 2.0000e-02 eta: 1 day, 6:47:38 time: 0.8311 data_time: 0.0285 memory: 9812 grad_norm: 2.8632 loss: 2.7312 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5706 distill.loss_dist: 1.1606 2023/05/14 19:59:03 - mmengine - INFO - Epoch(train) [33][ 480/1879] lr: 2.0000e-02 eta: 1 day, 6:47:19 time: 0.8340 data_time: 0.0293 memory: 9812 grad_norm: 2.8937 loss: 2.6649 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5151 distill.loss_dist: 1.1497 2023/05/14 19:59:20 - mmengine - INFO - Epoch(train) [33][ 500/1879] lr: 2.0000e-02 eta: 1 day, 6:47:02 time: 0.8923 data_time: 0.0223 memory: 9812 grad_norm: 2.9552 loss: 2.7897 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6282 distill.loss_dist: 1.1615 2023/05/14 19:59:39 - mmengine - INFO - Epoch(train) [33][ 520/1879] lr: 2.0000e-02 eta: 1 day, 6:46:48 time: 0.9482 data_time: 0.0245 memory: 9812 grad_norm: 2.9427 loss: 2.7074 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5580 distill.loss_dist: 1.1494 2023/05/14 19:59:56 - mmengine - INFO - Epoch(train) [33][ 540/1879] lr: 2.0000e-02 eta: 1 day, 6:46:28 time: 0.8129 data_time: 0.0304 memory: 9812 grad_norm: 2.9101 loss: 2.6127 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4813 distill.loss_dist: 1.1314 2023/05/14 20:00:13 - mmengine - INFO - Epoch(train) [33][ 560/1879] lr: 2.0000e-02 eta: 1 day, 6:46:10 time: 0.8538 data_time: 0.0225 memory: 9812 grad_norm: 2.9076 loss: 2.6315 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.5204 distill.loss_dist: 1.1111 2023/05/14 20:00:32 - mmengine - INFO - Epoch(train) [33][ 580/1879] lr: 2.0000e-02 eta: 1 day, 6:45:57 time: 0.9741 data_time: 0.0250 memory: 9812 grad_norm: 2.9031 loss: 2.6227 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4761 distill.loss_dist: 1.1466 2023/05/14 20:00:47 - mmengine - INFO - Epoch(train) [33][ 600/1879] lr: 2.0000e-02 eta: 1 day, 6:45:35 time: 0.7610 data_time: 0.0296 memory: 9812 grad_norm: 2.9604 loss: 2.5319 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3880 distill.loss_dist: 1.1439 2023/05/14 20:01:05 - mmengine - INFO - Epoch(train) [33][ 620/1879] lr: 2.0000e-02 eta: 1 day, 6:45:17 time: 0.8683 data_time: 0.0263 memory: 9812 grad_norm: 2.9541 loss: 2.7349 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5653 distill.loss_dist: 1.1696 2023/05/14 20:01:24 - mmengine - INFO - Epoch(train) [33][ 640/1879] lr: 2.0000e-02 eta: 1 day, 6:45:05 time: 0.9816 data_time: 0.0246 memory: 9812 grad_norm: 2.9864 loss: 2.6457 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5163 distill.loss_dist: 1.1294 2023/05/14 20:01:41 - mmengine - INFO - Epoch(train) [33][ 660/1879] lr: 2.0000e-02 eta: 1 day, 6:44:45 time: 0.8104 data_time: 0.0254 memory: 9812 grad_norm: 2.9927 loss: 2.8480 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6787 distill.loss_dist: 1.1693 2023/05/14 20:01:56 - mmengine - INFO - Epoch(train) [33][ 680/1879] lr: 2.0000e-02 eta: 1 day, 6:44:22 time: 0.7575 data_time: 0.0267 memory: 9812 grad_norm: 2.9447 loss: 2.6211 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4747 distill.loss_dist: 1.1464 2023/05/14 20:02:14 - mmengine - INFO - Epoch(train) [33][ 700/1879] lr: 2.0000e-02 eta: 1 day, 6:44:07 time: 0.9191 data_time: 0.0261 memory: 9812 grad_norm: 2.8763 loss: 2.5247 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4035 distill.loss_dist: 1.1212 2023/05/14 20:02:32 - mmengine - INFO - Epoch(train) [33][ 720/1879] lr: 2.0000e-02 eta: 1 day, 6:43:50 time: 0.8749 data_time: 0.0262 memory: 9812 grad_norm: 2.9584 loss: 2.6901 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5193 distill.loss_dist: 1.1708 2023/05/14 20:02:48 - mmengine - INFO - Epoch(train) [33][ 740/1879] lr: 2.0000e-02 eta: 1 day, 6:43:29 time: 0.8002 data_time: 0.0298 memory: 9812 grad_norm: 2.9428 loss: 2.6413 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5182 distill.loss_dist: 1.1231 2023/05/14 20:03:07 - mmengine - INFO - Epoch(train) [33][ 760/1879] lr: 2.0000e-02 eta: 1 day, 6:43:15 time: 0.9368 data_time: 0.0288 memory: 9812 grad_norm: 2.9700 loss: 2.7399 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.5838 distill.loss_dist: 1.1561 2023/05/14 20:03:23 - mmengine - INFO - Epoch(train) [33][ 780/1879] lr: 2.0000e-02 eta: 1 day, 6:42:55 time: 0.8207 data_time: 0.0290 memory: 9812 grad_norm: 2.9556 loss: 2.7507 student.top1_acc: 0.3750 student.top5_acc: 0.5000 student.loss_cls: 1.6037 distill.loss_dist: 1.1470 2023/05/14 20:03:40 - mmengine - INFO - Epoch(train) [33][ 800/1879] lr: 2.0000e-02 eta: 1 day, 6:42:38 time: 0.8679 data_time: 0.0257 memory: 9812 grad_norm: 2.9166 loss: 2.7878 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6331 distill.loss_dist: 1.1547 2023/05/14 20:03:58 - mmengine - INFO - Epoch(train) [33][ 820/1879] lr: 2.0000e-02 eta: 1 day, 6:42:20 time: 0.8719 data_time: 0.0261 memory: 9812 grad_norm: 2.9750 loss: 2.6990 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5560 distill.loss_dist: 1.1430 2023/05/14 20:04:15 - mmengine - INFO - Epoch(train) [33][ 840/1879] lr: 2.0000e-02 eta: 1 day, 6:42:02 time: 0.8436 data_time: 0.0293 memory: 9812 grad_norm: 2.9939 loss: 2.7486 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.6034 distill.loss_dist: 1.1452 2023/05/14 20:04:32 - mmengine - INFO - Epoch(train) [33][ 860/1879] lr: 2.0000e-02 eta: 1 day, 6:41:44 time: 0.8620 data_time: 0.0816 memory: 9812 grad_norm: 2.8820 loss: 2.7075 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.5660 distill.loss_dist: 1.1415 2023/05/14 20:04:43 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 20:04:49 - mmengine - INFO - Epoch(train) [33][ 880/1879] lr: 2.0000e-02 eta: 1 day, 6:41:27 time: 0.8796 data_time: 0.0268 memory: 9812 grad_norm: 2.9635 loss: 2.8395 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.6944 distill.loss_dist: 1.1452 2023/05/14 20:05:07 - mmengine - INFO - Epoch(train) [33][ 900/1879] lr: 2.0000e-02 eta: 1 day, 6:41:10 time: 0.8752 data_time: 0.0248 memory: 9812 grad_norm: 2.9385 loss: 2.5951 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4508 distill.loss_dist: 1.1443 2023/05/14 20:05:23 - mmengine - INFO - Epoch(train) [33][ 920/1879] lr: 2.0000e-02 eta: 1 day, 6:40:50 time: 0.8220 data_time: 0.0786 memory: 9812 grad_norm: 2.9847 loss: 3.0266 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.8593 distill.loss_dist: 1.1672 2023/05/14 20:05:42 - mmengine - INFO - Epoch(train) [33][ 940/1879] lr: 2.0000e-02 eta: 1 day, 6:40:36 time: 0.9405 data_time: 0.0674 memory: 9812 grad_norm: 2.9172 loss: 2.6492 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5160 distill.loss_dist: 1.1332 2023/05/14 20:05:59 - mmengine - INFO - Epoch(train) [33][ 960/1879] lr: 2.0000e-02 eta: 1 day, 6:40:17 time: 0.8335 data_time: 0.0279 memory: 9812 grad_norm: 2.9916 loss: 2.8201 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.6542 distill.loss_dist: 1.1659 2023/05/14 20:06:16 - mmengine - INFO - Epoch(train) [33][ 980/1879] lr: 2.0000e-02 eta: 1 day, 6:39:58 time: 0.8459 data_time: 0.0255 memory: 9812 grad_norm: 3.0155 loss: 2.8144 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6281 distill.loss_dist: 1.1863 2023/05/14 20:06:33 - mmengine - INFO - Epoch(train) [33][1000/1879] lr: 2.0000e-02 eta: 1 day, 6:39:41 time: 0.8730 data_time: 0.0273 memory: 9812 grad_norm: 2.9446 loss: 2.7769 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6255 distill.loss_dist: 1.1514 2023/05/14 20:06:50 - mmengine - INFO - Epoch(train) [33][1020/1879] lr: 2.0000e-02 eta: 1 day, 6:39:22 time: 0.8298 data_time: 0.0276 memory: 9812 grad_norm: 3.0629 loss: 2.8283 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6470 distill.loss_dist: 1.1813 2023/05/14 20:07:07 - mmengine - INFO - Epoch(train) [33][1040/1879] lr: 2.0000e-02 eta: 1 day, 6:39:04 time: 0.8685 data_time: 0.0245 memory: 9812 grad_norm: 2.8965 loss: 2.5667 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4446 distill.loss_dist: 1.1222 2023/05/14 20:07:26 - mmengine - INFO - Epoch(train) [33][1060/1879] lr: 2.0000e-02 eta: 1 day, 6:38:50 time: 0.9484 data_time: 0.0267 memory: 9812 grad_norm: 2.8546 loss: 2.7765 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6033 distill.loss_dist: 1.1732 2023/05/14 20:07:43 - mmengine - INFO - Epoch(train) [33][1080/1879] lr: 2.0000e-02 eta: 1 day, 6:38:31 time: 0.8351 data_time: 0.0317 memory: 9812 grad_norm: 3.0087 loss: 2.7927 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6329 distill.loss_dist: 1.1599 2023/05/14 20:08:00 - mmengine - INFO - Epoch(train) [33][1100/1879] lr: 2.0000e-02 eta: 1 day, 6:38:13 time: 0.8450 data_time: 0.0272 memory: 9812 grad_norm: 2.9197 loss: 2.7174 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5801 distill.loss_dist: 1.1373 2023/05/14 20:08:18 - mmengine - INFO - Epoch(train) [33][1120/1879] lr: 2.0000e-02 eta: 1 day, 6:37:58 time: 0.9196 data_time: 0.0265 memory: 9812 grad_norm: 2.9221 loss: 2.7602 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5956 distill.loss_dist: 1.1646 2023/05/14 20:08:35 - mmengine - INFO - Epoch(train) [33][1140/1879] lr: 2.0000e-02 eta: 1 day, 6:37:39 time: 0.8444 data_time: 0.0274 memory: 9812 grad_norm: 2.9564 loss: 2.7753 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.6292 distill.loss_dist: 1.1461 2023/05/14 20:08:51 - mmengine - INFO - Epoch(train) [33][1160/1879] lr: 2.0000e-02 eta: 1 day, 6:37:18 time: 0.7817 data_time: 0.0260 memory: 9812 grad_norm: 3.0154 loss: 2.7421 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5968 distill.loss_dist: 1.1453 2023/05/14 20:09:10 - mmengine - INFO - Epoch(train) [33][1180/1879] lr: 2.0000e-02 eta: 1 day, 6:37:03 time: 0.9337 data_time: 0.0584 memory: 9812 grad_norm: 2.9563 loss: 2.8119 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6457 distill.loss_dist: 1.1662 2023/05/14 20:09:27 - mmengine - INFO - Epoch(train) [33][1200/1879] lr: 2.0000e-02 eta: 1 day, 6:36:46 time: 0.8698 data_time: 0.0250 memory: 9812 grad_norm: 2.9189 loss: 2.7853 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.6218 distill.loss_dist: 1.1635 2023/05/14 20:09:43 - mmengine - INFO - Epoch(train) [33][1220/1879] lr: 2.0000e-02 eta: 1 day, 6:36:25 time: 0.7965 data_time: 0.0275 memory: 9812 grad_norm: 2.8247 loss: 2.5004 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3587 distill.loss_dist: 1.1417 2023/05/14 20:10:01 - mmengine - INFO - Epoch(train) [33][1240/1879] lr: 2.0000e-02 eta: 1 day, 6:36:09 time: 0.9008 data_time: 0.0418 memory: 9812 grad_norm: 3.0021 loss: 2.7960 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6278 distill.loss_dist: 1.1683 2023/05/14 20:10:18 - mmengine - INFO - Epoch(train) [33][1260/1879] lr: 2.0000e-02 eta: 1 day, 6:35:51 time: 0.8481 data_time: 0.0266 memory: 9812 grad_norm: 2.9500 loss: 2.6756 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5320 distill.loss_dist: 1.1435 2023/05/14 20:10:36 - mmengine - INFO - Epoch(train) [33][1280/1879] lr: 2.0000e-02 eta: 1 day, 6:35:34 time: 0.8783 data_time: 0.1881 memory: 9812 grad_norm: 2.9142 loss: 2.7561 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5903 distill.loss_dist: 1.1657 2023/05/14 20:10:53 - mmengine - INFO - Epoch(train) [33][1300/1879] lr: 2.0000e-02 eta: 1 day, 6:35:17 time: 0.8872 data_time: 0.0994 memory: 9812 grad_norm: 2.8964 loss: 2.5903 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4555 distill.loss_dist: 1.1347 2023/05/14 20:11:11 - mmengine - INFO - Epoch(train) [33][1320/1879] lr: 2.0000e-02 eta: 1 day, 6:34:59 time: 0.8709 data_time: 0.0331 memory: 9812 grad_norm: 3.0135 loss: 2.6470 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.4945 distill.loss_dist: 1.1524 2023/05/14 20:11:28 - mmengine - INFO - Epoch(train) [33][1340/1879] lr: 2.0000e-02 eta: 1 day, 6:34:41 time: 0.8360 data_time: 0.0246 memory: 9812 grad_norm: 2.9532 loss: 2.9668 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7785 distill.loss_dist: 1.1883 2023/05/14 20:11:45 - mmengine - INFO - Epoch(train) [33][1360/1879] lr: 2.0000e-02 eta: 1 day, 6:34:24 time: 0.8836 data_time: 0.0277 memory: 9812 grad_norm: 2.8870 loss: 2.7971 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6386 distill.loss_dist: 1.1585 2023/05/14 20:12:03 - mmengine - INFO - Epoch(train) [33][1380/1879] lr: 2.0000e-02 eta: 1 day, 6:34:07 time: 0.8790 data_time: 0.0249 memory: 9812 grad_norm: 2.9372 loss: 2.7233 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5642 distill.loss_dist: 1.1591 2023/05/14 20:12:19 - mmengine - INFO - Epoch(train) [33][1400/1879] lr: 2.0000e-02 eta: 1 day, 6:33:48 time: 0.8323 data_time: 0.0255 memory: 9812 grad_norm: 2.9045 loss: 2.6085 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.4527 distill.loss_dist: 1.1558 2023/05/14 20:12:37 - mmengine - INFO - Epoch(train) [33][1420/1879] lr: 2.0000e-02 eta: 1 day, 6:33:30 time: 0.8729 data_time: 0.0694 memory: 9812 grad_norm: 2.9934 loss: 2.8029 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.6331 distill.loss_dist: 1.1698 2023/05/14 20:12:55 - mmengine - INFO - Epoch(train) [33][1440/1879] lr: 2.0000e-02 eta: 1 day, 6:33:13 time: 0.8791 data_time: 0.0944 memory: 9812 grad_norm: 2.8880 loss: 2.7740 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6135 distill.loss_dist: 1.1605 2023/05/14 20:13:11 - mmengine - INFO - Epoch(train) [33][1460/1879] lr: 2.0000e-02 eta: 1 day, 6:32:55 time: 0.8380 data_time: 0.0248 memory: 9812 grad_norm: 2.9373 loss: 2.9787 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 1.8178 distill.loss_dist: 1.1609 2023/05/14 20:13:30 - mmengine - INFO - Epoch(train) [33][1480/1879] lr: 2.0000e-02 eta: 1 day, 6:32:39 time: 0.9276 data_time: 0.0278 memory: 9812 grad_norm: 2.9283 loss: 2.6766 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5269 distill.loss_dist: 1.1497 2023/05/14 20:13:47 - mmengine - INFO - Epoch(train) [33][1500/1879] lr: 2.0000e-02 eta: 1 day, 6:32:21 time: 0.8501 data_time: 0.0251 memory: 9812 grad_norm: 2.9124 loss: 2.6597 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5223 distill.loss_dist: 1.1374 2023/05/14 20:14:04 - mmengine - INFO - Epoch(train) [33][1520/1879] lr: 2.0000e-02 eta: 1 day, 6:32:03 time: 0.8576 data_time: 0.0266 memory: 9812 grad_norm: 2.9360 loss: 2.6240 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4860 distill.loss_dist: 1.1381 2023/05/14 20:14:20 - mmengine - INFO - Epoch(train) [33][1540/1879] lr: 2.0000e-02 eta: 1 day, 6:31:44 time: 0.8225 data_time: 0.0260 memory: 9812 grad_norm: 2.9063 loss: 2.5372 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4202 distill.loss_dist: 1.1170 2023/05/14 20:14:39 - mmengine - INFO - Epoch(train) [33][1560/1879] lr: 2.0000e-02 eta: 1 day, 6:31:29 time: 0.9312 data_time: 0.0245 memory: 9812 grad_norm: 2.8706 loss: 2.7183 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5753 distill.loss_dist: 1.1430 2023/05/14 20:14:55 - mmengine - INFO - Epoch(train) [33][1580/1879] lr: 2.0000e-02 eta: 1 day, 6:31:09 time: 0.8139 data_time: 0.0303 memory: 9812 grad_norm: 2.8957 loss: 2.6721 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5154 distill.loss_dist: 1.1567 2023/05/14 20:15:12 - mmengine - INFO - Epoch(train) [33][1600/1879] lr: 2.0000e-02 eta: 1 day, 6:30:49 time: 0.8058 data_time: 0.0226 memory: 9812 grad_norm: 2.9134 loss: 2.5883 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4467 distill.loss_dist: 1.1416 2023/05/14 20:15:30 - mmengine - INFO - Epoch(train) [33][1620/1879] lr: 2.0000e-02 eta: 1 day, 6:30:34 time: 0.9270 data_time: 0.0290 memory: 9812 grad_norm: 2.9126 loss: 2.8155 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6571 distill.loss_dist: 1.1584 2023/05/14 20:15:48 - mmengine - INFO - Epoch(train) [33][1640/1879] lr: 2.0000e-02 eta: 1 day, 6:30:17 time: 0.8918 data_time: 0.0244 memory: 9812 grad_norm: 3.0002 loss: 2.8760 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.7132 distill.loss_dist: 1.1627 2023/05/14 20:16:05 - mmengine - INFO - Epoch(train) [33][1660/1879] lr: 2.0000e-02 eta: 1 day, 6:29:59 time: 0.8417 data_time: 0.0300 memory: 9812 grad_norm: 2.9015 loss: 2.6593 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5075 distill.loss_dist: 1.1518 2023/05/14 20:16:22 - mmengine - INFO - Epoch(train) [33][1680/1879] lr: 2.0000e-02 eta: 1 day, 6:29:41 time: 0.8486 data_time: 0.0673 memory: 9812 grad_norm: 2.9828 loss: 2.8012 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6316 distill.loss_dist: 1.1696 2023/05/14 20:16:39 - mmengine - INFO - Epoch(train) [33][1700/1879] lr: 2.0000e-02 eta: 1 day, 6:29:23 time: 0.8695 data_time: 0.0714 memory: 9812 grad_norm: 2.9010 loss: 2.7439 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5984 distill.loss_dist: 1.1455 2023/05/14 20:16:56 - mmengine - INFO - Epoch(train) [33][1720/1879] lr: 2.0000e-02 eta: 1 day, 6:29:05 time: 0.8470 data_time: 0.0278 memory: 9812 grad_norm: 2.9707 loss: 2.7561 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6021 distill.loss_dist: 1.1540 2023/05/14 20:17:14 - mmengine - INFO - Epoch(train) [33][1740/1879] lr: 2.0000e-02 eta: 1 day, 6:28:47 time: 0.8736 data_time: 0.0728 memory: 9812 grad_norm: 2.9446 loss: 2.6031 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4855 distill.loss_dist: 1.1176 2023/05/14 20:17:32 - mmengine - INFO - Epoch(train) [33][1760/1879] lr: 2.0000e-02 eta: 1 day, 6:28:32 time: 0.9199 data_time: 0.0238 memory: 9812 grad_norm: 2.9969 loss: 2.8943 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.7080 distill.loss_dist: 1.1863 2023/05/14 20:17:49 - mmengine - INFO - Epoch(train) [33][1780/1879] lr: 2.0000e-02 eta: 1 day, 6:28:15 time: 0.8718 data_time: 0.0286 memory: 9812 grad_norm: 2.9126 loss: 2.6361 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.4821 distill.loss_dist: 1.1540 2023/05/14 20:18:05 - mmengine - INFO - Epoch(train) [33][1800/1879] lr: 2.0000e-02 eta: 1 day, 6:27:54 time: 0.7959 data_time: 0.0265 memory: 9812 grad_norm: 2.9262 loss: 2.8833 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7159 distill.loss_dist: 1.1675 2023/05/14 20:18:23 - mmengine - INFO - Epoch(train) [33][1820/1879] lr: 2.0000e-02 eta: 1 day, 6:27:37 time: 0.8731 data_time: 0.0231 memory: 9812 grad_norm: 2.9054 loss: 3.0270 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.8360 distill.loss_dist: 1.1910 2023/05/14 20:18:40 - mmengine - INFO - Epoch(train) [33][1840/1879] lr: 2.0000e-02 eta: 1 day, 6:27:19 time: 0.8499 data_time: 0.0548 memory: 9812 grad_norm: 2.8969 loss: 2.8833 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7274 distill.loss_dist: 1.1559 2023/05/14 20:18:58 - mmengine - INFO - Epoch(train) [33][1860/1879] lr: 2.0000e-02 eta: 1 day, 6:27:02 time: 0.9018 data_time: 0.3027 memory: 9812 grad_norm: 3.0104 loss: 2.7381 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5998 distill.loss_dist: 1.1383 2023/05/14 20:19:08 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 20:19:11 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 20:19:11 - mmengine - INFO - Epoch(train) [33][1879/1879] lr: 2.0000e-02 eta: 1 day, 6:26:38 time: 0.6635 data_time: 0.1294 memory: 9812 grad_norm: 2.9678 loss: 2.8470 student.top1_acc: 0.5714 student.top5_acc: 0.5714 student.loss_cls: 1.6790 distill.loss_dist: 1.1680 2023/05/14 20:19:11 - mmengine - INFO - Saving checkpoint at 33 epochs 2023/05/14 20:19:33 - mmengine - INFO - Epoch(val) [33][ 20/155] eta: 0:02:17 time: 1.0188 data_time: 0.9497 memory: 1484 2023/05/14 20:19:46 - mmengine - INFO - Epoch(val) [33][ 40/155] eta: 0:01:36 time: 0.6638 data_time: 0.5963 memory: 1484 2023/05/14 20:20:05 - mmengine - INFO - Epoch(val) [33][ 60/155] eta: 0:01:23 time: 0.9605 data_time: 0.8970 memory: 1484 2023/05/14 20:20:19 - mmengine - INFO - Epoch(val) [33][ 80/155] eta: 0:01:02 time: 0.6770 data_time: 0.6119 memory: 1484 2023/05/14 20:20:37 - mmengine - INFO - Epoch(val) [33][100/155] eta: 0:00:46 time: 0.9430 data_time: 0.8822 memory: 1484 2023/05/14 20:20:52 - mmengine - INFO - Epoch(val) [33][120/155] eta: 0:00:29 time: 0.7423 data_time: 0.6777 memory: 1484 2023/05/14 20:21:11 - mmengine - INFO - Epoch(val) [33][140/155] eta: 0:00:12 time: 0.9563 data_time: 0.8902 memory: 1484 2023/05/14 20:21:39 - mmengine - INFO - Epoch(val) [33][ 20/155] eta: 0:16:23 time: 0.9775 data_time: 0.8174 memory: 1582 2023/05/14 20:21:53 - mmengine - INFO - Epoch(val) [33][ 40/155] eta: 0:07:38 time: 0.6939 data_time: 0.5389 memory: 1582 2023/05/14 20:22:11 - mmengine - INFO - Epoch(val) [33][ 60/155] eta: 0:04:41 time: 0.9170 data_time: 0.7651 memory: 1582 2023/05/14 20:22:25 - mmengine - INFO - Epoch(val) [33][ 80/155] eta: 0:02:59 time: 0.6904 data_time: 0.5369 memory: 1582 2023/05/14 20:22:44 - mmengine - INFO - Epoch(val) [33][100/155] eta: 0:01:55 time: 0.9381 data_time: 0.7880 memory: 1582 2023/05/14 20:22:58 - mmengine - INFO - Epoch(val) [33][120/155] eta: 0:01:05 time: 0.7132 data_time: 0.5641 memory: 1582 2023/05/14 20:23:18 - mmengine - INFO - Epoch(val) [33][140/155] eta: 0:00:26 time: 1.0095 data_time: 0.8543 memory: 1582 2023/05/14 20:23:30 - mmengine - INFO - Epoch(val) [33][155/155] acc/top1: 0.6202 acc/top5: 0.8494 acc/mean1: 0.6201 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6630 time: 0.8147 2023/05/14 20:23:51 - mmengine - INFO - Epoch(train) [34][ 20/1879] lr: 2.0000e-02 eta: 1 day, 6:26:28 time: 1.0481 data_time: 0.5831 memory: 9812 grad_norm: 2.9184 loss: 2.7978 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.6175 distill.loss_dist: 1.1803 2023/05/14 20:24:08 - mmengine - INFO - Epoch(train) [34][ 40/1879] lr: 2.0000e-02 eta: 1 day, 6:26:10 time: 0.8702 data_time: 0.3309 memory: 9812 grad_norm: 2.8958 loss: 2.6414 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4874 distill.loss_dist: 1.1540 2023/05/14 20:24:24 - mmengine - INFO - Epoch(train) [34][ 60/1879] lr: 2.0000e-02 eta: 1 day, 6:25:50 time: 0.8057 data_time: 0.2507 memory: 9812 grad_norm: 2.8680 loss: 2.6141 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4712 distill.loss_dist: 1.1428 2023/05/14 20:24:44 - mmengine - INFO - Epoch(train) [34][ 80/1879] lr: 2.0000e-02 eta: 1 day, 6:25:38 time: 0.9929 data_time: 0.3731 memory: 9812 grad_norm: 2.9114 loss: 2.6187 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.4900 distill.loss_dist: 1.1287 2023/05/14 20:25:00 - mmengine - INFO - Epoch(train) [34][ 100/1879] lr: 2.0000e-02 eta: 1 day, 6:25:17 time: 0.7783 data_time: 0.1351 memory: 9812 grad_norm: 2.9247 loss: 2.7641 student.top1_acc: 0.3125 student.top5_acc: 0.5000 student.loss_cls: 1.6393 distill.loss_dist: 1.1248 2023/05/14 20:25:17 - mmengine - INFO - Epoch(train) [34][ 120/1879] lr: 2.0000e-02 eta: 1 day, 6:24:59 time: 0.8626 data_time: 0.2275 memory: 9812 grad_norm: 2.9330 loss: 2.7149 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.5813 distill.loss_dist: 1.1336 2023/05/14 20:25:36 - mmengine - INFO - Epoch(train) [34][ 140/1879] lr: 2.0000e-02 eta: 1 day, 6:24:44 time: 0.9348 data_time: 0.0414 memory: 9812 grad_norm: 2.9166 loss: 2.7525 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.6175 distill.loss_dist: 1.1350 2023/05/14 20:25:52 - mmengine - INFO - Epoch(train) [34][ 160/1879] lr: 2.0000e-02 eta: 1 day, 6:24:25 time: 0.8346 data_time: 0.0460 memory: 9812 grad_norm: 2.9608 loss: 2.7406 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6051 distill.loss_dist: 1.1355 2023/05/14 20:26:09 - mmengine - INFO - Epoch(train) [34][ 180/1879] lr: 2.0000e-02 eta: 1 day, 6:24:06 time: 0.8333 data_time: 0.0264 memory: 9812 grad_norm: 2.9593 loss: 2.7427 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6030 distill.loss_dist: 1.1397 2023/05/14 20:26:27 - mmengine - INFO - Epoch(train) [34][ 200/1879] lr: 2.0000e-02 eta: 1 day, 6:23:49 time: 0.8816 data_time: 0.0298 memory: 9812 grad_norm: 2.9359 loss: 2.6627 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5175 distill.loss_dist: 1.1452 2023/05/14 20:26:44 - mmengine - INFO - Epoch(train) [34][ 220/1879] lr: 2.0000e-02 eta: 1 day, 6:23:32 time: 0.8617 data_time: 0.0278 memory: 9812 grad_norm: 2.9062 loss: 2.5986 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4448 distill.loss_dist: 1.1538 2023/05/14 20:27:00 - mmengine - INFO - Epoch(train) [34][ 240/1879] lr: 2.0000e-02 eta: 1 day, 6:23:12 time: 0.8252 data_time: 0.0270 memory: 9812 grad_norm: 2.9651 loss: 2.7355 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5636 distill.loss_dist: 1.1719 2023/05/14 20:27:20 - mmengine - INFO - Epoch(train) [34][ 260/1879] lr: 2.0000e-02 eta: 1 day, 6:22:59 time: 0.9691 data_time: 0.0334 memory: 9812 grad_norm: 2.9266 loss: 2.6110 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4585 distill.loss_dist: 1.1524 2023/05/14 20:27:36 - mmengine - INFO - Epoch(train) [34][ 280/1879] lr: 2.0000e-02 eta: 1 day, 6:22:38 time: 0.7929 data_time: 0.0252 memory: 9812 grad_norm: 2.9379 loss: 2.5927 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.4591 distill.loss_dist: 1.1336 2023/05/14 20:27:54 - mmengine - INFO - Epoch(train) [34][ 300/1879] lr: 2.0000e-02 eta: 1 day, 6:22:22 time: 0.9019 data_time: 0.0264 memory: 9812 grad_norm: 2.8783 loss: 2.7386 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6186 distill.loss_dist: 1.1200 2023/05/14 20:28:12 - mmengine - INFO - Epoch(train) [34][ 320/1879] lr: 2.0000e-02 eta: 1 day, 6:22:06 time: 0.8955 data_time: 0.0294 memory: 9812 grad_norm: 2.9874 loss: 2.7794 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6329 distill.loss_dist: 1.1465 2023/05/14 20:28:27 - mmengine - INFO - Epoch(train) [34][ 340/1879] lr: 2.0000e-02 eta: 1 day, 6:21:45 time: 0.7825 data_time: 0.0287 memory: 9812 grad_norm: 2.8735 loss: 2.6233 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.4752 distill.loss_dist: 1.1481 2023/05/14 20:28:43 - mmengine - INFO - Epoch(train) [34][ 360/1879] lr: 2.0000e-02 eta: 1 day, 6:21:24 time: 0.7748 data_time: 0.0309 memory: 9812 grad_norm: 2.9666 loss: 2.4967 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3624 distill.loss_dist: 1.1343 2023/05/14 20:29:01 - mmengine - INFO - Epoch(train) [34][ 380/1879] lr: 2.0000e-02 eta: 1 day, 6:21:08 time: 0.9235 data_time: 0.0321 memory: 9812 grad_norm: 2.9024 loss: 2.5855 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4178 distill.loss_dist: 1.1677 2023/05/14 20:29:17 - mmengine - INFO - Epoch(train) [34][ 400/1879] lr: 2.0000e-02 eta: 1 day, 6:20:48 time: 0.8030 data_time: 0.0249 memory: 9812 grad_norm: 2.9883 loss: 2.8387 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6471 distill.loss_dist: 1.1915 2023/05/14 20:29:35 - mmengine - INFO - Epoch(train) [34][ 420/1879] lr: 2.0000e-02 eta: 1 day, 6:20:31 time: 0.8730 data_time: 0.1358 memory: 9812 grad_norm: 2.9114 loss: 2.7203 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.5708 distill.loss_dist: 1.1495 2023/05/14 20:29:53 - mmengine - INFO - Epoch(train) [34][ 440/1879] lr: 2.0000e-02 eta: 1 day, 6:20:15 time: 0.9116 data_time: 0.0539 memory: 9812 grad_norm: 2.9740 loss: 2.6398 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.4911 distill.loss_dist: 1.1487 2023/05/14 20:30:11 - mmengine - INFO - Epoch(train) [34][ 460/1879] lr: 2.0000e-02 eta: 1 day, 6:19:59 time: 0.8957 data_time: 0.2778 memory: 9812 grad_norm: 2.9508 loss: 2.8566 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7030 distill.loss_dist: 1.1537 2023/05/14 20:30:27 - mmengine - INFO - Epoch(train) [34][ 480/1879] lr: 2.0000e-02 eta: 1 day, 6:19:40 time: 0.8264 data_time: 0.2944 memory: 9812 grad_norm: 2.9749 loss: 2.8906 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7290 distill.loss_dist: 1.1616 2023/05/14 20:30:45 - mmengine - INFO - Epoch(train) [34][ 500/1879] lr: 2.0000e-02 eta: 1 day, 6:19:22 time: 0.8560 data_time: 0.1938 memory: 9812 grad_norm: 2.8820 loss: 2.8630 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.7082 distill.loss_dist: 1.1548 2023/05/14 20:31:03 - mmengine - INFO - Epoch(train) [34][ 520/1879] lr: 2.0000e-02 eta: 1 day, 6:19:06 time: 0.9277 data_time: 0.0475 memory: 9812 grad_norm: 2.9316 loss: 2.7806 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6277 distill.loss_dist: 1.1530 2023/05/14 20:31:19 - mmengine - INFO - Epoch(train) [34][ 540/1879] lr: 2.0000e-02 eta: 1 day, 6:18:47 time: 0.8139 data_time: 0.0871 memory: 9812 grad_norm: 2.9539 loss: 2.8566 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6857 distill.loss_dist: 1.1709 2023/05/14 20:31:37 - mmengine - INFO - Epoch(train) [34][ 560/1879] lr: 2.0000e-02 eta: 1 day, 6:18:30 time: 0.8808 data_time: 0.2851 memory: 9812 grad_norm: 2.8933 loss: 2.7076 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.5534 distill.loss_dist: 1.1541 2023/05/14 20:31:54 - mmengine - INFO - Epoch(train) [34][ 580/1879] lr: 2.0000e-02 eta: 1 day, 6:18:12 time: 0.8544 data_time: 0.2758 memory: 9812 grad_norm: 2.9357 loss: 2.7153 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.5649 distill.loss_dist: 1.1504 2023/05/14 20:32:11 - mmengine - INFO - Epoch(train) [34][ 600/1879] lr: 2.0000e-02 eta: 1 day, 6:17:53 time: 0.8388 data_time: 0.1464 memory: 9812 grad_norm: 2.9014 loss: 2.8071 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6704 distill.loss_dist: 1.1367 2023/05/14 20:32:29 - mmengine - INFO - Epoch(train) [34][ 620/1879] lr: 2.0000e-02 eta: 1 day, 6:17:36 time: 0.8889 data_time: 0.0748 memory: 9812 grad_norm: 2.9944 loss: 2.7913 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6389 distill.loss_dist: 1.1524 2023/05/14 20:32:47 - mmengine - INFO - Epoch(train) [34][ 640/1879] lr: 2.0000e-02 eta: 1 day, 6:17:21 time: 0.9250 data_time: 0.0244 memory: 9812 grad_norm: 2.9970 loss: 2.7202 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5710 distill.loss_dist: 1.1492 2023/05/14 20:33:04 - mmengine - INFO - Epoch(train) [34][ 660/1879] lr: 2.0000e-02 eta: 1 day, 6:17:02 time: 0.8370 data_time: 0.0270 memory: 9812 grad_norm: 2.9662 loss: 2.9772 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7993 distill.loss_dist: 1.1779 2023/05/14 20:33:20 - mmengine - INFO - Epoch(train) [34][ 680/1879] lr: 2.0000e-02 eta: 1 day, 6:16:42 time: 0.7935 data_time: 0.0276 memory: 9812 grad_norm: 2.8501 loss: 2.6338 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4987 distill.loss_dist: 1.1351 2023/05/14 20:33:38 - mmengine - INFO - Epoch(train) [34][ 700/1879] lr: 2.0000e-02 eta: 1 day, 6:16:26 time: 0.9088 data_time: 0.0255 memory: 9812 grad_norm: 2.9150 loss: 2.6653 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5286 distill.loss_dist: 1.1367 2023/05/14 20:33:56 - mmengine - INFO - Epoch(train) [34][ 720/1879] lr: 2.0000e-02 eta: 1 day, 6:16:10 time: 0.9086 data_time: 0.0268 memory: 9812 grad_norm: 2.9397 loss: 2.7186 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5803 distill.loss_dist: 1.1383 2023/05/14 20:34:12 - mmengine - INFO - Epoch(train) [34][ 740/1879] lr: 2.0000e-02 eta: 1 day, 6:15:50 time: 0.7968 data_time: 0.0285 memory: 9812 grad_norm: 2.9263 loss: 2.5636 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.4478 distill.loss_dist: 1.1157 2023/05/14 20:34:30 - mmengine - INFO - Epoch(train) [34][ 760/1879] lr: 2.0000e-02 eta: 1 day, 6:15:33 time: 0.8902 data_time: 0.0265 memory: 9812 grad_norm: 2.8676 loss: 2.8086 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.6436 distill.loss_dist: 1.1650 2023/05/14 20:34:46 - mmengine - INFO - Epoch(train) [34][ 780/1879] lr: 2.0000e-02 eta: 1 day, 6:15:13 time: 0.7989 data_time: 0.0307 memory: 9812 grad_norm: 2.9083 loss: 2.5381 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3922 distill.loss_dist: 1.1459 2023/05/14 20:35:04 - mmengine - INFO - Epoch(train) [34][ 800/1879] lr: 2.0000e-02 eta: 1 day, 6:14:56 time: 0.8930 data_time: 0.1433 memory: 9812 grad_norm: 2.9639 loss: 2.7145 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5719 distill.loss_dist: 1.1426 2023/05/14 20:35:23 - mmengine - INFO - Epoch(train) [34][ 820/1879] lr: 2.0000e-02 eta: 1 day, 6:14:41 time: 0.9297 data_time: 0.0670 memory: 9812 grad_norm: 2.9383 loss: 2.8575 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.6862 distill.loss_dist: 1.1713 2023/05/14 20:35:39 - mmengine - INFO - Epoch(train) [34][ 840/1879] lr: 2.0000e-02 eta: 1 day, 6:14:22 time: 0.8354 data_time: 0.0284 memory: 9812 grad_norm: 2.9167 loss: 2.8997 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.7351 distill.loss_dist: 1.1646 2023/05/14 20:35:56 - mmengine - INFO - Epoch(train) [34][ 860/1879] lr: 2.0000e-02 eta: 1 day, 6:14:04 time: 0.8526 data_time: 0.0736 memory: 9812 grad_norm: 2.9208 loss: 2.7784 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.6214 distill.loss_dist: 1.1570 2023/05/14 20:36:13 - mmengine - INFO - Epoch(train) [34][ 880/1879] lr: 2.0000e-02 eta: 1 day, 6:13:46 time: 0.8516 data_time: 0.0882 memory: 9812 grad_norm: 2.9638 loss: 2.6219 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4673 distill.loss_dist: 1.1545 2023/05/14 20:36:31 - mmengine - INFO - Epoch(train) [34][ 900/1879] lr: 2.0000e-02 eta: 1 day, 6:13:28 time: 0.8573 data_time: 0.3812 memory: 9812 grad_norm: 2.9810 loss: 2.8582 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6634 distill.loss_dist: 1.1947 2023/05/14 20:36:50 - mmengine - INFO - Epoch(train) [34][ 920/1879] lr: 2.0000e-02 eta: 1 day, 6:13:14 time: 0.9521 data_time: 0.5182 memory: 9812 grad_norm: 2.9387 loss: 2.5342 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3818 distill.loss_dist: 1.1524 2023/05/14 20:37:06 - mmengine - INFO - Epoch(train) [34][ 940/1879] lr: 2.0000e-02 eta: 1 day, 6:12:54 time: 0.8129 data_time: 0.3677 memory: 9812 grad_norm: 2.9491 loss: 2.9132 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7435 distill.loss_dist: 1.1698 2023/05/14 20:37:23 - mmengine - INFO - Epoch(train) [34][ 960/1879] lr: 2.0000e-02 eta: 1 day, 6:12:36 time: 0.8461 data_time: 0.3725 memory: 9812 grad_norm: 3.0061 loss: 2.6689 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5364 distill.loss_dist: 1.1324 2023/05/14 20:37:41 - mmengine - INFO - Epoch(train) [34][ 980/1879] lr: 2.0000e-02 eta: 1 day, 6:12:21 time: 0.9262 data_time: 0.4879 memory: 9812 grad_norm: 2.9553 loss: 2.7549 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.5993 distill.loss_dist: 1.1556 2023/05/14 20:37:53 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 20:37:58 - mmengine - INFO - Epoch(train) [34][1000/1879] lr: 2.0000e-02 eta: 1 day, 6:12:03 time: 0.8541 data_time: 0.3325 memory: 9812 grad_norm: 2.9765 loss: 2.8686 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.6970 distill.loss_dist: 1.1716 2023/05/14 20:38:14 - mmengine - INFO - Epoch(train) [34][1020/1879] lr: 2.0000e-02 eta: 1 day, 6:11:43 time: 0.7996 data_time: 0.1241 memory: 9812 grad_norm: 2.9489 loss: 2.7647 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5974 distill.loss_dist: 1.1673 2023/05/14 20:38:32 - mmengine - INFO - Epoch(train) [34][1040/1879] lr: 2.0000e-02 eta: 1 day, 6:11:25 time: 0.8609 data_time: 0.2323 memory: 9812 grad_norm: 2.9611 loss: 2.7686 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5956 distill.loss_dist: 1.1730 2023/05/14 20:38:50 - mmengine - INFO - Epoch(train) [34][1060/1879] lr: 2.0000e-02 eta: 1 day, 6:11:08 time: 0.8900 data_time: 0.0790 memory: 9812 grad_norm: 2.9376 loss: 2.6025 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4727 distill.loss_dist: 1.1298 2023/05/14 20:39:06 - mmengine - INFO - Epoch(train) [34][1080/1879] lr: 2.0000e-02 eta: 1 day, 6:10:48 time: 0.7985 data_time: 0.0252 memory: 9812 grad_norm: 2.8403 loss: 2.7182 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5808 distill.loss_dist: 1.1374 2023/05/14 20:39:24 - mmengine - INFO - Epoch(train) [34][1100/1879] lr: 2.0000e-02 eta: 1 day, 6:10:32 time: 0.9173 data_time: 0.0297 memory: 9812 grad_norm: 2.9174 loss: 2.6975 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5454 distill.loss_dist: 1.1520 2023/05/14 20:39:42 - mmengine - INFO - Epoch(train) [34][1120/1879] lr: 2.0000e-02 eta: 1 day, 6:10:15 time: 0.8847 data_time: 0.0221 memory: 9812 grad_norm: 2.9903 loss: 3.0141 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.8533 distill.loss_dist: 1.1608 2023/05/14 20:39:59 - mmengine - INFO - Epoch(train) [34][1140/1879] lr: 2.0000e-02 eta: 1 day, 6:09:58 time: 0.8613 data_time: 0.0273 memory: 9812 grad_norm: 2.8975 loss: 2.5422 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.4313 distill.loss_dist: 1.1109 2023/05/14 20:40:16 - mmengine - INFO - Epoch(train) [34][1160/1879] lr: 2.0000e-02 eta: 1 day, 6:09:41 time: 0.8804 data_time: 0.0260 memory: 9812 grad_norm: 2.9659 loss: 2.6677 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5107 distill.loss_dist: 1.1570 2023/05/14 20:40:35 - mmengine - INFO - Epoch(train) [34][1180/1879] lr: 2.0000e-02 eta: 1 day, 6:09:25 time: 0.9042 data_time: 0.0269 memory: 9812 grad_norm: 2.9238 loss: 2.6289 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5089 distill.loss_dist: 1.1200 2023/05/14 20:40:51 - mmengine - INFO - Epoch(train) [34][1200/1879] lr: 2.0000e-02 eta: 1 day, 6:09:06 time: 0.8436 data_time: 0.0263 memory: 9812 grad_norm: 2.9559 loss: 2.6184 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.4871 distill.loss_dist: 1.1313 2023/05/14 20:41:09 - mmengine - INFO - Epoch(train) [34][1220/1879] lr: 2.0000e-02 eta: 1 day, 6:08:49 time: 0.8838 data_time: 0.0236 memory: 9812 grad_norm: 2.9970 loss: 2.5901 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4710 distill.loss_dist: 1.1191 2023/05/14 20:41:26 - mmengine - INFO - Epoch(train) [34][1240/1879] lr: 2.0000e-02 eta: 1 day, 6:08:31 time: 0.8513 data_time: 0.0294 memory: 9812 grad_norm: 2.9679 loss: 2.8226 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6487 distill.loss_dist: 1.1738 2023/05/14 20:41:43 - mmengine - INFO - Epoch(train) [34][1260/1879] lr: 2.0000e-02 eta: 1 day, 6:08:12 time: 0.8324 data_time: 0.0276 memory: 9812 grad_norm: 2.9784 loss: 2.6886 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5586 distill.loss_dist: 1.1300 2023/05/14 20:42:01 - mmengine - INFO - Epoch(train) [34][1280/1879] lr: 2.0000e-02 eta: 1 day, 6:07:56 time: 0.9068 data_time: 0.0250 memory: 9812 grad_norm: 2.8076 loss: 2.9454 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7807 distill.loss_dist: 1.1646 2023/05/14 20:42:17 - mmengine - INFO - Epoch(train) [34][1300/1879] lr: 2.0000e-02 eta: 1 day, 6:07:37 time: 0.8255 data_time: 0.0250 memory: 9812 grad_norm: 2.8989 loss: 2.5777 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4607 distill.loss_dist: 1.1171 2023/05/14 20:42:34 - mmengine - INFO - Epoch(train) [34][1320/1879] lr: 2.0000e-02 eta: 1 day, 6:07:18 time: 0.8343 data_time: 0.0282 memory: 9812 grad_norm: 2.9789 loss: 2.9234 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7354 distill.loss_dist: 1.1880 2023/05/14 20:42:51 - mmengine - INFO - Epoch(train) [34][1340/1879] lr: 2.0000e-02 eta: 1 day, 6:07:00 time: 0.8637 data_time: 0.0282 memory: 9812 grad_norm: 2.9309 loss: 2.8189 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6493 distill.loss_dist: 1.1696 2023/05/14 20:43:08 - mmengine - INFO - Epoch(train) [34][1360/1879] lr: 2.0000e-02 eta: 1 day, 6:06:41 time: 0.8244 data_time: 0.0254 memory: 9812 grad_norm: 2.9218 loss: 2.8778 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6836 distill.loss_dist: 1.1942 2023/05/14 20:43:26 - mmengine - INFO - Epoch(train) [34][1380/1879] lr: 2.0000e-02 eta: 1 day, 6:06:24 time: 0.8866 data_time: 0.0283 memory: 9812 grad_norm: 2.9253 loss: 2.8033 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6236 distill.loss_dist: 1.1797 2023/05/14 20:43:44 - mmengine - INFO - Epoch(train) [34][1400/1879] lr: 2.0000e-02 eta: 1 day, 6:06:10 time: 0.9337 data_time: 0.0263 memory: 9812 grad_norm: 2.8829 loss: 2.8578 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6948 distill.loss_dist: 1.1630 2023/05/14 20:44:02 - mmengine - INFO - Epoch(train) [34][1420/1879] lr: 2.0000e-02 eta: 1 day, 6:05:52 time: 0.8605 data_time: 0.0257 memory: 9812 grad_norm: 2.9446 loss: 2.7651 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6234 distill.loss_dist: 1.1417 2023/05/14 20:44:19 - mmengine - INFO - Epoch(train) [34][1440/1879] lr: 2.0000e-02 eta: 1 day, 6:05:35 time: 0.8839 data_time: 0.0264 memory: 9812 grad_norm: 2.9487 loss: 2.7285 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5778 distill.loss_dist: 1.1507 2023/05/14 20:44:36 - mmengine - INFO - Epoch(train) [34][1460/1879] lr: 2.0000e-02 eta: 1 day, 6:05:16 time: 0.8456 data_time: 0.0264 memory: 9812 grad_norm: 2.9003 loss: 2.5585 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.4146 distill.loss_dist: 1.1439 2023/05/14 20:44:53 - mmengine - INFO - Epoch(train) [34][1480/1879] lr: 2.0000e-02 eta: 1 day, 6:04:57 time: 0.8187 data_time: 0.0261 memory: 9812 grad_norm: 2.9907 loss: 2.5556 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4320 distill.loss_dist: 1.1236 2023/05/14 20:45:11 - mmengine - INFO - Epoch(train) [34][1500/1879] lr: 2.0000e-02 eta: 1 day, 6:04:42 time: 0.9285 data_time: 0.0278 memory: 9812 grad_norm: 2.9320 loss: 2.6583 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5148 distill.loss_dist: 1.1435 2023/05/14 20:45:28 - mmengine - INFO - Epoch(train) [34][1520/1879] lr: 2.0000e-02 eta: 1 day, 6:04:24 time: 0.8515 data_time: 0.0270 memory: 9812 grad_norm: 2.9629 loss: 2.8896 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.7400 distill.loss_dist: 1.1496 2023/05/14 20:45:44 - mmengine - INFO - Epoch(train) [34][1540/1879] lr: 2.0000e-02 eta: 1 day, 6:04:04 time: 0.8046 data_time: 0.0261 memory: 9812 grad_norm: 2.9916 loss: 2.6861 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5268 distill.loss_dist: 1.1593 2023/05/14 20:46:02 - mmengine - INFO - Epoch(train) [34][1560/1879] lr: 2.0000e-02 eta: 1 day, 6:03:47 time: 0.8831 data_time: 0.0278 memory: 9812 grad_norm: 2.9260 loss: 2.5321 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4041 distill.loss_dist: 1.1280 2023/05/14 20:46:20 - mmengine - INFO - Epoch(train) [34][1580/1879] lr: 2.0000e-02 eta: 1 day, 6:03:30 time: 0.8753 data_time: 0.0291 memory: 9812 grad_norm: 2.9782 loss: 2.9009 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.7308 distill.loss_dist: 1.1701 2023/05/14 20:46:35 - mmengine - INFO - Epoch(train) [34][1600/1879] lr: 2.0000e-02 eta: 1 day, 6:03:08 time: 0.7605 data_time: 0.0268 memory: 9812 grad_norm: 2.9493 loss: 2.7050 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5332 distill.loss_dist: 1.1719 2023/05/14 20:46:54 - mmengine - INFO - Epoch(train) [34][1620/1879] lr: 2.0000e-02 eta: 1 day, 6:02:54 time: 0.9608 data_time: 0.0252 memory: 9812 grad_norm: 2.9296 loss: 2.8212 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6624 distill.loss_dist: 1.1589 2023/05/14 20:47:11 - mmengine - INFO - Epoch(train) [34][1640/1879] lr: 2.0000e-02 eta: 1 day, 6:02:35 time: 0.8296 data_time: 0.0289 memory: 9812 grad_norm: 2.8601 loss: 2.5506 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4210 distill.loss_dist: 1.1295 2023/05/14 20:47:27 - mmengine - INFO - Epoch(train) [34][1660/1879] lr: 2.0000e-02 eta: 1 day, 6:02:15 time: 0.8137 data_time: 0.0286 memory: 9812 grad_norm: 2.9153 loss: 2.7307 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.6002 distill.loss_dist: 1.1305 2023/05/14 20:47:44 - mmengine - INFO - Epoch(train) [34][1680/1879] lr: 2.0000e-02 eta: 1 day, 6:01:57 time: 0.8436 data_time: 0.0251 memory: 9812 grad_norm: 2.9653 loss: 2.5348 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4009 distill.loss_dist: 1.1339 2023/05/14 20:48:03 - mmengine - INFO - Epoch(train) [34][1700/1879] lr: 2.0000e-02 eta: 1 day, 6:01:43 time: 0.9714 data_time: 0.0275 memory: 9812 grad_norm: 2.9016 loss: 2.7683 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.6278 distill.loss_dist: 1.1405 2023/05/14 20:48:19 - mmengine - INFO - Epoch(train) [34][1720/1879] lr: 2.0000e-02 eta: 1 day, 6:01:24 time: 0.8059 data_time: 0.0241 memory: 9812 grad_norm: 2.8978 loss: 2.6939 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5410 distill.loss_dist: 1.1529 2023/05/14 20:48:36 - mmengine - INFO - Epoch(train) [34][1740/1879] lr: 2.0000e-02 eta: 1 day, 6:01:04 time: 0.8253 data_time: 0.0297 memory: 9812 grad_norm: 2.8794 loss: 2.7691 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5996 distill.loss_dist: 1.1695 2023/05/14 20:48:54 - mmengine - INFO - Epoch(train) [34][1760/1879] lr: 2.0000e-02 eta: 1 day, 6:00:48 time: 0.9095 data_time: 0.0634 memory: 9812 grad_norm: 2.9069 loss: 2.7136 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5983 distill.loss_dist: 1.1152 2023/05/14 20:49:11 - mmengine - INFO - Epoch(train) [34][1780/1879] lr: 2.0000e-02 eta: 1 day, 6:00:29 time: 0.8226 data_time: 0.0604 memory: 9812 grad_norm: 2.8978 loss: 2.7096 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5549 distill.loss_dist: 1.1548 2023/05/14 20:49:28 - mmengine - INFO - Epoch(train) [34][1800/1879] lr: 2.0000e-02 eta: 1 day, 6:00:12 time: 0.8751 data_time: 0.0280 memory: 9812 grad_norm: 2.8985 loss: 2.6030 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5090 distill.loss_dist: 1.0941 2023/05/14 20:49:46 - mmengine - INFO - Epoch(train) [34][1820/1879] lr: 2.0000e-02 eta: 1 day, 5:59:55 time: 0.8774 data_time: 0.0263 memory: 9812 grad_norm: 2.9008 loss: 2.8152 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6398 distill.loss_dist: 1.1754 2023/05/14 20:50:02 - mmengine - INFO - Epoch(train) [34][1840/1879] lr: 2.0000e-02 eta: 1 day, 5:59:36 time: 0.8243 data_time: 0.0310 memory: 9812 grad_norm: 2.8728 loss: 2.6000 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.4606 distill.loss_dist: 1.1394 2023/05/14 20:50:20 - mmengine - INFO - Epoch(train) [34][1860/1879] lr: 2.0000e-02 eta: 1 day, 5:59:19 time: 0.8943 data_time: 0.0273 memory: 9812 grad_norm: 3.0267 loss: 2.7646 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6027 distill.loss_dist: 1.1619 2023/05/14 20:50:33 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 20:50:33 - mmengine - INFO - Epoch(train) [34][1879/1879] lr: 2.0000e-02 eta: 1 day, 5:58:56 time: 0.6832 data_time: 0.0228 memory: 9812 grad_norm: 2.9284 loss: 2.6194 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.4872 distill.loss_dist: 1.1322 2023/05/14 20:50:52 - mmengine - INFO - Epoch(val) [34][ 20/155] eta: 0:02:09 time: 0.9595 data_time: 0.8982 memory: 1484 2023/05/14 20:51:07 - mmengine - INFO - Epoch(val) [34][ 40/155] eta: 0:01:35 time: 0.7037 data_time: 0.6384 memory: 1484 2023/05/14 20:51:26 - mmengine - INFO - Epoch(val) [34][ 60/155] eta: 0:01:23 time: 0.9721 data_time: 0.9093 memory: 1484 2023/05/14 20:51:39 - mmengine - INFO - Epoch(val) [34][ 80/155] eta: 0:01:01 time: 0.6630 data_time: 0.5977 memory: 1484 2023/05/14 20:51:59 - mmengine - INFO - Epoch(val) [34][100/155] eta: 0:00:46 time: 0.9730 data_time: 0.9066 memory: 1484 2023/05/14 20:52:11 - mmengine - INFO - Epoch(val) [34][120/155] eta: 0:00:28 time: 0.6288 data_time: 0.5654 memory: 1484 2023/05/14 20:52:31 - mmengine - INFO - Epoch(val) [34][140/155] eta: 0:00:12 time: 0.9757 data_time: 0.9159 memory: 1484 2023/05/14 20:53:01 - mmengine - INFO - Epoch(val) [34][ 20/155] eta: 0:16:27 time: 1.0493 data_time: 0.8910 memory: 1582 2023/05/14 20:53:15 - mmengine - INFO - Epoch(val) [34][ 40/155] eta: 0:07:40 time: 0.6969 data_time: 0.5400 memory: 1582 2023/05/14 20:53:33 - mmengine - INFO - Epoch(val) [34][ 60/155] eta: 0:04:42 time: 0.9140 data_time: 0.7612 memory: 1582 2023/05/14 20:53:48 - mmengine - INFO - Epoch(val) [34][ 80/155] eta: 0:03:01 time: 0.7347 data_time: 0.5811 memory: 1582 2023/05/14 20:54:06 - mmengine - INFO - Epoch(val) [34][100/155] eta: 0:01:56 time: 0.9042 data_time: 0.7506 memory: 1582 2023/05/14 20:54:20 - mmengine - INFO - Epoch(val) [34][120/155] eta: 0:01:05 time: 0.7136 data_time: 0.5616 memory: 1582 2023/05/14 20:54:40 - mmengine - INFO - Epoch(val) [34][140/155] eta: 0:00:26 time: 0.9953 data_time: 0.8438 memory: 1582 2023/05/14 20:54:50 - mmengine - INFO - Epoch(val) [34][155/155] acc/top1: 0.6307 acc/top5: 0.8488 acc/mean1: 0.6306 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6683 time: 0.8203 2023/05/14 20:54:50 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_32.pth is removed 2023/05/14 20:54:51 - mmengine - INFO - The best checkpoint with 0.6307 acc/top1 at 34 epoch is saved to best_acc_top1_epoch_34.pth. 2023/05/14 20:55:13 - mmengine - INFO - Epoch(train) [35][ 20/1879] lr: 2.0000e-02 eta: 1 day, 5:58:48 time: 1.1036 data_time: 0.5399 memory: 9812 grad_norm: 2.8801 loss: 2.8084 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6712 distill.loss_dist: 1.1372 2023/05/14 20:55:30 - mmengine - INFO - Epoch(train) [35][ 40/1879] lr: 2.0000e-02 eta: 1 day, 5:58:30 time: 0.8511 data_time: 0.0502 memory: 9812 grad_norm: 2.8728 loss: 2.6459 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5098 distill.loss_dist: 1.1361 2023/05/14 20:55:46 - mmengine - INFO - Epoch(train) [35][ 60/1879] lr: 2.0000e-02 eta: 1 day, 5:58:09 time: 0.7971 data_time: 0.0466 memory: 9812 grad_norm: 2.8995 loss: 2.7054 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5416 distill.loss_dist: 1.1638 2023/05/14 20:56:04 - mmengine - INFO - Epoch(train) [35][ 80/1879] lr: 2.0000e-02 eta: 1 day, 5:57:53 time: 0.9103 data_time: 0.0869 memory: 9812 grad_norm: 2.8839 loss: 2.4554 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.3289 distill.loss_dist: 1.1266 2023/05/14 20:56:21 - mmengine - INFO - Epoch(train) [35][ 100/1879] lr: 2.0000e-02 eta: 1 day, 5:57:34 time: 0.8264 data_time: 0.0653 memory: 9812 grad_norm: 2.9196 loss: 2.5712 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4313 distill.loss_dist: 1.1398 2023/05/14 20:56:32 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 20:56:37 - mmengine - INFO - Epoch(train) [35][ 120/1879] lr: 2.0000e-02 eta: 1 day, 5:57:15 time: 0.8265 data_time: 0.0865 memory: 9812 grad_norm: 2.8970 loss: 2.7295 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5781 distill.loss_dist: 1.1513 2023/05/14 20:56:56 - mmengine - INFO - Epoch(train) [35][ 140/1879] lr: 2.0000e-02 eta: 1 day, 5:57:00 time: 0.9349 data_time: 0.0734 memory: 9812 grad_norm: 2.8451 loss: 2.3677 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2439 distill.loss_dist: 1.1237 2023/05/14 20:57:13 - mmengine - INFO - Epoch(train) [35][ 160/1879] lr: 2.0000e-02 eta: 1 day, 5:56:42 time: 0.8337 data_time: 0.0837 memory: 9812 grad_norm: 2.9377 loss: 2.7125 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5782 distill.loss_dist: 1.1343 2023/05/14 20:57:30 - mmengine - INFO - Epoch(train) [35][ 180/1879] lr: 2.0000e-02 eta: 1 day, 5:56:24 time: 0.8553 data_time: 0.0330 memory: 9812 grad_norm: 2.9365 loss: 2.6555 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5055 distill.loss_dist: 1.1500 2023/05/14 20:57:48 - mmengine - INFO - Epoch(train) [35][ 200/1879] lr: 2.0000e-02 eta: 1 day, 5:56:08 time: 0.9147 data_time: 0.0264 memory: 9812 grad_norm: 3.0139 loss: 2.6902 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5277 distill.loss_dist: 1.1625 2023/05/14 20:58:04 - mmengine - INFO - Epoch(train) [35][ 220/1879] lr: 2.0000e-02 eta: 1 day, 5:55:48 time: 0.8036 data_time: 0.0304 memory: 9812 grad_norm: 3.0433 loss: 2.8530 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6983 distill.loss_dist: 1.1547 2023/05/14 20:58:20 - mmengine - INFO - Epoch(train) [35][ 240/1879] lr: 2.0000e-02 eta: 1 day, 5:55:29 time: 0.8204 data_time: 0.0283 memory: 9812 grad_norm: 2.9374 loss: 2.7225 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5972 distill.loss_dist: 1.1253 2023/05/14 20:58:40 - mmengine - INFO - Epoch(train) [35][ 260/1879] lr: 2.0000e-02 eta: 1 day, 5:55:15 time: 0.9798 data_time: 0.0294 memory: 9812 grad_norm: 2.9226 loss: 2.6704 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5211 distill.loss_dist: 1.1494 2023/05/14 20:58:55 - mmengine - INFO - Epoch(train) [35][ 280/1879] lr: 2.0000e-02 eta: 1 day, 5:54:54 time: 0.7703 data_time: 0.0289 memory: 9812 grad_norm: 2.9174 loss: 2.6806 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5596 distill.loss_dist: 1.1211 2023/05/14 20:59:13 - mmengine - INFO - Epoch(train) [35][ 300/1879] lr: 2.0000e-02 eta: 1 day, 5:54:37 time: 0.8870 data_time: 0.0855 memory: 9812 grad_norm: 2.9929 loss: 2.8176 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6533 distill.loss_dist: 1.1643 2023/05/14 20:59:31 - mmengine - INFO - Epoch(train) [35][ 320/1879] lr: 2.0000e-02 eta: 1 day, 5:54:20 time: 0.8775 data_time: 0.0281 memory: 9812 grad_norm: 2.8651 loss: 2.8120 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6603 distill.loss_dist: 1.1517 2023/05/14 20:59:49 - mmengine - INFO - Epoch(train) [35][ 340/1879] lr: 2.0000e-02 eta: 1 day, 5:54:04 time: 0.8927 data_time: 0.0269 memory: 9812 grad_norm: 2.9004 loss: 2.5451 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4080 distill.loss_dist: 1.1371 2023/05/14 21:00:05 - mmengine - INFO - Epoch(train) [35][ 360/1879] lr: 2.0000e-02 eta: 1 day, 5:53:45 time: 0.8369 data_time: 0.0287 memory: 9812 grad_norm: 2.8282 loss: 2.6984 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5546 distill.loss_dist: 1.1438 2023/05/14 21:00:23 - mmengine - INFO - Epoch(train) [35][ 380/1879] lr: 2.0000e-02 eta: 1 day, 5:53:27 time: 0.8635 data_time: 0.0747 memory: 9812 grad_norm: 2.8720 loss: 2.5211 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.4152 distill.loss_dist: 1.1059 2023/05/14 21:00:41 - mmengine - INFO - Epoch(train) [35][ 400/1879] lr: 2.0000e-02 eta: 1 day, 5:53:11 time: 0.9059 data_time: 0.0305 memory: 9812 grad_norm: 2.9478 loss: 2.7530 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6319 distill.loss_dist: 1.1211 2023/05/14 21:00:57 - mmengine - INFO - Epoch(train) [35][ 420/1879] lr: 2.0000e-02 eta: 1 day, 5:52:51 time: 0.7860 data_time: 0.0339 memory: 9812 grad_norm: 2.9392 loss: 2.6594 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5391 distill.loss_dist: 1.1202 2023/05/14 21:01:14 - mmengine - INFO - Epoch(train) [35][ 440/1879] lr: 2.0000e-02 eta: 1 day, 5:52:33 time: 0.8595 data_time: 0.0316 memory: 9812 grad_norm: 2.9230 loss: 2.7049 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5268 distill.loss_dist: 1.1782 2023/05/14 21:01:33 - mmengine - INFO - Epoch(train) [35][ 460/1879] lr: 2.0000e-02 eta: 1 day, 5:52:20 time: 0.9857 data_time: 0.0270 memory: 9812 grad_norm: 2.9722 loss: 2.7746 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6432 distill.loss_dist: 1.1314 2023/05/14 21:01:50 - mmengine - INFO - Epoch(train) [35][ 480/1879] lr: 2.0000e-02 eta: 1 day, 5:52:00 time: 0.8186 data_time: 0.0285 memory: 9812 grad_norm: 2.8843 loss: 2.5726 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4650 distill.loss_dist: 1.1076 2023/05/14 21:02:06 - mmengine - INFO - Epoch(train) [35][ 500/1879] lr: 2.0000e-02 eta: 1 day, 5:51:41 time: 0.8174 data_time: 0.0596 memory: 9812 grad_norm: 3.0446 loss: 2.8885 student.top1_acc: 0.3750 student.top5_acc: 0.9375 student.loss_cls: 1.6976 distill.loss_dist: 1.1909 2023/05/14 21:02:24 - mmengine - INFO - Epoch(train) [35][ 520/1879] lr: 2.0000e-02 eta: 1 day, 5:51:25 time: 0.9099 data_time: 0.1615 memory: 9812 grad_norm: 2.8567 loss: 2.6947 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5430 distill.loss_dist: 1.1516 2023/05/14 21:02:43 - mmengine - INFO - Epoch(train) [35][ 540/1879] lr: 2.0000e-02 eta: 1 day, 5:51:10 time: 0.9199 data_time: 0.1232 memory: 9812 grad_norm: 2.8795 loss: 2.7100 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5416 distill.loss_dist: 1.1685 2023/05/14 21:03:00 - mmengine - INFO - Epoch(train) [35][ 560/1879] lr: 2.0000e-02 eta: 1 day, 5:50:51 time: 0.8403 data_time: 0.0260 memory: 9812 grad_norm: 2.9330 loss: 2.6149 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4772 distill.loss_dist: 1.1378 2023/05/14 21:03:16 - mmengine - INFO - Epoch(train) [35][ 580/1879] lr: 2.0000e-02 eta: 1 day, 5:50:31 time: 0.8055 data_time: 0.0306 memory: 9812 grad_norm: 2.9367 loss: 2.5805 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4562 distill.loss_dist: 1.1243 2023/05/14 21:03:34 - mmengine - INFO - Epoch(train) [35][ 600/1879] lr: 2.0000e-02 eta: 1 day, 5:50:15 time: 0.9091 data_time: 0.1295 memory: 9812 grad_norm: 2.9068 loss: 2.7870 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6619 distill.loss_dist: 1.1251 2023/05/14 21:03:51 - mmengine - INFO - Epoch(train) [35][ 620/1879] lr: 2.0000e-02 eta: 1 day, 5:49:56 time: 0.8335 data_time: 0.1199 memory: 9812 grad_norm: 2.8771 loss: 2.8531 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6914 distill.loss_dist: 1.1617 2023/05/14 21:04:08 - mmengine - INFO - Epoch(train) [35][ 640/1879] lr: 2.0000e-02 eta: 1 day, 5:49:38 time: 0.8510 data_time: 0.0404 memory: 9812 grad_norm: 2.9255 loss: 2.7035 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5220 distill.loss_dist: 1.1814 2023/05/14 21:04:26 - mmengine - INFO - Epoch(train) [35][ 660/1879] lr: 2.0000e-02 eta: 1 day, 5:49:22 time: 0.9070 data_time: 0.0245 memory: 9812 grad_norm: 2.9089 loss: 2.7110 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5725 distill.loss_dist: 1.1385 2023/05/14 21:04:42 - mmengine - INFO - Epoch(train) [35][ 680/1879] lr: 2.0000e-02 eta: 1 day, 5:49:03 time: 0.8298 data_time: 0.0611 memory: 9812 grad_norm: 2.9200 loss: 2.8658 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7075 distill.loss_dist: 1.1582 2023/05/14 21:05:00 - mmengine - INFO - Epoch(train) [35][ 700/1879] lr: 2.0000e-02 eta: 1 day, 5:48:46 time: 0.8867 data_time: 0.1518 memory: 9812 grad_norm: 2.9302 loss: 2.6217 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.4877 distill.loss_dist: 1.1340 2023/05/14 21:05:18 - mmengine - INFO - Epoch(train) [35][ 720/1879] lr: 2.0000e-02 eta: 1 day, 5:48:30 time: 0.9013 data_time: 0.0230 memory: 9812 grad_norm: 2.9491 loss: 2.5764 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.4195 distill.loss_dist: 1.1569 2023/05/14 21:05:36 - mmengine - INFO - Epoch(train) [35][ 740/1879] lr: 2.0000e-02 eta: 1 day, 5:48:13 time: 0.8817 data_time: 0.0264 memory: 9812 grad_norm: 2.8597 loss: 2.6686 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5314 distill.loss_dist: 1.1372 2023/05/14 21:05:52 - mmengine - INFO - Epoch(train) [35][ 760/1879] lr: 2.0000e-02 eta: 1 day, 5:47:54 time: 0.8181 data_time: 0.0298 memory: 9812 grad_norm: 2.8922 loss: 2.5446 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4143 distill.loss_dist: 1.1303 2023/05/14 21:06:11 - mmengine - INFO - Epoch(train) [35][ 780/1879] lr: 2.0000e-02 eta: 1 day, 5:47:38 time: 0.9147 data_time: 0.0289 memory: 9812 grad_norm: 2.9015 loss: 2.9667 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.8147 distill.loss_dist: 1.1519 2023/05/14 21:06:28 - mmengine - INFO - Epoch(train) [35][ 800/1879] lr: 2.0000e-02 eta: 1 day, 5:47:20 time: 0.8610 data_time: 0.0242 memory: 9812 grad_norm: 2.9350 loss: 2.4654 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.3285 distill.loss_dist: 1.1369 2023/05/14 21:06:44 - mmengine - INFO - Epoch(train) [35][ 820/1879] lr: 2.0000e-02 eta: 1 day, 5:47:01 time: 0.8119 data_time: 0.0271 memory: 9812 grad_norm: 3.0180 loss: 2.7796 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6074 distill.loss_dist: 1.1723 2023/05/14 21:07:04 - mmengine - INFO - Epoch(train) [35][ 840/1879] lr: 2.0000e-02 eta: 1 day, 5:46:48 time: 0.9840 data_time: 0.0266 memory: 9812 grad_norm: 2.9458 loss: 2.6113 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.4931 distill.loss_dist: 1.1182 2023/05/14 21:07:20 - mmengine - INFO - Epoch(train) [35][ 860/1879] lr: 2.0000e-02 eta: 1 day, 5:46:28 time: 0.8115 data_time: 0.0279 memory: 9812 grad_norm: 2.9383 loss: 2.7466 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6210 distill.loss_dist: 1.1256 2023/05/14 21:07:37 - mmengine - INFO - Epoch(train) [35][ 880/1879] lr: 2.0000e-02 eta: 1 day, 5:46:10 time: 0.8569 data_time: 0.0260 memory: 9812 grad_norm: 2.9745 loss: 2.7366 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5568 distill.loss_dist: 1.1798 2023/05/14 21:07:55 - mmengine - INFO - Epoch(train) [35][ 900/1879] lr: 2.0000e-02 eta: 1 day, 5:45:53 time: 0.8810 data_time: 0.0266 memory: 9812 grad_norm: 2.9632 loss: 2.8214 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6778 distill.loss_dist: 1.1437 2023/05/14 21:08:13 - mmengine - INFO - Epoch(train) [35][ 920/1879] lr: 2.0000e-02 eta: 1 day, 5:45:37 time: 0.9068 data_time: 0.0293 memory: 9812 grad_norm: 2.9029 loss: 2.9757 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 1.7785 distill.loss_dist: 1.1972 2023/05/14 21:08:29 - mmengine - INFO - Epoch(train) [35][ 940/1879] lr: 2.0000e-02 eta: 1 day, 5:45:18 time: 0.8197 data_time: 0.0253 memory: 9812 grad_norm: 2.8820 loss: 2.6728 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5261 distill.loss_dist: 1.1467 2023/05/14 21:08:47 - mmengine - INFO - Epoch(train) [35][ 960/1879] lr: 2.0000e-02 eta: 1 day, 5:45:01 time: 0.8928 data_time: 0.0294 memory: 9812 grad_norm: 2.9931 loss: 2.9078 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.7537 distill.loss_dist: 1.1541 2023/05/14 21:09:04 - mmengine - INFO - Epoch(train) [35][ 980/1879] lr: 2.0000e-02 eta: 1 day, 5:44:43 time: 0.8548 data_time: 0.0274 memory: 9812 grad_norm: 2.9906 loss: 2.8508 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6918 distill.loss_dist: 1.1590 2023/05/14 21:09:20 - mmengine - INFO - Epoch(train) [35][1000/1879] lr: 2.0000e-02 eta: 1 day, 5:44:23 time: 0.7984 data_time: 0.0279 memory: 9812 grad_norm: 2.9532 loss: 2.5975 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.4572 distill.loss_dist: 1.1404 2023/05/14 21:09:37 - mmengine - INFO - Epoch(train) [35][1020/1879] lr: 2.0000e-02 eta: 1 day, 5:44:04 time: 0.8190 data_time: 0.0263 memory: 9812 grad_norm: 2.9706 loss: 2.6547 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4947 distill.loss_dist: 1.1599 2023/05/14 21:09:55 - mmengine - INFO - Epoch(train) [35][1040/1879] lr: 2.0000e-02 eta: 1 day, 5:43:47 time: 0.8921 data_time: 0.0281 memory: 9812 grad_norm: 2.9651 loss: 2.8020 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6262 distill.loss_dist: 1.1758 2023/05/14 21:10:14 - mmengine - INFO - Epoch(train) [35][1060/1879] lr: 2.0000e-02 eta: 1 day, 5:43:33 time: 0.9656 data_time: 0.0270 memory: 9812 grad_norm: 2.9068 loss: 2.6687 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5286 distill.loss_dist: 1.1401 2023/05/14 21:10:31 - mmengine - INFO - Epoch(train) [35][1080/1879] lr: 2.0000e-02 eta: 1 day, 5:43:15 time: 0.8392 data_time: 0.0284 memory: 9812 grad_norm: 2.8863 loss: 2.5782 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4570 distill.loss_dist: 1.1212 2023/05/14 21:10:49 - mmengine - INFO - Epoch(train) [35][1100/1879] lr: 2.0000e-02 eta: 1 day, 5:42:59 time: 0.9178 data_time: 0.0250 memory: 9812 grad_norm: 2.9526 loss: 2.7029 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5291 distill.loss_dist: 1.1738 2023/05/14 21:11:00 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 21:11:06 - mmengine - INFO - Epoch(train) [35][1120/1879] lr: 2.0000e-02 eta: 1 day, 5:42:40 time: 0.8352 data_time: 0.0279 memory: 9812 grad_norm: 2.9641 loss: 2.7455 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5905 distill.loss_dist: 1.1550 2023/05/14 21:11:22 - mmengine - INFO - Epoch(train) [35][1140/1879] lr: 2.0000e-02 eta: 1 day, 5:42:21 time: 0.8247 data_time: 0.0275 memory: 9812 grad_norm: 2.9077 loss: 2.5177 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3679 distill.loss_dist: 1.1498 2023/05/14 21:11:40 - mmengine - INFO - Epoch(train) [35][1160/1879] lr: 2.0000e-02 eta: 1 day, 5:42:05 time: 0.9071 data_time: 0.0269 memory: 9812 grad_norm: 2.8717 loss: 2.7170 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5756 distill.loss_dist: 1.1414 2023/05/14 21:11:57 - mmengine - INFO - Epoch(train) [35][1180/1879] lr: 2.0000e-02 eta: 1 day, 5:41:46 time: 0.8356 data_time: 0.0264 memory: 9812 grad_norm: 2.9035 loss: 2.7110 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5747 distill.loss_dist: 1.1363 2023/05/14 21:12:14 - mmengine - INFO - Epoch(train) [35][1200/1879] lr: 2.0000e-02 eta: 1 day, 5:41:28 time: 0.8315 data_time: 0.0275 memory: 9812 grad_norm: 2.8797 loss: 2.7522 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6018 distill.loss_dist: 1.1504 2023/05/14 21:12:31 - mmengine - INFO - Epoch(train) [35][1220/1879] lr: 2.0000e-02 eta: 1 day, 5:41:10 time: 0.8536 data_time: 0.0265 memory: 9812 grad_norm: 2.9247 loss: 2.7159 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5553 distill.loss_dist: 1.1607 2023/05/14 21:12:49 - mmengine - INFO - Epoch(train) [35][1240/1879] lr: 2.0000e-02 eta: 1 day, 5:40:54 time: 0.9131 data_time: 0.0274 memory: 9812 grad_norm: 2.8981 loss: 2.5915 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4607 distill.loss_dist: 1.1308 2023/05/14 21:13:06 - mmengine - INFO - Epoch(train) [35][1260/1879] lr: 2.0000e-02 eta: 1 day, 5:40:35 time: 0.8351 data_time: 0.0281 memory: 9812 grad_norm: 2.9144 loss: 2.6512 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4966 distill.loss_dist: 1.1546 2023/05/14 21:13:23 - mmengine - INFO - Epoch(train) [35][1280/1879] lr: 2.0000e-02 eta: 1 day, 5:40:17 time: 0.8415 data_time: 0.0266 memory: 9812 grad_norm: 2.9664 loss: 2.7430 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5837 distill.loss_dist: 1.1593 2023/05/14 21:13:40 - mmengine - INFO - Epoch(train) [35][1300/1879] lr: 2.0000e-02 eta: 1 day, 5:39:59 time: 0.8552 data_time: 0.0799 memory: 9812 grad_norm: 3.0264 loss: 2.6866 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5368 distill.loss_dist: 1.1499 2023/05/14 21:13:57 - mmengine - INFO - Epoch(train) [35][1320/1879] lr: 2.0000e-02 eta: 1 day, 5:39:41 time: 0.8530 data_time: 0.1276 memory: 9812 grad_norm: 2.9125 loss: 2.7386 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5741 distill.loss_dist: 1.1645 2023/05/14 21:14:13 - mmengine - INFO - Epoch(train) [35][1340/1879] lr: 2.0000e-02 eta: 1 day, 5:39:22 time: 0.8288 data_time: 0.0253 memory: 9812 grad_norm: 2.9242 loss: 2.5276 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4088 distill.loss_dist: 1.1188 2023/05/14 21:14:32 - mmengine - INFO - Epoch(train) [35][1360/1879] lr: 2.0000e-02 eta: 1 day, 5:39:06 time: 0.9069 data_time: 0.0436 memory: 9812 grad_norm: 2.9414 loss: 2.5959 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.4497 distill.loss_dist: 1.1462 2023/05/14 21:14:49 - mmengine - INFO - Epoch(train) [35][1380/1879] lr: 2.0000e-02 eta: 1 day, 5:38:48 time: 0.8676 data_time: 0.0543 memory: 9812 grad_norm: 2.9510 loss: 2.7912 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6337 distill.loss_dist: 1.1575 2023/05/14 21:15:07 - mmengine - INFO - Epoch(train) [35][1400/1879] lr: 2.0000e-02 eta: 1 day, 5:38:31 time: 0.8813 data_time: 0.0334 memory: 9812 grad_norm: 2.9462 loss: 2.7264 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5962 distill.loss_dist: 1.1302 2023/05/14 21:15:23 - mmengine - INFO - Epoch(train) [35][1420/1879] lr: 2.0000e-02 eta: 1 day, 5:38:12 time: 0.8233 data_time: 0.0266 memory: 9812 grad_norm: 2.9323 loss: 2.6176 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4719 distill.loss_dist: 1.1457 2023/05/14 21:15:42 - mmengine - INFO - Epoch(train) [35][1440/1879] lr: 2.0000e-02 eta: 1 day, 5:37:57 time: 0.9455 data_time: 0.0270 memory: 9812 grad_norm: 2.9059 loss: 2.9330 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.7752 distill.loss_dist: 1.1578 2023/05/14 21:15:59 - mmengine - INFO - Epoch(train) [35][1460/1879] lr: 2.0000e-02 eta: 1 day, 5:37:39 time: 0.8449 data_time: 0.0306 memory: 9812 grad_norm: 2.9883 loss: 2.5678 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4144 distill.loss_dist: 1.1534 2023/05/14 21:16:16 - mmengine - INFO - Epoch(train) [35][1480/1879] lr: 2.0000e-02 eta: 1 day, 5:37:20 time: 0.8395 data_time: 0.0230 memory: 9812 grad_norm: 2.9219 loss: 2.7936 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.6420 distill.loss_dist: 1.1516 2023/05/14 21:16:35 - mmengine - INFO - Epoch(train) [35][1500/1879] lr: 2.0000e-02 eta: 1 day, 5:37:06 time: 0.9548 data_time: 0.0281 memory: 9812 grad_norm: 2.9314 loss: 2.6576 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5003 distill.loss_dist: 1.1572 2023/05/14 21:16:51 - mmengine - INFO - Epoch(train) [35][1520/1879] lr: 2.0000e-02 eta: 1 day, 5:36:45 time: 0.7824 data_time: 0.0259 memory: 9812 grad_norm: 2.9198 loss: 2.6659 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.5214 distill.loss_dist: 1.1445 2023/05/14 21:17:07 - mmengine - INFO - Epoch(train) [35][1540/1879] lr: 2.0000e-02 eta: 1 day, 5:36:27 time: 0.8370 data_time: 0.0259 memory: 9812 grad_norm: 2.9787 loss: 2.7037 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5956 distill.loss_dist: 1.1081 2023/05/14 21:17:27 - mmengine - INFO - Epoch(train) [35][1560/1879] lr: 2.0000e-02 eta: 1 day, 5:36:14 time: 1.0007 data_time: 0.0375 memory: 9812 grad_norm: 2.9625 loss: 2.8892 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7183 distill.loss_dist: 1.1709 2023/05/14 21:17:43 - mmengine - INFO - Epoch(train) [35][1580/1879] lr: 2.0000e-02 eta: 1 day, 5:35:53 time: 0.7776 data_time: 0.0262 memory: 9812 grad_norm: 2.8883 loss: 2.6201 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4906 distill.loss_dist: 1.1295 2023/05/14 21:17:59 - mmengine - INFO - Epoch(train) [35][1600/1879] lr: 2.0000e-02 eta: 1 day, 5:35:33 time: 0.8043 data_time: 0.0270 memory: 9812 grad_norm: 2.8979 loss: 2.6231 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5017 distill.loss_dist: 1.1214 2023/05/14 21:18:17 - mmengine - INFO - Epoch(train) [35][1620/1879] lr: 2.0000e-02 eta: 1 day, 5:35:18 time: 0.9215 data_time: 0.0289 memory: 9812 grad_norm: 2.9076 loss: 2.7630 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5695 distill.loss_dist: 1.1935 2023/05/14 21:18:33 - mmengine - INFO - Epoch(train) [35][1640/1879] lr: 2.0000e-02 eta: 1 day, 5:34:58 time: 0.7892 data_time: 0.0261 memory: 9812 grad_norm: 2.9688 loss: 2.6166 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4711 distill.loss_dist: 1.1455 2023/05/14 21:18:50 - mmengine - INFO - Epoch(train) [35][1660/1879] lr: 2.0000e-02 eta: 1 day, 5:34:40 time: 0.8622 data_time: 0.0584 memory: 9812 grad_norm: 2.9282 loss: 2.7191 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5495 distill.loss_dist: 1.1696 2023/05/14 21:19:10 - mmengine - INFO - Epoch(train) [35][1680/1879] lr: 2.0000e-02 eta: 1 day, 5:34:27 time: 0.9910 data_time: 0.0244 memory: 9812 grad_norm: 2.8648 loss: 2.5965 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.4764 distill.loss_dist: 1.1201 2023/05/14 21:19:26 - mmengine - INFO - Epoch(train) [35][1700/1879] lr: 2.0000e-02 eta: 1 day, 5:34:06 time: 0.7749 data_time: 0.0272 memory: 9812 grad_norm: 2.8921 loss: 2.5778 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.4573 distill.loss_dist: 1.1206 2023/05/14 21:19:42 - mmengine - INFO - Epoch(train) [35][1720/1879] lr: 2.0000e-02 eta: 1 day, 5:33:46 time: 0.8085 data_time: 0.0305 memory: 9812 grad_norm: 2.9191 loss: 2.7745 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6311 distill.loss_dist: 1.1433 2023/05/14 21:20:00 - mmengine - INFO - Epoch(train) [35][1740/1879] lr: 2.0000e-02 eta: 1 day, 5:33:30 time: 0.8947 data_time: 0.0236 memory: 9812 grad_norm: 2.8993 loss: 2.8358 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6856 distill.loss_dist: 1.1502 2023/05/14 21:20:17 - mmengine - INFO - Epoch(train) [35][1760/1879] lr: 2.0000e-02 eta: 1 day, 5:33:13 time: 0.8775 data_time: 0.0249 memory: 9812 grad_norm: 2.9077 loss: 2.6944 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5520 distill.loss_dist: 1.1424 2023/05/14 21:20:35 - mmengine - INFO - Epoch(train) [35][1780/1879] lr: 2.0000e-02 eta: 1 day, 5:32:56 time: 0.8886 data_time: 0.0269 memory: 9812 grad_norm: 2.8771 loss: 2.6539 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5065 distill.loss_dist: 1.1475 2023/05/14 21:20:52 - mmengine - INFO - Epoch(train) [35][1800/1879] lr: 2.0000e-02 eta: 1 day, 5:32:37 time: 0.8309 data_time: 0.0280 memory: 9812 grad_norm: 2.9788 loss: 2.6463 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5161 distill.loss_dist: 1.1302 2023/05/14 21:21:10 - mmengine - INFO - Epoch(train) [35][1820/1879] lr: 2.0000e-02 eta: 1 day, 5:32:21 time: 0.8989 data_time: 0.0252 memory: 9812 grad_norm: 2.8681 loss: 2.6543 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5150 distill.loss_dist: 1.1393 2023/05/14 21:21:25 - mmengine - INFO - Epoch(train) [35][1840/1879] lr: 2.0000e-02 eta: 1 day, 5:32:00 time: 0.7775 data_time: 0.0264 memory: 9812 grad_norm: 2.8974 loss: 2.6823 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5455 distill.loss_dist: 1.1368 2023/05/14 21:21:43 - mmengine - INFO - Epoch(train) [35][1860/1879] lr: 2.0000e-02 eta: 1 day, 5:31:43 time: 0.8896 data_time: 0.0276 memory: 9812 grad_norm: 2.9378 loss: 2.9127 student.top1_acc: 0.1875 student.top5_acc: 0.7500 student.loss_cls: 1.7366 distill.loss_dist: 1.1761 2023/05/14 21:21:57 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 21:21:57 - mmengine - INFO - Epoch(train) [35][1879/1879] lr: 2.0000e-02 eta: 1 day, 5:31:21 time: 0.7249 data_time: 0.0214 memory: 9812 grad_norm: 3.0156 loss: 2.9002 student.top1_acc: 0.4286 student.top5_acc: 0.8571 student.loss_cls: 1.7206 distill.loss_dist: 1.1796 2023/05/14 21:22:17 - mmengine - INFO - Epoch(val) [35][ 20/155] eta: 0:02:17 time: 1.0213 data_time: 0.9510 memory: 1484 2023/05/14 21:22:30 - mmengine - INFO - Epoch(val) [35][ 40/155] eta: 0:01:35 time: 0.6435 data_time: 0.5752 memory: 1484 2023/05/14 21:22:48 - mmengine - INFO - Epoch(val) [35][ 60/155] eta: 0:01:21 time: 0.9025 data_time: 0.8415 memory: 1484 2023/05/14 21:23:01 - mmengine - INFO - Epoch(val) [35][ 80/155] eta: 0:01:00 time: 0.6627 data_time: 0.5962 memory: 1484 2023/05/14 21:23:20 - mmengine - INFO - Epoch(val) [35][100/155] eta: 0:00:46 time: 0.9531 data_time: 0.8882 memory: 1484 2023/05/14 21:23:34 - mmengine - INFO - Epoch(val) [35][120/155] eta: 0:00:28 time: 0.6992 data_time: 0.6376 memory: 1484 2023/05/14 21:23:54 - mmengine - INFO - Epoch(val) [35][140/155] eta: 0:00:12 time: 1.0023 data_time: 0.9398 memory: 1484 2023/05/14 21:24:23 - mmengine - INFO - Epoch(val) [35][ 20/155] eta: 0:16:21 time: 0.9980 data_time: 0.8423 memory: 1582 2023/05/14 21:24:37 - mmengine - INFO - Epoch(val) [35][ 40/155] eta: 0:07:38 time: 0.7087 data_time: 0.5551 memory: 1582 2023/05/14 21:24:57 - mmengine - INFO - Epoch(val) [35][ 60/155] eta: 0:04:42 time: 0.9556 data_time: 0.7766 memory: 1582 2023/05/14 21:25:11 - mmengine - INFO - Epoch(val) [35][ 80/155] eta: 0:03:00 time: 0.7111 data_time: 0.5584 memory: 1582 2023/05/14 21:25:31 - mmengine - INFO - Epoch(val) [35][100/155] eta: 0:01:56 time: 0.9841 data_time: 0.8295 memory: 1582 2023/05/14 21:25:44 - mmengine - INFO - Epoch(val) [35][120/155] eta: 0:01:05 time: 0.6669 data_time: 0.5160 memory: 1582 2023/05/14 21:26:03 - mmengine - INFO - Epoch(val) [35][140/155] eta: 0:00:26 time: 0.9642 data_time: 0.8104 memory: 1582 2023/05/14 21:26:13 - mmengine - INFO - Epoch(val) [35][155/155] acc/top1: 0.6250 acc/top5: 0.8421 acc/mean1: 0.6250 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6556 time: 0.8102 2023/05/14 21:26:34 - mmengine - INFO - Epoch(train) [36][ 20/1879] lr: 2.0000e-02 eta: 1 day, 5:31:11 time: 1.0848 data_time: 0.3954 memory: 9812 grad_norm: 2.9146 loss: 2.6167 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4774 distill.loss_dist: 1.1394 2023/05/14 21:26:53 - mmengine - INFO - Epoch(train) [36][ 40/1879] lr: 2.0000e-02 eta: 1 day, 5:30:55 time: 0.9034 data_time: 0.0619 memory: 9812 grad_norm: 2.8885 loss: 2.6671 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5167 distill.loss_dist: 1.1503 2023/05/14 21:27:10 - mmengine - INFO - Epoch(train) [36][ 60/1879] lr: 2.0000e-02 eta: 1 day, 5:30:37 time: 0.8530 data_time: 0.0265 memory: 9812 grad_norm: 2.9814 loss: 2.7425 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5735 distill.loss_dist: 1.1690 2023/05/14 21:27:28 - mmengine - INFO - Epoch(train) [36][ 80/1879] lr: 2.0000e-02 eta: 1 day, 5:30:22 time: 0.9272 data_time: 0.0294 memory: 9812 grad_norm: 2.9380 loss: 2.5725 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4376 distill.loss_dist: 1.1349 2023/05/14 21:27:45 - mmengine - INFO - Epoch(train) [36][ 100/1879] lr: 2.0000e-02 eta: 1 day, 5:30:04 time: 0.8499 data_time: 0.0257 memory: 9812 grad_norm: 2.8968 loss: 2.5976 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4544 distill.loss_dist: 1.1432 2023/05/14 21:28:02 - mmengine - INFO - Epoch(train) [36][ 120/1879] lr: 2.0000e-02 eta: 1 day, 5:29:45 time: 0.8360 data_time: 0.0263 memory: 9812 grad_norm: 2.8970 loss: 2.7847 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6080 distill.loss_dist: 1.1767 2023/05/14 21:28:20 - mmengine - INFO - Epoch(train) [36][ 140/1879] lr: 2.0000e-02 eta: 1 day, 5:29:30 time: 0.9260 data_time: 0.0266 memory: 9812 grad_norm: 2.8758 loss: 2.4671 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3375 distill.loss_dist: 1.1296 2023/05/14 21:28:36 - mmengine - INFO - Epoch(train) [36][ 160/1879] lr: 2.0000e-02 eta: 1 day, 5:29:09 time: 0.7886 data_time: 0.0263 memory: 9812 grad_norm: 2.9071 loss: 2.5835 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4482 distill.loss_dist: 1.1353 2023/05/14 21:28:52 - mmengine - INFO - Epoch(train) [36][ 180/1879] lr: 2.0000e-02 eta: 1 day, 5:28:50 time: 0.8105 data_time: 0.0255 memory: 9812 grad_norm: 2.9624 loss: 2.5609 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4262 distill.loss_dist: 1.1347 2023/05/14 21:29:12 - mmengine - INFO - Epoch(train) [36][ 200/1879] lr: 2.0000e-02 eta: 1 day, 5:28:35 time: 0.9599 data_time: 0.0293 memory: 9812 grad_norm: 2.8564 loss: 2.6756 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5304 distill.loss_dist: 1.1452 2023/05/14 21:29:27 - mmengine - INFO - Epoch(train) [36][ 220/1879] lr: 2.0000e-02 eta: 1 day, 5:28:14 time: 0.7644 data_time: 0.0246 memory: 9812 grad_norm: 2.8585 loss: 2.5047 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3679 distill.loss_dist: 1.1368 2023/05/14 21:29:41 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 21:29:44 - mmengine - INFO - Epoch(train) [36][ 240/1879] lr: 2.0000e-02 eta: 1 day, 5:27:55 time: 0.8309 data_time: 0.0271 memory: 9812 grad_norm: 2.9651 loss: 2.6955 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5558 distill.loss_dist: 1.1397 2023/05/14 21:30:02 - mmengine - INFO - Epoch(train) [36][ 260/1879] lr: 2.0000e-02 eta: 1 day, 5:27:40 time: 0.9316 data_time: 0.1774 memory: 9812 grad_norm: 2.9058 loss: 2.5225 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.4213 distill.loss_dist: 1.1013 2023/05/14 21:30:19 - mmengine - INFO - Epoch(train) [36][ 280/1879] lr: 2.0000e-02 eta: 1 day, 5:27:21 time: 0.8276 data_time: 0.0494 memory: 9812 grad_norm: 2.9095 loss: 2.7890 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.6531 distill.loss_dist: 1.1359 2023/05/14 21:30:37 - mmengine - INFO - Epoch(train) [36][ 300/1879] lr: 2.0000e-02 eta: 1 day, 5:27:04 time: 0.8857 data_time: 0.2574 memory: 9812 grad_norm: 2.9693 loss: 2.6982 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5624 distill.loss_dist: 1.1358 2023/05/14 21:30:54 - mmengine - INFO - Epoch(train) [36][ 320/1879] lr: 2.0000e-02 eta: 1 day, 5:26:47 time: 0.8839 data_time: 0.1718 memory: 9812 grad_norm: 2.9284 loss: 2.7459 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5834 distill.loss_dist: 1.1625 2023/05/14 21:31:11 - mmengine - INFO - Epoch(train) [36][ 340/1879] lr: 2.0000e-02 eta: 1 day, 5:26:29 time: 0.8350 data_time: 0.1187 memory: 9812 grad_norm: 2.8684 loss: 2.5808 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4433 distill.loss_dist: 1.1375 2023/05/14 21:31:28 - mmengine - INFO - Epoch(train) [36][ 360/1879] lr: 2.0000e-02 eta: 1 day, 5:26:10 time: 0.8380 data_time: 0.0312 memory: 9812 grad_norm: 2.9547 loss: 2.8852 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7392 distill.loss_dist: 1.1460 2023/05/14 21:31:46 - mmengine - INFO - Epoch(train) [36][ 380/1879] lr: 2.0000e-02 eta: 1 day, 5:25:54 time: 0.9013 data_time: 0.0332 memory: 9812 grad_norm: 2.9105 loss: 2.8508 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6761 distill.loss_dist: 1.1747 2023/05/14 21:32:04 - mmengine - INFO - Epoch(train) [36][ 400/1879] lr: 2.0000e-02 eta: 1 day, 5:25:39 time: 0.9294 data_time: 0.0262 memory: 9812 grad_norm: 2.8991 loss: 2.5070 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3698 distill.loss_dist: 1.1372 2023/05/14 21:32:21 - mmengine - INFO - Epoch(train) [36][ 420/1879] lr: 2.0000e-02 eta: 1 day, 5:25:20 time: 0.8370 data_time: 0.0271 memory: 9812 grad_norm: 2.9414 loss: 2.7198 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5671 distill.loss_dist: 1.1527 2023/05/14 21:32:37 - mmengine - INFO - Epoch(train) [36][ 440/1879] lr: 2.0000e-02 eta: 1 day, 5:24:59 time: 0.7793 data_time: 0.0289 memory: 9812 grad_norm: 2.9529 loss: 2.7292 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.5814 distill.loss_dist: 1.1478 2023/05/14 21:32:55 - mmengine - INFO - Epoch(train) [36][ 460/1879] lr: 2.0000e-02 eta: 1 day, 5:24:44 time: 0.9239 data_time: 0.0264 memory: 9812 grad_norm: 2.9470 loss: 2.7889 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6158 distill.loss_dist: 1.1731 2023/05/14 21:33:11 - mmengine - INFO - Epoch(train) [36][ 480/1879] lr: 2.0000e-02 eta: 1 day, 5:24:24 time: 0.8069 data_time: 0.0268 memory: 9812 grad_norm: 2.8682 loss: 2.7363 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5811 distill.loss_dist: 1.1552 2023/05/14 21:33:30 - mmengine - INFO - Epoch(train) [36][ 500/1879] lr: 2.0000e-02 eta: 1 day, 5:24:09 time: 0.9242 data_time: 0.0282 memory: 9812 grad_norm: 2.8924 loss: 2.6596 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5221 distill.loss_dist: 1.1375 2023/05/14 21:33:47 - mmengine - INFO - Epoch(train) [36][ 520/1879] lr: 2.0000e-02 eta: 1 day, 5:23:50 time: 0.8440 data_time: 0.0298 memory: 9812 grad_norm: 2.8986 loss: 2.8865 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7034 distill.loss_dist: 1.1831 2023/05/14 21:34:03 - mmengine - INFO - Epoch(train) [36][ 540/1879] lr: 2.0000e-02 eta: 1 day, 5:23:31 time: 0.8220 data_time: 0.0283 memory: 9812 grad_norm: 2.9043 loss: 2.5794 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4552 distill.loss_dist: 1.1242 2023/05/14 21:34:20 - mmengine - INFO - Epoch(train) [36][ 560/1879] lr: 2.0000e-02 eta: 1 day, 5:23:13 time: 0.8556 data_time: 0.0244 memory: 9812 grad_norm: 2.8808 loss: 2.6135 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.4983 distill.loss_dist: 1.1153 2023/05/14 21:34:38 - mmengine - INFO - Epoch(train) [36][ 580/1879] lr: 2.0000e-02 eta: 1 day, 5:22:57 time: 0.9018 data_time: 0.0274 memory: 9812 grad_norm: 2.9359 loss: 2.7162 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5827 distill.loss_dist: 1.1334 2023/05/14 21:34:55 - mmengine - INFO - Epoch(train) [36][ 600/1879] lr: 2.0000e-02 eta: 1 day, 5:22:37 time: 0.8059 data_time: 0.0422 memory: 9812 grad_norm: 2.8985 loss: 2.4568 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3270 distill.loss_dist: 1.1298 2023/05/14 21:35:11 - mmengine - INFO - Epoch(train) [36][ 620/1879] lr: 2.0000e-02 eta: 1 day, 5:22:17 time: 0.8054 data_time: 0.0465 memory: 9812 grad_norm: 2.9614 loss: 2.7639 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6096 distill.loss_dist: 1.1542 2023/05/14 21:35:30 - mmengine - INFO - Epoch(train) [36][ 640/1879] lr: 2.0000e-02 eta: 1 day, 5:22:03 time: 0.9570 data_time: 0.0546 memory: 9812 grad_norm: 2.9949 loss: 2.7933 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6677 distill.loss_dist: 1.1256 2023/05/14 21:35:46 - mmengine - INFO - Epoch(train) [36][ 660/1879] lr: 2.0000e-02 eta: 1 day, 5:21:44 time: 0.8287 data_time: 0.0458 memory: 9812 grad_norm: 2.9035 loss: 2.5967 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.4717 distill.loss_dist: 1.1250 2023/05/14 21:36:04 - mmengine - INFO - Epoch(train) [36][ 680/1879] lr: 2.0000e-02 eta: 1 day, 5:21:27 time: 0.8738 data_time: 0.0278 memory: 9812 grad_norm: 2.9521 loss: 2.6347 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.4942 distill.loss_dist: 1.1405 2023/05/14 21:36:22 - mmengine - INFO - Epoch(train) [36][ 700/1879] lr: 2.0000e-02 eta: 1 day, 5:21:11 time: 0.8988 data_time: 0.0307 memory: 9812 grad_norm: 2.8301 loss: 2.4432 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3565 distill.loss_dist: 1.0866 2023/05/14 21:36:39 - mmengine - INFO - Epoch(train) [36][ 720/1879] lr: 2.0000e-02 eta: 1 day, 5:20:53 time: 0.8738 data_time: 0.0246 memory: 9812 grad_norm: 2.9998 loss: 2.6812 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5623 distill.loss_dist: 1.1189 2023/05/14 21:36:56 - mmengine - INFO - Epoch(train) [36][ 740/1879] lr: 2.0000e-02 eta: 1 day, 5:20:34 time: 0.8154 data_time: 0.0266 memory: 9812 grad_norm: 2.9498 loss: 2.5687 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4209 distill.loss_dist: 1.1478 2023/05/14 21:37:14 - mmengine - INFO - Epoch(train) [36][ 760/1879] lr: 2.0000e-02 eta: 1 day, 5:20:18 time: 0.8993 data_time: 0.0303 memory: 9812 grad_norm: 2.8997 loss: 2.6294 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4979 distill.loss_dist: 1.1315 2023/05/14 21:37:33 - mmengine - INFO - Epoch(train) [36][ 780/1879] lr: 2.0000e-02 eta: 1 day, 5:20:04 time: 0.9733 data_time: 0.0256 memory: 9812 grad_norm: 2.9782 loss: 2.8003 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6269 distill.loss_dist: 1.1734 2023/05/14 21:37:50 - mmengine - INFO - Epoch(train) [36][ 800/1879] lr: 2.0000e-02 eta: 1 day, 5:19:46 time: 0.8466 data_time: 0.0278 memory: 9812 grad_norm: 2.9041 loss: 2.5602 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4189 distill.loss_dist: 1.1414 2023/05/14 21:38:06 - mmengine - INFO - Epoch(train) [36][ 820/1879] lr: 2.0000e-02 eta: 1 day, 5:19:25 time: 0.7881 data_time: 0.0263 memory: 9812 grad_norm: 2.9331 loss: 2.6498 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5178 distill.loss_dist: 1.1319 2023/05/14 21:38:26 - mmengine - INFO - Epoch(train) [36][ 840/1879] lr: 2.0000e-02 eta: 1 day, 5:19:13 time: 0.9968 data_time: 0.0261 memory: 9812 grad_norm: 2.9702 loss: 2.6194 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.4845 distill.loss_dist: 1.1349 2023/05/14 21:38:41 - mmengine - INFO - Epoch(train) [36][ 860/1879] lr: 2.0000e-02 eta: 1 day, 5:18:52 time: 0.7726 data_time: 0.0317 memory: 9812 grad_norm: 2.8951 loss: 2.6132 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4988 distill.loss_dist: 1.1144 2023/05/14 21:38:58 - mmengine - INFO - Epoch(train) [36][ 880/1879] lr: 2.0000e-02 eta: 1 day, 5:18:32 time: 0.8214 data_time: 0.0269 memory: 9812 grad_norm: 2.9234 loss: 2.7955 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.6247 distill.loss_dist: 1.1708 2023/05/14 21:39:17 - mmengine - INFO - Epoch(train) [36][ 900/1879] lr: 2.0000e-02 eta: 1 day, 5:18:18 time: 0.9484 data_time: 0.0285 memory: 9812 grad_norm: 2.9603 loss: 2.9251 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.7535 distill.loss_dist: 1.1716 2023/05/14 21:39:34 - mmengine - INFO - Epoch(train) [36][ 920/1879] lr: 2.0000e-02 eta: 1 day, 5:18:01 time: 0.8873 data_time: 0.0316 memory: 9812 grad_norm: 2.9242 loss: 2.6595 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5222 distill.loss_dist: 1.1373 2023/05/14 21:39:51 - mmengine - INFO - Epoch(train) [36][ 940/1879] lr: 2.0000e-02 eta: 1 day, 5:17:42 time: 0.8140 data_time: 0.0328 memory: 9812 grad_norm: 2.9172 loss: 2.5864 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.4539 distill.loss_dist: 1.1325 2023/05/14 21:40:09 - mmengine - INFO - Epoch(train) [36][ 960/1879] lr: 2.0000e-02 eta: 1 day, 5:17:25 time: 0.8972 data_time: 0.0622 memory: 9812 grad_norm: 2.8769 loss: 2.7405 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.5946 distill.loss_dist: 1.1458 2023/05/14 21:40:25 - mmengine - INFO - Epoch(train) [36][ 980/1879] lr: 2.0000e-02 eta: 1 day, 5:17:06 time: 0.8301 data_time: 0.0753 memory: 9812 grad_norm: 3.0095 loss: 2.6504 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5092 distill.loss_dist: 1.1412 2023/05/14 21:40:42 - mmengine - INFO - Epoch(train) [36][1000/1879] lr: 2.0000e-02 eta: 1 day, 5:16:47 time: 0.8285 data_time: 0.1269 memory: 9812 grad_norm: 2.9051 loss: 2.6410 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5089 distill.loss_dist: 1.1321 2023/05/14 21:41:00 - mmengine - INFO - Epoch(train) [36][1020/1879] lr: 2.0000e-02 eta: 1 day, 5:16:31 time: 0.9100 data_time: 0.0529 memory: 9812 grad_norm: 2.8644 loss: 2.7428 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.5970 distill.loss_dist: 1.1458 2023/05/14 21:41:17 - mmengine - INFO - Epoch(train) [36][1040/1879] lr: 2.0000e-02 eta: 1 day, 5:16:13 time: 0.8531 data_time: 0.0297 memory: 9812 grad_norm: 2.9524 loss: 2.8641 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7001 distill.loss_dist: 1.1639 2023/05/14 21:41:36 - mmengine - INFO - Epoch(train) [36][1060/1879] lr: 2.0000e-02 eta: 1 day, 5:15:58 time: 0.9239 data_time: 0.0230 memory: 9812 grad_norm: 2.9416 loss: 2.6418 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4814 distill.loss_dist: 1.1604 2023/05/14 21:41:53 - mmengine - INFO - Epoch(train) [36][1080/1879] lr: 2.0000e-02 eta: 1 day, 5:15:40 time: 0.8605 data_time: 0.0255 memory: 9812 grad_norm: 2.9714 loss: 2.7879 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6243 distill.loss_dist: 1.1635 2023/05/14 21:42:09 - mmengine - INFO - Epoch(train) [36][1100/1879] lr: 2.0000e-02 eta: 1 day, 5:15:20 time: 0.7982 data_time: 0.0678 memory: 9812 grad_norm: 2.9314 loss: 2.7688 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6146 distill.loss_dist: 1.1542 2023/05/14 21:42:26 - mmengine - INFO - Epoch(train) [36][1120/1879] lr: 2.0000e-02 eta: 1 day, 5:15:01 time: 0.8312 data_time: 0.0520 memory: 9812 grad_norm: 2.9720 loss: 2.8247 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6711 distill.loss_dist: 1.1536 2023/05/14 21:42:44 - mmengine - INFO - Epoch(train) [36][1140/1879] lr: 2.0000e-02 eta: 1 day, 5:14:45 time: 0.9081 data_time: 0.0257 memory: 9812 grad_norm: 2.8625 loss: 2.6422 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.4929 distill.loss_dist: 1.1493 2023/05/14 21:43:01 - mmengine - INFO - Epoch(train) [36][1160/1879] lr: 2.0000e-02 eta: 1 day, 5:14:28 time: 0.8674 data_time: 0.0284 memory: 9812 grad_norm: 2.9206 loss: 2.6314 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4844 distill.loss_dist: 1.1470 2023/05/14 21:43:18 - mmengine - INFO - Epoch(train) [36][1180/1879] lr: 2.0000e-02 eta: 1 day, 5:14:09 time: 0.8328 data_time: 0.0264 memory: 9812 grad_norm: 2.9692 loss: 2.9861 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.8247 distill.loss_dist: 1.1614 2023/05/14 21:43:37 - mmengine - INFO - Epoch(train) [36][1200/1879] lr: 2.0000e-02 eta: 1 day, 5:13:55 time: 0.9719 data_time: 0.0276 memory: 9812 grad_norm: 2.8994 loss: 2.5512 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4271 distill.loss_dist: 1.1241 2023/05/14 21:43:54 - mmengine - INFO - Epoch(train) [36][1220/1879] lr: 2.0000e-02 eta: 1 day, 5:13:37 time: 0.8392 data_time: 0.0265 memory: 9812 grad_norm: 2.8179 loss: 2.8665 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.7043 distill.loss_dist: 1.1622 2023/05/14 21:44:05 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 21:44:11 - mmengine - INFO - Epoch(train) [36][1240/1879] lr: 2.0000e-02 eta: 1 day, 5:13:18 time: 0.8271 data_time: 0.0255 memory: 9812 grad_norm: 2.9421 loss: 2.6805 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5536 distill.loss_dist: 1.1269 2023/05/14 21:44:28 - mmengine - INFO - Epoch(train) [36][1260/1879] lr: 2.0000e-02 eta: 1 day, 5:13:00 time: 0.8507 data_time: 0.0268 memory: 9812 grad_norm: 2.9175 loss: 2.6636 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5194 distill.loss_dist: 1.1442 2023/05/14 21:44:44 - mmengine - INFO - Epoch(train) [36][1280/1879] lr: 2.0000e-02 eta: 1 day, 5:12:40 time: 0.8090 data_time: 0.0399 memory: 9812 grad_norm: 2.9341 loss: 2.8740 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.7306 distill.loss_dist: 1.1434 2023/05/14 21:45:01 - mmengine - INFO - Epoch(train) [36][1300/1879] lr: 2.0000e-02 eta: 1 day, 5:12:22 time: 0.8599 data_time: 0.0363 memory: 9812 grad_norm: 2.8788 loss: 2.8036 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.6632 distill.loss_dist: 1.1403 2023/05/14 21:45:21 - mmengine - INFO - Epoch(train) [36][1320/1879] lr: 2.0000e-02 eta: 1 day, 5:12:09 time: 0.9835 data_time: 0.0262 memory: 9812 grad_norm: 2.8481 loss: 2.5923 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4616 distill.loss_dist: 1.1306 2023/05/14 21:45:38 - mmengine - INFO - Epoch(train) [36][1340/1879] lr: 2.0000e-02 eta: 1 day, 5:11:52 time: 0.8710 data_time: 0.0288 memory: 9812 grad_norm: 2.9240 loss: 2.5191 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4120 distill.loss_dist: 1.1072 2023/05/14 21:45:54 - mmengine - INFO - Epoch(train) [36][1360/1879] lr: 2.0000e-02 eta: 1 day, 5:11:32 time: 0.8115 data_time: 0.0286 memory: 9812 grad_norm: 2.9996 loss: 2.6838 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5382 distill.loss_dist: 1.1456 2023/05/14 21:46:13 - mmengine - INFO - Epoch(train) [36][1380/1879] lr: 2.0000e-02 eta: 1 day, 5:11:17 time: 0.9456 data_time: 0.0710 memory: 9812 grad_norm: 2.8940 loss: 2.6608 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5122 distill.loss_dist: 1.1487 2023/05/14 21:46:30 - mmengine - INFO - Epoch(train) [36][1400/1879] lr: 2.0000e-02 eta: 1 day, 5:10:58 time: 0.8257 data_time: 0.1770 memory: 9812 grad_norm: 2.8845 loss: 2.8344 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6614 distill.loss_dist: 1.1730 2023/05/14 21:46:47 - mmengine - INFO - Epoch(train) [36][1420/1879] lr: 2.0000e-02 eta: 1 day, 5:10:40 time: 0.8385 data_time: 0.0645 memory: 9812 grad_norm: 2.8534 loss: 2.6835 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5756 distill.loss_dist: 1.1079 2023/05/14 21:47:05 - mmengine - INFO - Epoch(train) [36][1440/1879] lr: 2.0000e-02 eta: 1 day, 5:10:25 time: 0.9367 data_time: 0.0988 memory: 9812 grad_norm: 2.9755 loss: 2.6027 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4617 distill.loss_dist: 1.1409 2023/05/14 21:47:22 - mmengine - INFO - Epoch(train) [36][1460/1879] lr: 2.0000e-02 eta: 1 day, 5:10:07 time: 0.8446 data_time: 0.0943 memory: 9812 grad_norm: 2.9618 loss: 2.7754 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6439 distill.loss_dist: 1.1315 2023/05/14 21:47:39 - mmengine - INFO - Epoch(train) [36][1480/1879] lr: 2.0000e-02 eta: 1 day, 5:09:48 time: 0.8257 data_time: 0.0261 memory: 9812 grad_norm: 2.9444 loss: 2.7842 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5955 distill.loss_dist: 1.1887 2023/05/14 21:47:58 - mmengine - INFO - Epoch(train) [36][1500/1879] lr: 2.0000e-02 eta: 1 day, 5:09:33 time: 0.9474 data_time: 0.0483 memory: 9812 grad_norm: 2.9335 loss: 2.7685 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.6029 distill.loss_dist: 1.1656 2023/05/14 21:48:14 - mmengine - INFO - Epoch(train) [36][1520/1879] lr: 2.0000e-02 eta: 1 day, 5:09:13 time: 0.7954 data_time: 0.1013 memory: 9812 grad_norm: 2.8754 loss: 2.6773 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5510 distill.loss_dist: 1.1263 2023/05/14 21:48:31 - mmengine - INFO - Epoch(train) [36][1540/1879] lr: 2.0000e-02 eta: 1 day, 5:08:55 time: 0.8651 data_time: 0.3402 memory: 9812 grad_norm: 3.0123 loss: 2.9044 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.7609 distill.loss_dist: 1.1435 2023/05/14 21:48:48 - mmengine - INFO - Epoch(train) [36][1560/1879] lr: 2.0000e-02 eta: 1 day, 5:08:38 time: 0.8667 data_time: 0.3200 memory: 9812 grad_norm: 2.9621 loss: 2.6393 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4789 distill.loss_dist: 1.1604 2023/05/14 21:49:04 - mmengine - INFO - Epoch(train) [36][1580/1879] lr: 2.0000e-02 eta: 1 day, 5:08:17 time: 0.7768 data_time: 0.3323 memory: 9812 grad_norm: 2.9114 loss: 2.6056 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4705 distill.loss_dist: 1.1350 2023/05/14 21:49:22 - mmengine - INFO - Epoch(train) [36][1600/1879] lr: 2.0000e-02 eta: 1 day, 5:08:02 time: 0.9314 data_time: 0.4923 memory: 9812 grad_norm: 2.9132 loss: 2.6959 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5601 distill.loss_dist: 1.1357 2023/05/14 21:49:39 - mmengine - INFO - Epoch(train) [36][1620/1879] lr: 2.0000e-02 eta: 1 day, 5:07:43 time: 0.8224 data_time: 0.2973 memory: 9812 grad_norm: 2.8705 loss: 2.6564 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5190 distill.loss_dist: 1.1374 2023/05/14 21:49:56 - mmengine - INFO - Epoch(train) [36][1640/1879] lr: 2.0000e-02 eta: 1 day, 5:07:25 time: 0.8492 data_time: 0.1259 memory: 9812 grad_norm: 2.9456 loss: 2.7228 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5882 distill.loss_dist: 1.1345 2023/05/14 21:50:16 - mmengine - INFO - Epoch(train) [36][1660/1879] lr: 2.0000e-02 eta: 1 day, 5:07:11 time: 0.9808 data_time: 0.3830 memory: 9812 grad_norm: 2.9442 loss: 2.4984 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3960 distill.loss_dist: 1.1024 2023/05/14 21:50:31 - mmengine - INFO - Epoch(train) [36][1680/1879] lr: 2.0000e-02 eta: 1 day, 5:06:51 time: 0.7856 data_time: 0.3442 memory: 9812 grad_norm: 2.9219 loss: 2.6710 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5113 distill.loss_dist: 1.1597 2023/05/14 21:50:49 - mmengine - INFO - Epoch(train) [36][1700/1879] lr: 2.0000e-02 eta: 1 day, 5:06:34 time: 0.8849 data_time: 0.4133 memory: 9812 grad_norm: 2.9241 loss: 2.7091 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 1.5638 distill.loss_dist: 1.1453 2023/05/14 21:51:08 - mmengine - INFO - Epoch(train) [36][1720/1879] lr: 2.0000e-02 eta: 1 day, 5:06:20 time: 0.9598 data_time: 0.5233 memory: 9812 grad_norm: 2.9178 loss: 2.6864 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 1.5491 distill.loss_dist: 1.1374 2023/05/14 21:51:26 - mmengine - INFO - Epoch(train) [36][1740/1879] lr: 2.0000e-02 eta: 1 day, 5:06:03 time: 0.8805 data_time: 0.4494 memory: 9812 grad_norm: 2.8919 loss: 2.4830 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3184 distill.loss_dist: 1.1646 2023/05/14 21:51:41 - mmengine - INFO - Epoch(train) [36][1760/1879] lr: 2.0000e-02 eta: 1 day, 5:05:41 time: 0.7424 data_time: 0.3131 memory: 9812 grad_norm: 2.9479 loss: 2.8139 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6461 distill.loss_dist: 1.1678 2023/05/14 21:51:59 - mmengine - INFO - Epoch(train) [36][1780/1879] lr: 2.0000e-02 eta: 1 day, 5:05:26 time: 0.9344 data_time: 0.5013 memory: 9812 grad_norm: 2.8881 loss: 2.5542 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4169 distill.loss_dist: 1.1373 2023/05/14 21:52:16 - mmengine - INFO - Epoch(train) [36][1800/1879] lr: 2.0000e-02 eta: 1 day, 5:05:07 time: 0.8338 data_time: 0.3923 memory: 9812 grad_norm: 2.9821 loss: 2.7014 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5606 distill.loss_dist: 1.1407 2023/05/14 21:52:32 - mmengine - INFO - Epoch(train) [36][1820/1879] lr: 2.0000e-02 eta: 1 day, 5:04:47 time: 0.7941 data_time: 0.3503 memory: 9812 grad_norm: 2.8734 loss: 2.5209 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3818 distill.loss_dist: 1.1391 2023/05/14 21:52:51 - mmengine - INFO - Epoch(train) [36][1840/1879] lr: 2.0000e-02 eta: 1 day, 5:04:31 time: 0.9279 data_time: 0.4900 memory: 9812 grad_norm: 2.8966 loss: 2.5836 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4383 distill.loss_dist: 1.1453 2023/05/14 21:53:07 - mmengine - INFO - Epoch(train) [36][1860/1879] lr: 2.0000e-02 eta: 1 day, 5:04:13 time: 0.8392 data_time: 0.1668 memory: 9812 grad_norm: 2.9250 loss: 2.7336 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5898 distill.loss_dist: 1.1438 2023/05/14 21:53:20 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 21:53:20 - mmengine - INFO - Epoch(train) [36][1879/1879] lr: 2.0000e-02 eta: 1 day, 5:03:50 time: 0.6856 data_time: 0.0513 memory: 9812 grad_norm: 2.9592 loss: 2.5816 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.4604 distill.loss_dist: 1.1212 2023/05/14 21:53:20 - mmengine - INFO - Saving checkpoint at 36 epochs 2023/05/14 21:53:41 - mmengine - INFO - Epoch(val) [36][ 20/155] eta: 0:02:12 time: 0.9794 data_time: 0.9134 memory: 1484 2023/05/14 21:53:54 - mmengine - INFO - Epoch(val) [36][ 40/155] eta: 0:01:34 time: 0.6683 data_time: 0.6063 memory: 1484 2023/05/14 21:54:12 - mmengine - INFO - Epoch(val) [36][ 60/155] eta: 0:01:20 time: 0.8899 data_time: 0.8256 memory: 1484 2023/05/14 21:54:25 - mmengine - INFO - Epoch(val) [36][ 80/155] eta: 0:00:59 time: 0.6611 data_time: 0.6009 memory: 1484 2023/05/14 21:54:45 - mmengine - INFO - Epoch(val) [36][100/155] eta: 0:00:45 time: 0.9636 data_time: 0.8853 memory: 1484 2023/05/14 21:54:58 - mmengine - INFO - Epoch(val) [36][120/155] eta: 0:00:28 time: 0.6821 data_time: 0.6169 memory: 1484 2023/05/14 21:55:18 - mmengine - INFO - Epoch(val) [36][140/155] eta: 0:00:12 time: 0.9726 data_time: 0.9094 memory: 1484 2023/05/14 21:55:47 - mmengine - INFO - Epoch(val) [36][ 20/155] eta: 0:16:12 time: 1.0022 data_time: 0.8411 memory: 1582 2023/05/14 21:56:01 - mmengine - INFO - Epoch(val) [36][ 40/155] eta: 0:07:34 time: 0.7006 data_time: 0.5464 memory: 1582 2023/05/14 21:56:20 - mmengine - INFO - Epoch(val) [36][ 60/155] eta: 0:04:39 time: 0.9221 data_time: 0.7698 memory: 1582 2023/05/14 21:56:34 - mmengine - INFO - Epoch(val) [36][ 80/155] eta: 0:02:58 time: 0.7196 data_time: 0.5672 memory: 1582 2023/05/14 21:56:53 - mmengine - INFO - Epoch(val) [36][100/155] eta: 0:01:55 time: 0.9564 data_time: 0.7977 memory: 1582 2023/05/14 21:57:07 - mmengine - INFO - Epoch(val) [36][120/155] eta: 0:01:05 time: 0.6855 data_time: 0.5326 memory: 1582 2023/05/14 21:57:26 - mmengine - INFO - Epoch(val) [36][140/155] eta: 0:00:26 time: 0.9780 data_time: 0.8225 memory: 1582 2023/05/14 21:57:37 - mmengine - INFO - Epoch(val) [36][155/155] acc/top1: 0.6195 acc/top5: 0.8494 acc/mean1: 0.6194 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6633 time: 0.8165 2023/05/14 21:57:59 - mmengine - INFO - Epoch(train) [37][ 20/1879] lr: 2.0000e-02 eta: 1 day, 5:03:41 time: 1.1146 data_time: 0.6445 memory: 9812 grad_norm: 2.9014 loss: 2.7319 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.5560 distill.loss_dist: 1.1760 2023/05/14 21:58:16 - mmengine - INFO - Epoch(train) [37][ 40/1879] lr: 2.0000e-02 eta: 1 day, 5:03:22 time: 0.8219 data_time: 0.2865 memory: 9812 grad_norm: 2.9170 loss: 2.8326 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6836 distill.loss_dist: 1.1490 2023/05/14 21:58:31 - mmengine - INFO - Epoch(train) [37][ 60/1879] lr: 2.0000e-02 eta: 1 day, 5:03:02 time: 0.7913 data_time: 0.2031 memory: 9812 grad_norm: 2.9372 loss: 2.6141 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4644 distill.loss_dist: 1.1497 2023/05/14 21:58:51 - mmengine - INFO - Epoch(train) [37][ 80/1879] lr: 2.0000e-02 eta: 1 day, 5:02:48 time: 0.9821 data_time: 0.1656 memory: 9812 grad_norm: 2.9058 loss: 2.8214 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6784 distill.loss_dist: 1.1430 2023/05/14 21:59:08 - mmengine - INFO - Epoch(train) [37][ 100/1879] lr: 2.0000e-02 eta: 1 day, 5:02:30 time: 0.8420 data_time: 0.2899 memory: 9812 grad_norm: 2.9629 loss: 2.7330 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6015 distill.loss_dist: 1.1315 2023/05/14 21:59:24 - mmengine - INFO - Epoch(train) [37][ 120/1879] lr: 2.0000e-02 eta: 1 day, 5:02:10 time: 0.8070 data_time: 0.2031 memory: 9812 grad_norm: 2.8932 loss: 2.5133 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.3985 distill.loss_dist: 1.1147 2023/05/14 21:59:43 - mmengine - INFO - Epoch(train) [37][ 140/1879] lr: 2.0000e-02 eta: 1 day, 5:01:55 time: 0.9312 data_time: 0.0747 memory: 9812 grad_norm: 2.8918 loss: 2.6410 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5079 distill.loss_dist: 1.1331 2023/05/14 22:00:00 - mmengine - INFO - Epoch(train) [37][ 160/1879] lr: 2.0000e-02 eta: 1 day, 5:01:37 time: 0.8458 data_time: 0.1038 memory: 9812 grad_norm: 2.8950 loss: 2.6649 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5214 distill.loss_dist: 1.1435 2023/05/14 22:00:16 - mmengine - INFO - Epoch(train) [37][ 180/1879] lr: 2.0000e-02 eta: 1 day, 5:01:17 time: 0.8209 data_time: 0.0249 memory: 9812 grad_norm: 2.8984 loss: 2.7096 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5727 distill.loss_dist: 1.1369 2023/05/14 22:00:35 - mmengine - INFO - Epoch(train) [37][ 200/1879] lr: 2.0000e-02 eta: 1 day, 5:01:04 time: 0.9691 data_time: 0.0308 memory: 9812 grad_norm: 2.8863 loss: 2.7023 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.5567 distill.loss_dist: 1.1456 2023/05/14 22:00:51 - mmengine - INFO - Epoch(train) [37][ 220/1879] lr: 2.0000e-02 eta: 1 day, 5:00:43 time: 0.7786 data_time: 0.0678 memory: 9812 grad_norm: 2.8715 loss: 2.5485 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4272 distill.loss_dist: 1.1214 2023/05/14 22:01:07 - mmengine - INFO - Epoch(train) [37][ 240/1879] lr: 2.0000e-02 eta: 1 day, 5:00:24 time: 0.8157 data_time: 0.2283 memory: 9812 grad_norm: 2.9181 loss: 2.6216 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.4846 distill.loss_dist: 1.1370 2023/05/14 22:01:26 - mmengine - INFO - Epoch(train) [37][ 260/1879] lr: 2.0000e-02 eta: 1 day, 5:00:09 time: 0.9536 data_time: 0.0612 memory: 9812 grad_norm: 2.8775 loss: 2.6132 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.4776 distill.loss_dist: 1.1356 2023/05/14 22:01:43 - mmengine - INFO - Epoch(train) [37][ 280/1879] lr: 2.0000e-02 eta: 1 day, 4:59:51 time: 0.8477 data_time: 0.0252 memory: 9812 grad_norm: 2.8257 loss: 2.4737 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3465 distill.loss_dist: 1.1272 2023/05/14 22:02:00 - mmengine - INFO - Epoch(train) [37][ 300/1879] lr: 2.0000e-02 eta: 1 day, 4:59:33 time: 0.8424 data_time: 0.0276 memory: 9812 grad_norm: 2.8788 loss: 2.6101 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4694 distill.loss_dist: 1.1407 2023/05/14 22:02:18 - mmengine - INFO - Epoch(train) [37][ 320/1879] lr: 2.0000e-02 eta: 1 day, 4:59:15 time: 0.8776 data_time: 0.0280 memory: 9812 grad_norm: 2.9108 loss: 2.4059 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2908 distill.loss_dist: 1.1151 2023/05/14 22:02:34 - mmengine - INFO - Epoch(train) [37][ 340/1879] lr: 2.0000e-02 eta: 1 day, 4:58:56 time: 0.8083 data_time: 0.0486 memory: 9812 grad_norm: 2.9354 loss: 2.5930 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4540 distill.loss_dist: 1.1390 2023/05/14 22:02:48 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 22:02:50 - mmengine - INFO - Epoch(train) [37][ 360/1879] lr: 2.0000e-02 eta: 1 day, 4:58:36 time: 0.8019 data_time: 0.1091 memory: 9812 grad_norm: 2.8855 loss: 2.5935 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.4940 distill.loss_dist: 1.0995 2023/05/14 22:03:10 - mmengine - INFO - Epoch(train) [37][ 380/1879] lr: 2.0000e-02 eta: 1 day, 4:58:24 time: 1.0114 data_time: 0.0660 memory: 9812 grad_norm: 2.9264 loss: 2.7439 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5882 distill.loss_dist: 1.1557 2023/05/14 22:03:26 - mmengine - INFO - Epoch(train) [37][ 400/1879] lr: 2.0000e-02 eta: 1 day, 4:58:04 time: 0.7957 data_time: 0.0261 memory: 9812 grad_norm: 2.8781 loss: 2.6309 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.4733 distill.loss_dist: 1.1576 2023/05/14 22:03:44 - mmengine - INFO - Epoch(train) [37][ 420/1879] lr: 2.0000e-02 eta: 1 day, 4:57:47 time: 0.9067 data_time: 0.0277 memory: 9812 grad_norm: 2.9593 loss: 2.5138 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3966 distill.loss_dist: 1.1172 2023/05/14 22:04:01 - mmengine - INFO - Epoch(train) [37][ 440/1879] lr: 2.0000e-02 eta: 1 day, 4:57:30 time: 0.8537 data_time: 0.0294 memory: 9812 grad_norm: 2.9903 loss: 2.6277 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.4932 distill.loss_dist: 1.1345 2023/05/14 22:04:19 - mmengine - INFO - Epoch(train) [37][ 460/1879] lr: 2.0000e-02 eta: 1 day, 4:57:13 time: 0.8918 data_time: 0.0250 memory: 9812 grad_norm: 2.9394 loss: 2.7094 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5926 distill.loss_dist: 1.1168 2023/05/14 22:04:36 - mmengine - INFO - Epoch(train) [37][ 480/1879] lr: 2.0000e-02 eta: 1 day, 4:56:55 time: 0.8462 data_time: 0.0244 memory: 9812 grad_norm: 2.9130 loss: 2.8088 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6740 distill.loss_dist: 1.1348 2023/05/14 22:04:55 - mmengine - INFO - Epoch(train) [37][ 500/1879] lr: 2.0000e-02 eta: 1 day, 4:56:40 time: 0.9592 data_time: 0.0274 memory: 9812 grad_norm: 2.8793 loss: 2.6439 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5366 distill.loss_dist: 1.1073 2023/05/14 22:05:12 - mmengine - INFO - Epoch(train) [37][ 520/1879] lr: 2.0000e-02 eta: 1 day, 4:56:21 time: 0.8048 data_time: 0.0260 memory: 9812 grad_norm: 2.8990 loss: 2.6221 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4685 distill.loss_dist: 1.1536 2023/05/14 22:05:27 - mmengine - INFO - Epoch(train) [37][ 540/1879] lr: 2.0000e-02 eta: 1 day, 4:56:00 time: 0.7669 data_time: 0.0255 memory: 9812 grad_norm: 2.9676 loss: 2.7151 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.5781 distill.loss_dist: 1.1369 2023/05/14 22:05:46 - mmengine - INFO - Epoch(train) [37][ 560/1879] lr: 2.0000e-02 eta: 1 day, 4:55:44 time: 0.9346 data_time: 0.0266 memory: 9812 grad_norm: 2.9422 loss: 2.5901 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.4803 distill.loss_dist: 1.1099 2023/05/14 22:06:02 - mmengine - INFO - Epoch(train) [37][ 580/1879] lr: 2.0000e-02 eta: 1 day, 4:55:25 time: 0.8225 data_time: 0.0269 memory: 9812 grad_norm: 2.9297 loss: 2.7303 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.5761 distill.loss_dist: 1.1542 2023/05/14 22:06:19 - mmengine - INFO - Epoch(train) [37][ 600/1879] lr: 2.0000e-02 eta: 1 day, 4:55:08 time: 0.8609 data_time: 0.0236 memory: 9812 grad_norm: 2.9130 loss: 2.7150 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5656 distill.loss_dist: 1.1493 2023/05/14 22:06:38 - mmengine - INFO - Epoch(train) [37][ 620/1879] lr: 2.0000e-02 eta: 1 day, 4:54:52 time: 0.9327 data_time: 0.0266 memory: 9812 grad_norm: 2.9969 loss: 2.6896 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5420 distill.loss_dist: 1.1475 2023/05/14 22:06:55 - mmengine - INFO - Epoch(train) [37][ 640/1879] lr: 2.0000e-02 eta: 1 day, 4:54:34 time: 0.8338 data_time: 0.0275 memory: 9812 grad_norm: 2.8405 loss: 2.4468 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3392 distill.loss_dist: 1.1076 2023/05/14 22:07:11 - mmengine - INFO - Epoch(train) [37][ 660/1879] lr: 2.0000e-02 eta: 1 day, 4:54:14 time: 0.8065 data_time: 0.0281 memory: 9812 grad_norm: 2.8758 loss: 2.7124 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.5722 distill.loss_dist: 1.1402 2023/05/14 22:07:29 - mmengine - INFO - Epoch(train) [37][ 680/1879] lr: 2.0000e-02 eta: 1 day, 4:53:57 time: 0.8898 data_time: 0.0259 memory: 9812 grad_norm: 2.8778 loss: 2.6733 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5196 distill.loss_dist: 1.1537 2023/05/14 22:07:47 - mmengine - INFO - Epoch(train) [37][ 700/1879] lr: 2.0000e-02 eta: 1 day, 4:53:41 time: 0.9011 data_time: 0.0302 memory: 9812 grad_norm: 2.9059 loss: 2.7326 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5705 distill.loss_dist: 1.1621 2023/05/14 22:08:05 - mmengine - INFO - Epoch(train) [37][ 720/1879] lr: 2.0000e-02 eta: 1 day, 4:53:25 time: 0.9067 data_time: 0.0265 memory: 9812 grad_norm: 2.9173 loss: 2.7050 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5656 distill.loss_dist: 1.1394 2023/05/14 22:08:21 - mmengine - INFO - Epoch(train) [37][ 740/1879] lr: 2.0000e-02 eta: 1 day, 4:53:06 time: 0.8287 data_time: 0.0266 memory: 9812 grad_norm: 2.9844 loss: 2.7452 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.5881 distill.loss_dist: 1.1571 2023/05/14 22:08:39 - mmengine - INFO - Epoch(train) [37][ 760/1879] lr: 2.0000e-02 eta: 1 day, 4:52:49 time: 0.8656 data_time: 0.0287 memory: 9812 grad_norm: 2.9119 loss: 2.6552 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4917 distill.loss_dist: 1.1634 2023/05/14 22:08:57 - mmengine - INFO - Epoch(train) [37][ 780/1879] lr: 2.0000e-02 eta: 1 day, 4:52:32 time: 0.8997 data_time: 0.0255 memory: 9812 grad_norm: 2.8688 loss: 2.3883 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2637 distill.loss_dist: 1.1246 2023/05/14 22:09:12 - mmengine - INFO - Epoch(train) [37][ 800/1879] lr: 2.0000e-02 eta: 1 day, 4:52:11 time: 0.7718 data_time: 0.0277 memory: 9812 grad_norm: 2.9500 loss: 2.7440 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5894 distill.loss_dist: 1.1546 2023/05/14 22:09:30 - mmengine - INFO - Epoch(train) [37][ 820/1879] lr: 2.0000e-02 eta: 1 day, 4:51:55 time: 0.8926 data_time: 0.0279 memory: 9812 grad_norm: 2.8525 loss: 2.5622 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.4536 distill.loss_dist: 1.1086 2023/05/14 22:09:47 - mmengine - INFO - Epoch(train) [37][ 840/1879] lr: 2.0000e-02 eta: 1 day, 4:51:36 time: 0.8382 data_time: 0.0282 memory: 9812 grad_norm: 2.9716 loss: 2.6960 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5522 distill.loss_dist: 1.1438 2023/05/14 22:10:03 - mmengine - INFO - Epoch(train) [37][ 860/1879] lr: 2.0000e-02 eta: 1 day, 4:51:18 time: 0.8349 data_time: 0.0268 memory: 9812 grad_norm: 2.8339 loss: 2.6662 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5370 distill.loss_dist: 1.1292 2023/05/14 22:10:22 - mmengine - INFO - Epoch(train) [37][ 880/1879] lr: 2.0000e-02 eta: 1 day, 4:51:03 time: 0.9440 data_time: 0.0243 memory: 9812 grad_norm: 2.8834 loss: 2.6976 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5483 distill.loss_dist: 1.1493 2023/05/14 22:10:39 - mmengine - INFO - Epoch(train) [37][ 900/1879] lr: 2.0000e-02 eta: 1 day, 4:50:43 time: 0.8133 data_time: 0.0254 memory: 9812 grad_norm: 2.9080 loss: 2.5076 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3595 distill.loss_dist: 1.1480 2023/05/14 22:10:58 - mmengine - INFO - Epoch(train) [37][ 920/1879] lr: 2.0000e-02 eta: 1 day, 4:50:29 time: 0.9441 data_time: 0.0273 memory: 9812 grad_norm: 2.9515 loss: 2.4991 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.3740 distill.loss_dist: 1.1251 2023/05/14 22:11:14 - mmengine - INFO - Epoch(train) [37][ 940/1879] lr: 2.0000e-02 eta: 1 day, 4:50:10 time: 0.8421 data_time: 0.0283 memory: 9812 grad_norm: 2.9003 loss: 2.6089 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4794 distill.loss_dist: 1.1295 2023/05/14 22:11:33 - mmengine - INFO - Epoch(train) [37][ 960/1879] lr: 2.0000e-02 eta: 1 day, 4:49:56 time: 0.9504 data_time: 0.0253 memory: 9812 grad_norm: 2.8586 loss: 2.5478 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.4401 distill.loss_dist: 1.1077 2023/05/14 22:11:50 - mmengine - INFO - Epoch(train) [37][ 980/1879] lr: 2.0000e-02 eta: 1 day, 4:49:37 time: 0.8218 data_time: 0.0293 memory: 9812 grad_norm: 2.8823 loss: 2.5897 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4414 distill.loss_dist: 1.1482 2023/05/14 22:12:07 - mmengine - INFO - Epoch(train) [37][1000/1879] lr: 2.0000e-02 eta: 1 day, 4:49:19 time: 0.8500 data_time: 0.0286 memory: 9812 grad_norm: 2.8811 loss: 2.5298 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.4088 distill.loss_dist: 1.1210 2023/05/14 22:12:26 - mmengine - INFO - Epoch(train) [37][1020/1879] lr: 2.0000e-02 eta: 1 day, 4:49:04 time: 0.9582 data_time: 0.0253 memory: 9812 grad_norm: 2.9004 loss: 2.5378 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3935 distill.loss_dist: 1.1443 2023/05/14 22:12:43 - mmengine - INFO - Epoch(train) [37][1040/1879] lr: 2.0000e-02 eta: 1 day, 4:48:47 time: 0.8669 data_time: 0.0290 memory: 9812 grad_norm: 2.9514 loss: 2.7298 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5683 distill.loss_dist: 1.1615 2023/05/14 22:12:59 - mmengine - INFO - Epoch(train) [37][1060/1879] lr: 2.0000e-02 eta: 1 day, 4:48:26 time: 0.7891 data_time: 0.0248 memory: 9812 grad_norm: 2.9659 loss: 2.6674 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5128 distill.loss_dist: 1.1546 2023/05/14 22:13:18 - mmengine - INFO - Epoch(train) [37][1080/1879] lr: 2.0000e-02 eta: 1 day, 4:48:12 time: 0.9617 data_time: 0.0248 memory: 9812 grad_norm: 2.9721 loss: 2.6411 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5040 distill.loss_dist: 1.1371 2023/05/14 22:13:34 - mmengine - INFO - Epoch(train) [37][1100/1879] lr: 2.0000e-02 eta: 1 day, 4:47:51 time: 0.7710 data_time: 0.0271 memory: 9812 grad_norm: 2.8687 loss: 2.8068 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.6567 distill.loss_dist: 1.1501 2023/05/14 22:13:50 - mmengine - INFO - Epoch(train) [37][1120/1879] lr: 2.0000e-02 eta: 1 day, 4:47:32 time: 0.8145 data_time: 0.0299 memory: 9812 grad_norm: 2.9702 loss: 2.7920 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6356 distill.loss_dist: 1.1564 2023/05/14 22:14:09 - mmengine - INFO - Epoch(train) [37][1140/1879] lr: 2.0000e-02 eta: 1 day, 4:47:17 time: 0.9310 data_time: 0.0259 memory: 9812 grad_norm: 2.9255 loss: 2.6828 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5393 distill.loss_dist: 1.1435 2023/05/14 22:14:25 - mmengine - INFO - Epoch(train) [37][1160/1879] lr: 2.0000e-02 eta: 1 day, 4:46:58 time: 0.8286 data_time: 0.0281 memory: 9812 grad_norm: 2.8504 loss: 2.4600 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3527 distill.loss_dist: 1.1073 2023/05/14 22:14:41 - mmengine - INFO - Epoch(train) [37][1180/1879] lr: 2.0000e-02 eta: 1 day, 4:46:38 time: 0.7838 data_time: 0.0251 memory: 9812 grad_norm: 2.9128 loss: 2.4061 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2914 distill.loss_dist: 1.1147 2023/05/14 22:14:59 - mmengine - INFO - Epoch(train) [37][1200/1879] lr: 2.0000e-02 eta: 1 day, 4:46:22 time: 0.9118 data_time: 0.0261 memory: 9812 grad_norm: 2.8399 loss: 2.6394 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5244 distill.loss_dist: 1.1150 2023/05/14 22:15:16 - mmengine - INFO - Epoch(train) [37][1220/1879] lr: 2.0000e-02 eta: 1 day, 4:46:04 time: 0.8550 data_time: 0.0281 memory: 9812 grad_norm: 3.0022 loss: 2.6564 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.5095 distill.loss_dist: 1.1469 2023/05/14 22:15:32 - mmengine - INFO - Epoch(train) [37][1240/1879] lr: 2.0000e-02 eta: 1 day, 4:45:44 time: 0.7929 data_time: 0.0269 memory: 9812 grad_norm: 2.8762 loss: 2.8248 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6735 distill.loss_dist: 1.1513 2023/05/14 22:15:52 - mmengine - INFO - Epoch(train) [37][1260/1879] lr: 2.0000e-02 eta: 1 day, 4:45:30 time: 0.9898 data_time: 0.0277 memory: 9812 grad_norm: 2.8324 loss: 2.6955 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5738 distill.loss_dist: 1.1218 2023/05/14 22:16:08 - mmengine - INFO - Epoch(train) [37][1280/1879] lr: 2.0000e-02 eta: 1 day, 4:45:11 time: 0.8039 data_time: 0.0802 memory: 9812 grad_norm: 2.8976 loss: 2.8429 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6817 distill.loss_dist: 1.1612 2023/05/14 22:16:25 - mmengine - INFO - Epoch(train) [37][1300/1879] lr: 2.0000e-02 eta: 1 day, 4:44:51 time: 0.8158 data_time: 0.0270 memory: 9812 grad_norm: 2.8835 loss: 2.5198 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3911 distill.loss_dist: 1.1287 2023/05/14 22:16:43 - mmengine - INFO - Epoch(train) [37][1320/1879] lr: 2.0000e-02 eta: 1 day, 4:44:35 time: 0.9089 data_time: 0.0255 memory: 9812 grad_norm: 2.9110 loss: 2.5911 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.4654 distill.loss_dist: 1.1257 2023/05/14 22:17:01 - mmengine - INFO - Epoch(train) [37][1340/1879] lr: 2.0000e-02 eta: 1 day, 4:44:19 time: 0.8924 data_time: 0.0596 memory: 9812 grad_norm: 2.9540 loss: 2.8495 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.7056 distill.loss_dist: 1.1438 2023/05/14 22:17:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 22:17:17 - mmengine - INFO - Epoch(train) [37][1360/1879] lr: 2.0000e-02 eta: 1 day, 4:44:00 time: 0.8285 data_time: 0.0557 memory: 9812 grad_norm: 2.8776 loss: 2.7098 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.5443 distill.loss_dist: 1.1655 2023/05/14 22:17:33 - mmengine - INFO - Epoch(train) [37][1380/1879] lr: 2.0000e-02 eta: 1 day, 4:43:40 time: 0.8063 data_time: 0.0267 memory: 9812 grad_norm: 2.9985 loss: 2.8198 student.top1_acc: 0.4375 student.top5_acc: 0.5625 student.loss_cls: 1.6776 distill.loss_dist: 1.1422 2023/05/14 22:17:51 - mmengine - INFO - Epoch(train) [37][1400/1879] lr: 2.0000e-02 eta: 1 day, 4:43:24 time: 0.8974 data_time: 0.1915 memory: 9812 grad_norm: 2.8208 loss: 2.5675 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4258 distill.loss_dist: 1.1417 2023/05/14 22:18:08 - mmengine - INFO - Epoch(train) [37][1420/1879] lr: 2.0000e-02 eta: 1 day, 4:43:06 time: 0.8547 data_time: 0.0738 memory: 9812 grad_norm: 2.9158 loss: 2.8144 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6669 distill.loss_dist: 1.1475 2023/05/14 22:18:26 - mmengine - INFO - Epoch(train) [37][1440/1879] lr: 2.0000e-02 eta: 1 day, 4:42:48 time: 0.8550 data_time: 0.0283 memory: 9812 grad_norm: 2.9446 loss: 2.7926 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.6458 distill.loss_dist: 1.1468 2023/05/14 22:18:43 - mmengine - INFO - Epoch(train) [37][1460/1879] lr: 2.0000e-02 eta: 1 day, 4:42:31 time: 0.8757 data_time: 0.0273 memory: 9812 grad_norm: 2.9097 loss: 2.5745 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4520 distill.loss_dist: 1.1225 2023/05/14 22:19:01 - mmengine - INFO - Epoch(train) [37][1480/1879] lr: 2.0000e-02 eta: 1 day, 4:42:14 time: 0.8853 data_time: 0.0258 memory: 9812 grad_norm: 2.8678 loss: 2.8249 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6644 distill.loss_dist: 1.1605 2023/05/14 22:19:18 - mmengine - INFO - Epoch(train) [37][1500/1879] lr: 2.0000e-02 eta: 1 day, 4:41:55 time: 0.8403 data_time: 0.0270 memory: 9812 grad_norm: 2.9792 loss: 2.6925 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5561 distill.loss_dist: 1.1364 2023/05/14 22:19:36 - mmengine - INFO - Epoch(train) [37][1520/1879] lr: 2.0000e-02 eta: 1 day, 4:41:40 time: 0.9394 data_time: 0.0266 memory: 9812 grad_norm: 2.8662 loss: 2.6006 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4730 distill.loss_dist: 1.1277 2023/05/14 22:19:53 - mmengine - INFO - Epoch(train) [37][1540/1879] lr: 2.0000e-02 eta: 1 day, 4:41:22 time: 0.8328 data_time: 0.0300 memory: 9812 grad_norm: 2.9177 loss: 2.7689 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6245 distill.loss_dist: 1.1444 2023/05/14 22:20:10 - mmengine - INFO - Epoch(train) [37][1560/1879] lr: 2.0000e-02 eta: 1 day, 4:41:03 time: 0.8264 data_time: 0.0265 memory: 9812 grad_norm: 2.9614 loss: 2.8442 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.6633 distill.loss_dist: 1.1809 2023/05/14 22:20:27 - mmengine - INFO - Epoch(train) [37][1580/1879] lr: 2.0000e-02 eta: 1 day, 4:40:46 time: 0.8798 data_time: 0.0276 memory: 9812 grad_norm: 2.9477 loss: 2.6478 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.5036 distill.loss_dist: 1.1442 2023/05/14 22:20:45 - mmengine - INFO - Epoch(train) [37][1600/1879] lr: 2.0000e-02 eta: 1 day, 4:40:28 time: 0.8629 data_time: 0.0266 memory: 9812 grad_norm: 2.8714 loss: 2.6432 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5233 distill.loss_dist: 1.1199 2023/05/14 22:21:04 - mmengine - INFO - Epoch(train) [37][1620/1879] lr: 2.0000e-02 eta: 1 day, 4:40:14 time: 0.9691 data_time: 0.0283 memory: 9812 grad_norm: 2.9577 loss: 2.8313 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6629 distill.loss_dist: 1.1684 2023/05/14 22:21:20 - mmengine - INFO - Epoch(train) [37][1640/1879] lr: 2.0000e-02 eta: 1 day, 4:39:55 time: 0.8113 data_time: 0.0261 memory: 9812 grad_norm: 2.9054 loss: 2.7454 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6198 distill.loss_dist: 1.1257 2023/05/14 22:21:36 - mmengine - INFO - Epoch(train) [37][1660/1879] lr: 2.0000e-02 eta: 1 day, 4:39:35 time: 0.7991 data_time: 0.0266 memory: 9812 grad_norm: 2.8858 loss: 2.7123 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5546 distill.loss_dist: 1.1577 2023/05/14 22:21:55 - mmengine - INFO - Epoch(train) [37][1680/1879] lr: 2.0000e-02 eta: 1 day, 4:39:20 time: 0.9294 data_time: 0.0281 memory: 9812 grad_norm: 2.8499 loss: 2.8202 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.6530 distill.loss_dist: 1.1673 2023/05/14 22:22:11 - mmengine - INFO - Epoch(train) [37][1700/1879] lr: 2.0000e-02 eta: 1 day, 4:39:00 time: 0.8117 data_time: 0.0297 memory: 9812 grad_norm: 2.9218 loss: 2.4463 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3183 distill.loss_dist: 1.1281 2023/05/14 22:22:28 - mmengine - INFO - Epoch(train) [37][1720/1879] lr: 2.0000e-02 eta: 1 day, 4:38:42 time: 0.8395 data_time: 0.0257 memory: 9812 grad_norm: 2.8787 loss: 2.5247 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3874 distill.loss_dist: 1.1373 2023/05/14 22:22:48 - mmengine - INFO - Epoch(train) [37][1740/1879] lr: 2.0000e-02 eta: 1 day, 4:38:28 time: 0.9847 data_time: 0.0260 memory: 9812 grad_norm: 2.9106 loss: 2.8312 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6952 distill.loss_dist: 1.1360 2023/05/14 22:23:04 - mmengine - INFO - Epoch(train) [37][1760/1879] lr: 2.0000e-02 eta: 1 day, 4:38:10 time: 0.8346 data_time: 0.0260 memory: 9812 grad_norm: 2.8892 loss: 2.8034 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.6388 distill.loss_dist: 1.1645 2023/05/14 22:23:21 - mmengine - INFO - Epoch(train) [37][1780/1879] lr: 2.0000e-02 eta: 1 day, 4:37:52 time: 0.8606 data_time: 0.0244 memory: 9812 grad_norm: 2.8971 loss: 2.8885 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.7319 distill.loss_dist: 1.1565 2023/05/14 22:23:41 - mmengine - INFO - Epoch(train) [37][1800/1879] lr: 2.0000e-02 eta: 1 day, 4:37:37 time: 0.9550 data_time: 0.0249 memory: 9812 grad_norm: 2.9737 loss: 2.7266 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5952 distill.loss_dist: 1.1314 2023/05/14 22:23:56 - mmengine - INFO - Epoch(train) [37][1820/1879] lr: 2.0000e-02 eta: 1 day, 4:37:17 time: 0.7761 data_time: 0.0264 memory: 9812 grad_norm: 2.8678 loss: 2.7163 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5826 distill.loss_dist: 1.1337 2023/05/14 22:24:13 - mmengine - INFO - Epoch(train) [37][1840/1879] lr: 2.0000e-02 eta: 1 day, 4:36:58 time: 0.8195 data_time: 0.0298 memory: 9812 grad_norm: 2.9087 loss: 2.5766 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4316 distill.loss_dist: 1.1450 2023/05/14 22:24:31 - mmengine - INFO - Epoch(train) [37][1860/1879] lr: 2.0000e-02 eta: 1 day, 4:36:43 time: 0.9394 data_time: 0.0281 memory: 9812 grad_norm: 2.9157 loss: 2.6082 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.4720 distill.loss_dist: 1.1362 2023/05/14 22:24:43 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 22:24:43 - mmengine - INFO - Epoch(train) [37][1879/1879] lr: 2.0000e-02 eta: 1 day, 4:36:18 time: 0.7720 data_time: 0.0216 memory: 9812 grad_norm: 2.9062 loss: 2.7991 student.top1_acc: 0.2857 student.top5_acc: 1.0000 student.loss_cls: 1.6406 distill.loss_dist: 1.1585 2023/05/14 22:25:03 - mmengine - INFO - Epoch(val) [37][ 20/155] eta: 0:02:13 time: 0.9925 data_time: 0.9275 memory: 1484 2023/05/14 22:25:17 - mmengine - INFO - Epoch(val) [37][ 40/155] eta: 0:01:35 time: 0.6731 data_time: 0.6122 memory: 1484 2023/05/14 22:25:36 - mmengine - INFO - Epoch(val) [37][ 60/155] eta: 0:01:22 time: 0.9456 data_time: 0.8833 memory: 1484 2023/05/14 22:25:48 - mmengine - INFO - Epoch(val) [37][ 80/155] eta: 0:01:01 time: 0.6467 data_time: 0.5797 memory: 1484 2023/05/14 22:26:07 - mmengine - INFO - Epoch(val) [37][100/155] eta: 0:00:46 time: 0.9271 data_time: 0.8585 memory: 1484 2023/05/14 22:26:21 - mmengine - INFO - Epoch(val) [37][120/155] eta: 0:00:28 time: 0.6759 data_time: 0.6120 memory: 1484 2023/05/14 22:26:41 - mmengine - INFO - Epoch(val) [37][140/155] eta: 0:00:12 time: 1.0158 data_time: 0.9550 memory: 1484 2023/05/14 22:27:10 - mmengine - INFO - Epoch(val) [37][ 20/155] eta: 0:16:21 time: 0.9929 data_time: 0.8427 memory: 1582 2023/05/14 22:27:24 - mmengine - INFO - Epoch(val) [37][ 40/155] eta: 0:07:37 time: 0.6868 data_time: 0.5316 memory: 1582 2023/05/14 22:27:43 - mmengine - INFO - Epoch(val) [37][ 60/155] eta: 0:04:42 time: 0.9495 data_time: 0.7963 memory: 1582 2023/05/14 22:27:56 - mmengine - INFO - Epoch(val) [37][ 80/155] eta: 0:02:59 time: 0.6723 data_time: 0.5154 memory: 1582 2023/05/14 22:28:16 - mmengine - INFO - Epoch(val) [37][100/155] eta: 0:01:55 time: 0.9654 data_time: 0.8118 memory: 1582 2023/05/14 22:28:30 - mmengine - INFO - Epoch(val) [37][120/155] eta: 0:01:05 time: 0.6859 data_time: 0.5344 memory: 1582 2023/05/14 22:28:50 - mmengine - INFO - Epoch(val) [37][140/155] eta: 0:00:26 time: 1.0081 data_time: 0.8574 memory: 1582 2023/05/14 22:29:00 - mmengine - INFO - Epoch(val) [37][155/155] acc/top1: 0.6264 acc/top5: 0.8459 acc/mean1: 0.6263 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6652 time: 0.8161 2023/05/14 22:29:22 - mmengine - INFO - Epoch(train) [38][ 20/1879] lr: 2.0000e-02 eta: 1 day, 4:36:10 time: 1.1368 data_time: 0.4599 memory: 9812 grad_norm: 2.8875 loss: 2.8870 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7140 distill.loss_dist: 1.1730 2023/05/14 22:29:38 - mmengine - INFO - Epoch(train) [38][ 40/1879] lr: 2.0000e-02 eta: 1 day, 4:35:50 time: 0.8068 data_time: 0.1011 memory: 9812 grad_norm: 2.8655 loss: 2.5788 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.4606 distill.loss_dist: 1.1182 2023/05/14 22:29:54 - mmengine - INFO - Epoch(train) [38][ 60/1879] lr: 2.0000e-02 eta: 1 day, 4:35:31 time: 0.7988 data_time: 0.1262 memory: 9812 grad_norm: 2.8625 loss: 2.4587 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3412 distill.loss_dist: 1.1175 2023/05/14 22:30:13 - mmengine - INFO - Epoch(train) [38][ 80/1879] lr: 2.0000e-02 eta: 1 day, 4:35:15 time: 0.9225 data_time: 0.4033 memory: 9812 grad_norm: 2.8943 loss: 2.4464 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3203 distill.loss_dist: 1.1261 2023/05/14 22:30:30 - mmengine - INFO - Epoch(train) [38][ 100/1879] lr: 2.0000e-02 eta: 1 day, 4:34:56 time: 0.8320 data_time: 0.2866 memory: 9812 grad_norm: 2.9131 loss: 2.7370 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6081 distill.loss_dist: 1.1289 2023/05/14 22:30:47 - mmengine - INFO - Epoch(train) [38][ 120/1879] lr: 2.0000e-02 eta: 1 day, 4:34:39 time: 0.8714 data_time: 0.2360 memory: 9812 grad_norm: 2.9167 loss: 2.5961 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4523 distill.loss_dist: 1.1439 2023/05/14 22:31:05 - mmengine - INFO - Epoch(train) [38][ 140/1879] lr: 2.0000e-02 eta: 1 day, 4:34:23 time: 0.8978 data_time: 0.0500 memory: 9812 grad_norm: 2.8227 loss: 2.4461 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.3304 distill.loss_dist: 1.1158 2023/05/14 22:31:22 - mmengine - INFO - Epoch(train) [38][ 160/1879] lr: 2.0000e-02 eta: 1 day, 4:34:05 time: 0.8590 data_time: 0.0543 memory: 9812 grad_norm: 2.8797 loss: 2.8524 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.6935 distill.loss_dist: 1.1589 2023/05/14 22:31:39 - mmengine - INFO - Epoch(train) [38][ 180/1879] lr: 2.0000e-02 eta: 1 day, 4:33:47 time: 0.8458 data_time: 0.0277 memory: 9812 grad_norm: 2.9832 loss: 2.7889 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6419 distill.loss_dist: 1.1470 2023/05/14 22:31:57 - mmengine - INFO - Epoch(train) [38][ 200/1879] lr: 2.0000e-02 eta: 1 day, 4:33:29 time: 0.8746 data_time: 0.0280 memory: 9812 grad_norm: 2.9175 loss: 2.6022 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4988 distill.loss_dist: 1.1035 2023/05/14 22:32:15 - mmengine - INFO - Epoch(train) [38][ 220/1879] lr: 2.0000e-02 eta: 1 day, 4:33:14 time: 0.9203 data_time: 0.0253 memory: 9812 grad_norm: 2.7903 loss: 2.5960 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4711 distill.loss_dist: 1.1249 2023/05/14 22:32:32 - mmengine - INFO - Epoch(train) [38][ 240/1879] lr: 2.0000e-02 eta: 1 day, 4:32:55 time: 0.8260 data_time: 0.0253 memory: 9812 grad_norm: 2.9005 loss: 2.6986 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5388 distill.loss_dist: 1.1599 2023/05/14 22:32:48 - mmengine - INFO - Epoch(train) [38][ 260/1879] lr: 2.0000e-02 eta: 1 day, 4:32:36 time: 0.8425 data_time: 0.0281 memory: 9812 grad_norm: 2.8801 loss: 2.8542 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6997 distill.loss_dist: 1.1545 2023/05/14 22:33:07 - mmengine - INFO - Epoch(train) [38][ 280/1879] lr: 2.0000e-02 eta: 1 day, 4:32:20 time: 0.9054 data_time: 0.0229 memory: 9812 grad_norm: 2.9054 loss: 2.4929 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.3620 distill.loss_dist: 1.1308 2023/05/14 22:33:23 - mmengine - INFO - Epoch(train) [38][ 300/1879] lr: 2.0000e-02 eta: 1 day, 4:32:01 time: 0.8172 data_time: 0.0359 memory: 9812 grad_norm: 2.9857 loss: 2.7446 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5898 distill.loss_dist: 1.1548 2023/05/14 22:33:42 - mmengine - INFO - Epoch(train) [38][ 320/1879] lr: 2.0000e-02 eta: 1 day, 4:31:47 time: 0.9628 data_time: 0.1441 memory: 9812 grad_norm: 2.9306 loss: 2.5860 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4751 distill.loss_dist: 1.1108 2023/05/14 22:33:58 - mmengine - INFO - Epoch(train) [38][ 340/1879] lr: 2.0000e-02 eta: 1 day, 4:31:26 time: 0.7823 data_time: 0.1959 memory: 9812 grad_norm: 2.9504 loss: 2.4804 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.3610 distill.loss_dist: 1.1194 2023/05/14 22:34:15 - mmengine - INFO - Epoch(train) [38][ 360/1879] lr: 2.0000e-02 eta: 1 day, 4:31:09 time: 0.8674 data_time: 0.0760 memory: 9812 grad_norm: 2.9105 loss: 2.6814 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5430 distill.loss_dist: 1.1383 2023/05/14 22:34:33 - mmengine - INFO - Epoch(train) [38][ 380/1879] lr: 2.0000e-02 eta: 1 day, 4:30:53 time: 0.9054 data_time: 0.2826 memory: 9812 grad_norm: 2.9605 loss: 2.8799 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.7224 distill.loss_dist: 1.1575 2023/05/14 22:34:50 - mmengine - INFO - Epoch(train) [38][ 400/1879] lr: 2.0000e-02 eta: 1 day, 4:30:34 time: 0.8333 data_time: 0.3915 memory: 9812 grad_norm: 2.8796 loss: 2.5575 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4541 distill.loss_dist: 1.1034 2023/05/14 22:35:10 - mmengine - INFO - Epoch(train) [38][ 420/1879] lr: 2.0000e-02 eta: 1 day, 4:30:21 time: 0.9906 data_time: 0.5510 memory: 9812 grad_norm: 2.8980 loss: 2.8795 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7367 distill.loss_dist: 1.1427 2023/05/14 22:35:25 - mmengine - INFO - Epoch(train) [38][ 440/1879] lr: 2.0000e-02 eta: 1 day, 4:30:00 time: 0.7837 data_time: 0.3427 memory: 9812 grad_norm: 2.8951 loss: 2.6393 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5105 distill.loss_dist: 1.1288 2023/05/14 22:35:42 - mmengine - INFO - Epoch(train) [38][ 460/1879] lr: 2.0000e-02 eta: 1 day, 4:29:41 time: 0.8129 data_time: 0.3236 memory: 9812 grad_norm: 2.8880 loss: 2.6191 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.4833 distill.loss_dist: 1.1358 2023/05/14 22:35:57 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 22:36:02 - mmengine - INFO - Epoch(train) [38][ 480/1879] lr: 2.0000e-02 eta: 1 day, 4:29:28 time: 0.9926 data_time: 0.5600 memory: 9812 grad_norm: 2.8825 loss: 2.7033 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5673 distill.loss_dist: 1.1360 2023/05/14 22:36:17 - mmengine - INFO - Epoch(train) [38][ 500/1879] lr: 2.0000e-02 eta: 1 day, 4:29:07 time: 0.7698 data_time: 0.3276 memory: 9812 grad_norm: 2.8357 loss: 2.6854 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.5564 distill.loss_dist: 1.1290 2023/05/14 22:36:34 - mmengine - INFO - Epoch(train) [38][ 520/1879] lr: 2.0000e-02 eta: 1 day, 4:28:48 time: 0.8250 data_time: 0.3249 memory: 9812 grad_norm: 2.8705 loss: 2.5868 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.4352 distill.loss_dist: 1.1515 2023/05/14 22:36:53 - mmengine - INFO - Epoch(train) [38][ 540/1879] lr: 2.0000e-02 eta: 1 day, 4:28:33 time: 0.9511 data_time: 0.4444 memory: 9812 grad_norm: 2.9217 loss: 2.8590 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6825 distill.loss_dist: 1.1764 2023/05/14 22:37:09 - mmengine - INFO - Epoch(train) [38][ 560/1879] lr: 2.0000e-02 eta: 1 day, 4:28:15 time: 0.8311 data_time: 0.3776 memory: 9812 grad_norm: 2.8646 loss: 2.5355 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4154 distill.loss_dist: 1.1201 2023/05/14 22:37:26 - mmengine - INFO - Epoch(train) [38][ 580/1879] lr: 2.0000e-02 eta: 1 day, 4:27:56 time: 0.8280 data_time: 0.3892 memory: 9812 grad_norm: 2.9400 loss: 2.7224 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5844 distill.loss_dist: 1.1380 2023/05/14 22:37:45 - mmengine - INFO - Epoch(train) [38][ 600/1879] lr: 2.0000e-02 eta: 1 day, 4:27:41 time: 0.9484 data_time: 0.4976 memory: 9812 grad_norm: 2.9544 loss: 2.6535 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5271 distill.loss_dist: 1.1264 2023/05/14 22:38:00 - mmengine - INFO - Epoch(train) [38][ 620/1879] lr: 2.0000e-02 eta: 1 day, 4:27:20 time: 0.7683 data_time: 0.3273 memory: 9812 grad_norm: 2.9873 loss: 2.6718 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5186 distill.loss_dist: 1.1532 2023/05/14 22:38:17 - mmengine - INFO - Epoch(train) [38][ 640/1879] lr: 2.0000e-02 eta: 1 day, 4:27:02 time: 0.8373 data_time: 0.3090 memory: 9812 grad_norm: 2.8814 loss: 2.6665 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4951 distill.loss_dist: 1.1714 2023/05/14 22:38:36 - mmengine - INFO - Epoch(train) [38][ 660/1879] lr: 2.0000e-02 eta: 1 day, 4:26:47 time: 0.9363 data_time: 0.4166 memory: 9812 grad_norm: 2.8446 loss: 2.4418 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.3183 distill.loss_dist: 1.1235 2023/05/14 22:38:53 - mmengine - INFO - Epoch(train) [38][ 680/1879] lr: 2.0000e-02 eta: 1 day, 4:26:29 time: 0.8471 data_time: 0.2985 memory: 9812 grad_norm: 2.8465 loss: 2.7615 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6011 distill.loss_dist: 1.1604 2023/05/14 22:39:09 - mmengine - INFO - Epoch(train) [38][ 700/1879] lr: 2.0000e-02 eta: 1 day, 4:26:09 time: 0.8177 data_time: 0.2943 memory: 9812 grad_norm: 2.9068 loss: 2.5838 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4472 distill.loss_dist: 1.1366 2023/05/14 22:39:28 - mmengine - INFO - Epoch(train) [38][ 720/1879] lr: 2.0000e-02 eta: 1 day, 4:25:55 time: 0.9588 data_time: 0.4820 memory: 9812 grad_norm: 2.9141 loss: 2.6387 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4955 distill.loss_dist: 1.1431 2023/05/14 22:39:45 - mmengine - INFO - Epoch(train) [38][ 740/1879] lr: 2.0000e-02 eta: 1 day, 4:25:37 time: 0.8545 data_time: 0.2816 memory: 9812 grad_norm: 2.9445 loss: 2.6708 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5507 distill.loss_dist: 1.1202 2023/05/14 22:40:02 - mmengine - INFO - Epoch(train) [38][ 760/1879] lr: 2.0000e-02 eta: 1 day, 4:25:18 time: 0.8280 data_time: 0.3045 memory: 9812 grad_norm: 2.9394 loss: 2.6149 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.4748 distill.loss_dist: 1.1401 2023/05/14 22:40:20 - mmengine - INFO - Epoch(train) [38][ 780/1879] lr: 2.0000e-02 eta: 1 day, 4:25:03 time: 0.9270 data_time: 0.4011 memory: 9812 grad_norm: 2.9324 loss: 2.8181 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6683 distill.loss_dist: 1.1499 2023/05/14 22:40:38 - mmengine - INFO - Epoch(train) [38][ 800/1879] lr: 2.0000e-02 eta: 1 day, 4:24:45 time: 0.8700 data_time: 0.1385 memory: 9812 grad_norm: 2.9135 loss: 2.6974 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5573 distill.loss_dist: 1.1400 2023/05/14 22:40:54 - mmengine - INFO - Epoch(train) [38][ 820/1879] lr: 2.0000e-02 eta: 1 day, 4:24:25 time: 0.7904 data_time: 0.0268 memory: 9812 grad_norm: 2.8800 loss: 2.5281 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3996 distill.loss_dist: 1.1286 2023/05/14 22:41:13 - mmengine - INFO - Epoch(train) [38][ 840/1879] lr: 2.0000e-02 eta: 1 day, 4:24:10 time: 0.9455 data_time: 0.0260 memory: 9812 grad_norm: 2.8758 loss: 2.7569 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6237 distill.loss_dist: 1.1332 2023/05/14 22:41:29 - mmengine - INFO - Epoch(train) [38][ 860/1879] lr: 2.0000e-02 eta: 1 day, 4:23:51 time: 0.8186 data_time: 0.0277 memory: 9812 grad_norm: 2.9224 loss: 2.9148 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.7305 distill.loss_dist: 1.1844 2023/05/14 22:41:45 - mmengine - INFO - Epoch(train) [38][ 880/1879] lr: 2.0000e-02 eta: 1 day, 4:23:32 time: 0.8238 data_time: 0.0276 memory: 9812 grad_norm: 2.9284 loss: 2.7416 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.6055 distill.loss_dist: 1.1361 2023/05/14 22:42:03 - mmengine - INFO - Epoch(train) [38][ 900/1879] lr: 2.0000e-02 eta: 1 day, 4:23:15 time: 0.8822 data_time: 0.0272 memory: 9812 grad_norm: 2.8076 loss: 2.4933 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3706 distill.loss_dist: 1.1227 2023/05/14 22:42:21 - mmengine - INFO - Epoch(train) [38][ 920/1879] lr: 2.0000e-02 eta: 1 day, 4:23:00 time: 0.9182 data_time: 0.0272 memory: 9812 grad_norm: 2.8775 loss: 2.7900 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.6243 distill.loss_dist: 1.1657 2023/05/14 22:42:38 - mmengine - INFO - Epoch(train) [38][ 940/1879] lr: 2.0000e-02 eta: 1 day, 4:22:40 time: 0.8118 data_time: 0.0284 memory: 9812 grad_norm: 2.9262 loss: 2.8169 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6813 distill.loss_dist: 1.1356 2023/05/14 22:42:54 - mmengine - INFO - Epoch(train) [38][ 960/1879] lr: 2.0000e-02 eta: 1 day, 4:22:21 time: 0.7998 data_time: 0.0248 memory: 9812 grad_norm: 2.8570 loss: 2.4441 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3545 distill.loss_dist: 1.0897 2023/05/14 22:43:11 - mmengine - INFO - Epoch(train) [38][ 980/1879] lr: 2.0000e-02 eta: 1 day, 4:22:04 time: 0.8839 data_time: 0.0257 memory: 9812 grad_norm: 2.9463 loss: 2.7616 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.6137 distill.loss_dist: 1.1479 2023/05/14 22:43:30 - mmengine - INFO - Epoch(train) [38][1000/1879] lr: 2.0000e-02 eta: 1 day, 4:21:47 time: 0.9039 data_time: 0.0283 memory: 9812 grad_norm: 2.8586 loss: 2.5566 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.4579 distill.loss_dist: 1.0988 2023/05/14 22:43:46 - mmengine - INFO - Epoch(train) [38][1020/1879] lr: 2.0000e-02 eta: 1 day, 4:21:28 time: 0.8187 data_time: 0.0299 memory: 9812 grad_norm: 2.8768 loss: 2.6215 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4729 distill.loss_dist: 1.1486 2023/05/14 22:44:03 - mmengine - INFO - Epoch(train) [38][1040/1879] lr: 2.0000e-02 eta: 1 day, 4:21:11 time: 0.8754 data_time: 0.0296 memory: 9812 grad_norm: 2.9315 loss: 2.9246 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7302 distill.loss_dist: 1.1944 2023/05/14 22:44:21 - mmengine - INFO - Epoch(train) [38][1060/1879] lr: 2.0000e-02 eta: 1 day, 4:20:54 time: 0.8787 data_time: 0.0259 memory: 9812 grad_norm: 2.9136 loss: 2.5658 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4397 distill.loss_dist: 1.1262 2023/05/14 22:44:39 - mmengine - INFO - Epoch(train) [38][1080/1879] lr: 2.0000e-02 eta: 1 day, 4:20:37 time: 0.8931 data_time: 0.0280 memory: 9812 grad_norm: 2.9413 loss: 2.6310 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.4646 distill.loss_dist: 1.1664 2023/05/14 22:44:56 - mmengine - INFO - Epoch(train) [38][1100/1879] lr: 2.0000e-02 eta: 1 day, 4:20:19 time: 0.8305 data_time: 0.0449 memory: 9812 grad_norm: 2.9155 loss: 2.7435 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6241 distill.loss_dist: 1.1194 2023/05/14 22:45:13 - mmengine - INFO - Epoch(train) [38][1120/1879] lr: 2.0000e-02 eta: 1 day, 4:20:01 time: 0.8613 data_time: 0.1011 memory: 9812 grad_norm: 2.9100 loss: 2.7978 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6547 distill.loss_dist: 1.1431 2023/05/14 22:45:31 - mmengine - INFO - Epoch(train) [38][1140/1879] lr: 2.0000e-02 eta: 1 day, 4:19:45 time: 0.9192 data_time: 0.0284 memory: 9812 grad_norm: 2.8373 loss: 2.8641 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.7033 distill.loss_dist: 1.1607 2023/05/14 22:45:47 - mmengine - INFO - Epoch(train) [38][1160/1879] lr: 2.0000e-02 eta: 1 day, 4:19:26 time: 0.8061 data_time: 0.0238 memory: 9812 grad_norm: 2.9288 loss: 2.5397 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.4077 distill.loss_dist: 1.1320 2023/05/14 22:46:03 - mmengine - INFO - Epoch(train) [38][1180/1879] lr: 2.0000e-02 eta: 1 day, 4:19:06 time: 0.7893 data_time: 0.0290 memory: 9812 grad_norm: 2.8957 loss: 2.4195 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3183 distill.loss_dist: 1.1012 2023/05/14 22:46:21 - mmengine - INFO - Epoch(train) [38][1200/1879] lr: 2.0000e-02 eta: 1 day, 4:18:49 time: 0.8892 data_time: 0.0364 memory: 9812 grad_norm: 2.9202 loss: 2.6843 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5506 distill.loss_dist: 1.1338 2023/05/14 22:46:39 - mmengine - INFO - Epoch(train) [38][1220/1879] lr: 2.0000e-02 eta: 1 day, 4:18:32 time: 0.8847 data_time: 0.0274 memory: 9812 grad_norm: 2.9448 loss: 2.8305 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6488 distill.loss_dist: 1.1817 2023/05/14 22:46:56 - mmengine - INFO - Epoch(train) [38][1240/1879] lr: 2.0000e-02 eta: 1 day, 4:18:14 time: 0.8685 data_time: 0.0276 memory: 9812 grad_norm: 2.9052 loss: 2.5074 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3818 distill.loss_dist: 1.1255 2023/05/14 22:47:13 - mmengine - INFO - Epoch(train) [38][1260/1879] lr: 2.0000e-02 eta: 1 day, 4:17:56 time: 0.8412 data_time: 0.0262 memory: 9812 grad_norm: 2.9640 loss: 2.6612 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.5221 distill.loss_dist: 1.1391 2023/05/14 22:47:31 - mmengine - INFO - Epoch(train) [38][1280/1879] lr: 2.0000e-02 eta: 1 day, 4:17:40 time: 0.9124 data_time: 0.0279 memory: 9812 grad_norm: 2.9375 loss: 2.7143 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5893 distill.loss_dist: 1.1250 2023/05/14 22:47:47 - mmengine - INFO - Epoch(train) [38][1300/1879] lr: 2.0000e-02 eta: 1 day, 4:17:21 time: 0.8206 data_time: 0.0258 memory: 9812 grad_norm: 2.9000 loss: 2.4336 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3074 distill.loss_dist: 1.1262 2023/05/14 22:48:06 - mmengine - INFO - Epoch(train) [38][1320/1879] lr: 2.0000e-02 eta: 1 day, 4:17:06 time: 0.9426 data_time: 0.0248 memory: 9812 grad_norm: 2.9302 loss: 2.6410 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5156 distill.loss_dist: 1.1254 2023/05/14 22:48:23 - mmengine - INFO - Epoch(train) [38][1340/1879] lr: 2.0000e-02 eta: 1 day, 4:16:47 time: 0.8231 data_time: 0.0273 memory: 9812 grad_norm: 2.8211 loss: 2.6825 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5448 distill.loss_dist: 1.1376 2023/05/14 22:48:41 - mmengine - INFO - Epoch(train) [38][1360/1879] lr: 2.0000e-02 eta: 1 day, 4:16:30 time: 0.8862 data_time: 0.0286 memory: 9812 grad_norm: 2.8418 loss: 2.7336 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5985 distill.loss_dist: 1.1352 2023/05/14 22:48:58 - mmengine - INFO - Epoch(train) [38][1380/1879] lr: 2.0000e-02 eta: 1 day, 4:16:13 time: 0.8857 data_time: 0.0275 memory: 9812 grad_norm: 2.9764 loss: 2.7551 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6192 distill.loss_dist: 1.1359 2023/05/14 22:49:14 - mmengine - INFO - Epoch(train) [38][1400/1879] lr: 2.0000e-02 eta: 1 day, 4:15:53 time: 0.7778 data_time: 0.0257 memory: 9812 grad_norm: 2.9103 loss: 2.8321 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.6705 distill.loss_dist: 1.1615 2023/05/14 22:49:33 - mmengine - INFO - Epoch(train) [38][1420/1879] lr: 2.0000e-02 eta: 1 day, 4:15:38 time: 0.9479 data_time: 0.0318 memory: 9812 grad_norm: 2.9141 loss: 2.7041 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.5601 distill.loss_dist: 1.1440 2023/05/14 22:49:49 - mmengine - INFO - Epoch(train) [38][1440/1879] lr: 2.0000e-02 eta: 1 day, 4:15:19 time: 0.8296 data_time: 0.0257 memory: 9812 grad_norm: 2.9093 loss: 2.8432 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7330 distill.loss_dist: 1.1101 2023/05/14 22:50:07 - mmengine - INFO - Epoch(train) [38][1460/1879] lr: 2.0000e-02 eta: 1 day, 4:15:03 time: 0.8983 data_time: 0.0294 memory: 9812 grad_norm: 2.8743 loss: 2.4916 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3665 distill.loss_dist: 1.1251 2023/05/14 22:50:23 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 22:50:24 - mmengine - INFO - Epoch(train) [38][1480/1879] lr: 2.0000e-02 eta: 1 day, 4:14:45 time: 0.8455 data_time: 0.0258 memory: 9812 grad_norm: 2.9385 loss: 2.8480 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7239 distill.loss_dist: 1.1241 2023/05/14 22:50:42 - mmengine - INFO - Epoch(train) [38][1500/1879] lr: 2.0000e-02 eta: 1 day, 4:14:27 time: 0.8644 data_time: 0.0243 memory: 9812 grad_norm: 2.9410 loss: 2.7259 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5709 distill.loss_dist: 1.1550 2023/05/14 22:50:58 - mmengine - INFO - Epoch(train) [38][1520/1879] lr: 2.0000e-02 eta: 1 day, 4:14:09 time: 0.8359 data_time: 0.0279 memory: 9812 grad_norm: 2.8471 loss: 2.6738 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5452 distill.loss_dist: 1.1286 2023/05/14 22:51:17 - mmengine - INFO - Epoch(train) [38][1540/1879] lr: 2.0000e-02 eta: 1 day, 4:13:53 time: 0.9127 data_time: 0.0279 memory: 9812 grad_norm: 2.8905 loss: 2.5362 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4090 distill.loss_dist: 1.1273 2023/05/14 22:51:32 - mmengine - INFO - Epoch(train) [38][1560/1879] lr: 2.0000e-02 eta: 1 day, 4:13:33 time: 0.7873 data_time: 0.0248 memory: 9812 grad_norm: 2.9062 loss: 2.6659 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5289 distill.loss_dist: 1.1371 2023/05/14 22:51:51 - mmengine - INFO - Epoch(train) [38][1580/1879] lr: 2.0000e-02 eta: 1 day, 4:13:17 time: 0.9211 data_time: 0.0313 memory: 9812 grad_norm: 2.9229 loss: 2.6333 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5055 distill.loss_dist: 1.1278 2023/05/14 22:52:09 - mmengine - INFO - Epoch(train) [38][1600/1879] lr: 2.0000e-02 eta: 1 day, 4:13:01 time: 0.9184 data_time: 0.0272 memory: 9812 grad_norm: 2.8823 loss: 2.5557 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4269 distill.loss_dist: 1.1288 2023/05/14 22:52:25 - mmengine - INFO - Epoch(train) [38][1620/1879] lr: 2.0000e-02 eta: 1 day, 4:12:41 time: 0.7753 data_time: 0.0261 memory: 9812 grad_norm: 2.9285 loss: 2.7152 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5640 distill.loss_dist: 1.1511 2023/05/14 22:52:42 - mmengine - INFO - Epoch(train) [38][1640/1879] lr: 2.0000e-02 eta: 1 day, 4:12:22 time: 0.8479 data_time: 0.0262 memory: 9812 grad_norm: 2.9097 loss: 2.6672 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.4968 distill.loss_dist: 1.1704 2023/05/14 22:52:59 - mmengine - INFO - Epoch(train) [38][1660/1879] lr: 2.0000e-02 eta: 1 day, 4:12:05 time: 0.8675 data_time: 0.0297 memory: 9812 grad_norm: 2.9226 loss: 2.4662 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3468 distill.loss_dist: 1.1194 2023/05/14 22:53:16 - mmengine - INFO - Epoch(train) [38][1680/1879] lr: 2.0000e-02 eta: 1 day, 4:11:46 time: 0.8309 data_time: 0.0263 memory: 9812 grad_norm: 2.8883 loss: 2.8177 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6638 distill.loss_dist: 1.1538 2023/05/14 22:53:34 - mmengine - INFO - Epoch(train) [38][1700/1879] lr: 2.0000e-02 eta: 1 day, 4:11:30 time: 0.8956 data_time: 0.0244 memory: 9812 grad_norm: 2.8418 loss: 2.4170 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3109 distill.loss_dist: 1.1061 2023/05/14 22:53:52 - mmengine - INFO - Epoch(train) [38][1720/1879] lr: 2.0000e-02 eta: 1 day, 4:11:14 time: 0.9077 data_time: 0.0279 memory: 9812 grad_norm: 2.8740 loss: 2.5348 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4133 distill.loss_dist: 1.1215 2023/05/14 22:54:08 - mmengine - INFO - Epoch(train) [38][1740/1879] lr: 2.0000e-02 eta: 1 day, 4:10:54 time: 0.8082 data_time: 0.0295 memory: 9812 grad_norm: 2.9134 loss: 2.9122 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.7580 distill.loss_dist: 1.1543 2023/05/14 22:54:26 - mmengine - INFO - Epoch(train) [38][1760/1879] lr: 2.0000e-02 eta: 1 day, 4:10:38 time: 0.9222 data_time: 0.0263 memory: 9812 grad_norm: 2.9066 loss: 2.4501 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3516 distill.loss_dist: 1.0985 2023/05/14 22:54:44 - mmengine - INFO - Epoch(train) [38][1780/1879] lr: 2.0000e-02 eta: 1 day, 4:10:22 time: 0.8836 data_time: 0.0279 memory: 9812 grad_norm: 2.8581 loss: 2.7996 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.6312 distill.loss_dist: 1.1685 2023/05/14 22:55:00 - mmengine - INFO - Epoch(train) [38][1800/1879] lr: 2.0000e-02 eta: 1 day, 4:10:02 time: 0.8085 data_time: 0.0249 memory: 9812 grad_norm: 2.9251 loss: 2.9845 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.8200 distill.loss_dist: 1.1646 2023/05/14 22:55:18 - mmengine - INFO - Epoch(train) [38][1820/1879] lr: 2.0000e-02 eta: 1 day, 4:09:46 time: 0.9054 data_time: 0.0244 memory: 9812 grad_norm: 2.9114 loss: 2.7790 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.6136 distill.loss_dist: 1.1653 2023/05/14 22:55:36 - mmengine - INFO - Epoch(train) [38][1840/1879] lr: 2.0000e-02 eta: 1 day, 4:09:28 time: 0.8565 data_time: 0.0263 memory: 9812 grad_norm: 2.8925 loss: 2.6541 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5286 distill.loss_dist: 1.1255 2023/05/14 22:55:52 - mmengine - INFO - Epoch(train) [38][1860/1879] lr: 2.0000e-02 eta: 1 day, 4:09:10 time: 0.8427 data_time: 0.0237 memory: 9812 grad_norm: 2.8635 loss: 2.6295 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4728 distill.loss_dist: 1.1567 2023/05/14 22:56:07 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 22:56:07 - mmengine - INFO - Epoch(train) [38][1879/1879] lr: 2.0000e-02 eta: 1 day, 4:08:49 time: 0.7238 data_time: 0.0194 memory: 9812 grad_norm: 3.0007 loss: 2.5625 student.top1_acc: 0.4286 student.top5_acc: 1.0000 student.loss_cls: 1.4204 distill.loss_dist: 1.1421 2023/05/14 22:56:26 - mmengine - INFO - Epoch(val) [38][ 20/155] eta: 0:02:08 time: 0.9547 data_time: 0.8886 memory: 1484 2023/05/14 22:56:39 - mmengine - INFO - Epoch(val) [38][ 40/155] eta: 0:01:33 time: 0.6682 data_time: 0.6045 memory: 1484 2023/05/14 22:56:58 - mmengine - INFO - Epoch(val) [38][ 60/155] eta: 0:01:21 time: 0.9564 data_time: 0.8874 memory: 1484 2023/05/14 22:57:12 - mmengine - INFO - Epoch(val) [38][ 80/155] eta: 0:01:01 time: 0.6944 data_time: 0.6298 memory: 1484 2023/05/14 22:57:32 - mmengine - INFO - Epoch(val) [38][100/155] eta: 0:00:46 time: 0.9980 data_time: 0.9330 memory: 1484 2023/05/14 22:57:45 - mmengine - INFO - Epoch(val) [38][120/155] eta: 0:00:28 time: 0.6500 data_time: 0.5783 memory: 1484 2023/05/14 22:58:04 - mmengine - INFO - Epoch(val) [38][140/155] eta: 0:00:12 time: 0.9353 data_time: 0.8700 memory: 1484 2023/05/14 22:58:33 - mmengine - INFO - Epoch(val) [38][ 20/155] eta: 0:16:15 time: 0.9913 data_time: 0.8399 memory: 1582 2023/05/14 22:58:47 - mmengine - INFO - Epoch(val) [38][ 40/155] eta: 0:07:35 time: 0.6942 data_time: 0.5426 memory: 1582 2023/05/14 22:59:06 - mmengine - INFO - Epoch(val) [38][ 60/155] eta: 0:04:39 time: 0.9154 data_time: 0.7592 memory: 1582 2023/05/14 22:59:19 - mmengine - INFO - Epoch(val) [38][ 80/155] eta: 0:02:58 time: 0.6939 data_time: 0.5415 memory: 1582 2023/05/14 22:59:38 - mmengine - INFO - Epoch(val) [38][100/155] eta: 0:01:55 time: 0.9398 data_time: 0.7896 memory: 1582 2023/05/14 22:59:52 - mmengine - INFO - Epoch(val) [38][120/155] eta: 0:01:05 time: 0.7082 data_time: 0.5538 memory: 1582 2023/05/14 23:00:13 - mmengine - INFO - Epoch(val) [38][140/155] eta: 0:00:26 time: 1.0363 data_time: 0.8833 memory: 1582 2023/05/14 23:00:23 - mmengine - INFO - Epoch(val) [38][155/155] acc/top1: 0.6331 acc/top5: 0.8525 acc/mean1: 0.6330 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6672 time: 0.8181 2023/05/14 23:00:23 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_34.pth is removed 2023/05/14 23:00:24 - mmengine - INFO - The best checkpoint with 0.6331 acc/top1 at 38 epoch is saved to best_acc_top1_epoch_38.pth. 2023/05/14 23:00:47 - mmengine - INFO - Epoch(train) [39][ 20/1879] lr: 2.0000e-02 eta: 1 day, 4:08:41 time: 1.1445 data_time: 0.7179 memory: 9812 grad_norm: 2.8402 loss: 2.5703 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4443 distill.loss_dist: 1.1260 2023/05/14 23:01:03 - mmengine - INFO - Epoch(train) [39][ 40/1879] lr: 2.0000e-02 eta: 1 day, 4:08:21 time: 0.8127 data_time: 0.3888 memory: 9812 grad_norm: 2.8794 loss: 2.6015 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4658 distill.loss_dist: 1.1357 2023/05/14 23:01:21 - mmengine - INFO - Epoch(train) [39][ 60/1879] lr: 2.0000e-02 eta: 1 day, 4:08:04 time: 0.8658 data_time: 0.4379 memory: 9812 grad_norm: 2.9027 loss: 2.6072 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4728 distill.loss_dist: 1.1344 2023/05/14 23:01:40 - mmengine - INFO - Epoch(train) [39][ 80/1879] lr: 2.0000e-02 eta: 1 day, 4:07:50 time: 0.9829 data_time: 0.5632 memory: 9812 grad_norm: 2.8584 loss: 2.5341 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.4221 distill.loss_dist: 1.1120 2023/05/14 23:01:57 - mmengine - INFO - Epoch(train) [39][ 100/1879] lr: 2.0000e-02 eta: 1 day, 4:07:31 time: 0.8158 data_time: 0.3821 memory: 9812 grad_norm: 2.8866 loss: 2.6304 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4872 distill.loss_dist: 1.1432 2023/05/14 23:02:13 - mmengine - INFO - Epoch(train) [39][ 120/1879] lr: 2.0000e-02 eta: 1 day, 4:07:11 time: 0.7935 data_time: 0.3607 memory: 9812 grad_norm: 2.8491 loss: 2.7115 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5676 distill.loss_dist: 1.1439 2023/05/14 23:02:31 - mmengine - INFO - Epoch(train) [39][ 140/1879] lr: 2.0000e-02 eta: 1 day, 4:06:55 time: 0.9148 data_time: 0.4673 memory: 9812 grad_norm: 2.8852 loss: 2.6334 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4938 distill.loss_dist: 1.1396 2023/05/14 23:02:48 - mmengine - INFO - Epoch(train) [39][ 160/1879] lr: 2.0000e-02 eta: 1 day, 4:06:37 time: 0.8399 data_time: 0.3980 memory: 9812 grad_norm: 2.9218 loss: 2.4677 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3503 distill.loss_dist: 1.1174 2023/05/14 23:03:04 - mmengine - INFO - Epoch(train) [39][ 180/1879] lr: 2.0000e-02 eta: 1 day, 4:06:18 time: 0.8122 data_time: 0.3694 memory: 9812 grad_norm: 2.8817 loss: 2.6054 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4812 distill.loss_dist: 1.1242 2023/05/14 23:03:23 - mmengine - INFO - Epoch(train) [39][ 200/1879] lr: 2.0000e-02 eta: 1 day, 4:06:03 time: 0.9428 data_time: 0.4966 memory: 9812 grad_norm: 2.9016 loss: 2.6019 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4642 distill.loss_dist: 1.1377 2023/05/14 23:03:39 - mmengine - INFO - Epoch(train) [39][ 220/1879] lr: 2.0000e-02 eta: 1 day, 4:05:43 time: 0.8023 data_time: 0.3198 memory: 9812 grad_norm: 2.8394 loss: 2.5893 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4509 distill.loss_dist: 1.1384 2023/05/14 23:03:56 - mmengine - INFO - Epoch(train) [39][ 240/1879] lr: 2.0000e-02 eta: 1 day, 4:05:25 time: 0.8465 data_time: 0.3762 memory: 9812 grad_norm: 2.8908 loss: 2.6921 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5417 distill.loss_dist: 1.1504 2023/05/14 23:04:15 - mmengine - INFO - Epoch(train) [39][ 260/1879] lr: 2.0000e-02 eta: 1 day, 4:05:11 time: 0.9654 data_time: 0.1920 memory: 9812 grad_norm: 2.8518 loss: 2.6414 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5011 distill.loss_dist: 1.1403 2023/05/14 23:04:32 - mmengine - INFO - Epoch(train) [39][ 280/1879] lr: 2.0000e-02 eta: 1 day, 4:04:52 time: 0.8445 data_time: 0.0530 memory: 9812 grad_norm: 2.8761 loss: 2.5102 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3787 distill.loss_dist: 1.1315 2023/05/14 23:04:49 - mmengine - INFO - Epoch(train) [39][ 300/1879] lr: 2.0000e-02 eta: 1 day, 4:04:34 time: 0.8559 data_time: 0.0223 memory: 9812 grad_norm: 2.9026 loss: 2.7605 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6370 distill.loss_dist: 1.1235 2023/05/14 23:05:07 - mmengine - INFO - Epoch(train) [39][ 320/1879] lr: 2.0000e-02 eta: 1 day, 4:04:17 time: 0.8790 data_time: 0.0301 memory: 9812 grad_norm: 2.8307 loss: 2.5966 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.4406 distill.loss_dist: 1.1560 2023/05/14 23:05:25 - mmengine - INFO - Epoch(train) [39][ 340/1879] lr: 2.0000e-02 eta: 1 day, 4:04:01 time: 0.8970 data_time: 0.0255 memory: 9812 grad_norm: 2.8362 loss: 2.4605 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3202 distill.loss_dist: 1.1403 2023/05/14 23:05:42 - mmengine - INFO - Epoch(train) [39][ 360/1879] lr: 2.0000e-02 eta: 1 day, 4:03:43 time: 0.8701 data_time: 0.0253 memory: 9812 grad_norm: 2.9281 loss: 2.5490 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4145 distill.loss_dist: 1.1345 2023/05/14 23:05:58 - mmengine - INFO - Epoch(train) [39][ 380/1879] lr: 2.0000e-02 eta: 1 day, 4:03:24 time: 0.8039 data_time: 0.0250 memory: 9812 grad_norm: 2.8883 loss: 2.6645 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 1.5201 distill.loss_dist: 1.1444 2023/05/14 23:06:16 - mmengine - INFO - Epoch(train) [39][ 400/1879] lr: 2.0000e-02 eta: 1 day, 4:03:07 time: 0.8711 data_time: 0.0935 memory: 9812 grad_norm: 2.8779 loss: 2.7525 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5897 distill.loss_dist: 1.1628 2023/05/14 23:06:32 - mmengine - INFO - Epoch(train) [39][ 420/1879] lr: 2.0000e-02 eta: 1 day, 4:02:47 time: 0.8103 data_time: 0.0862 memory: 9812 grad_norm: 2.8906 loss: 2.6212 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.4989 distill.loss_dist: 1.1223 2023/05/14 23:06:49 - mmengine - INFO - Epoch(train) [39][ 440/1879] lr: 2.0000e-02 eta: 1 day, 4:02:29 time: 0.8310 data_time: 0.1647 memory: 9812 grad_norm: 2.8618 loss: 2.6012 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4485 distill.loss_dist: 1.1527 2023/05/14 23:07:06 - mmengine - INFO - Epoch(train) [39][ 460/1879] lr: 2.0000e-02 eta: 1 day, 4:02:11 time: 0.8623 data_time: 0.1223 memory: 9812 grad_norm: 2.9822 loss: 2.9847 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.8110 distill.loss_dist: 1.1737 2023/05/14 23:07:25 - mmengine - INFO - Epoch(train) [39][ 480/1879] lr: 2.0000e-02 eta: 1 day, 4:01:56 time: 0.9378 data_time: 0.1014 memory: 9812 grad_norm: 2.8898 loss: 2.5854 student.top1_acc: 0.3750 student.top5_acc: 0.9375 student.loss_cls: 1.4621 distill.loss_dist: 1.1233 2023/05/14 23:07:41 - mmengine - INFO - Epoch(train) [39][ 500/1879] lr: 2.0000e-02 eta: 1 day, 4:01:37 time: 0.8340 data_time: 0.0312 memory: 9812 grad_norm: 2.9362 loss: 2.5618 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4321 distill.loss_dist: 1.1297 2023/05/14 23:07:58 - mmengine - INFO - Epoch(train) [39][ 520/1879] lr: 2.0000e-02 eta: 1 day, 4:01:19 time: 0.8573 data_time: 0.0235 memory: 9812 grad_norm: 2.8867 loss: 2.6800 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5724 distill.loss_dist: 1.1076 2023/05/14 23:08:17 - mmengine - INFO - Epoch(train) [39][ 540/1879] lr: 2.0000e-02 eta: 1 day, 4:01:04 time: 0.9322 data_time: 0.0265 memory: 9812 grad_norm: 2.9207 loss: 2.7156 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.5630 distill.loss_dist: 1.1526 2023/05/14 23:08:34 - mmengine - INFO - Epoch(train) [39][ 560/1879] lr: 2.0000e-02 eta: 1 day, 4:00:46 time: 0.8608 data_time: 0.0297 memory: 9812 grad_norm: 2.9248 loss: 2.7498 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5928 distill.loss_dist: 1.1569 2023/05/14 23:08:50 - mmengine - INFO - Epoch(train) [39][ 580/1879] lr: 2.0000e-02 eta: 1 day, 4:00:27 time: 0.7950 data_time: 0.0240 memory: 9812 grad_norm: 2.8926 loss: 2.6184 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4980 distill.loss_dist: 1.1204 2023/05/14 23:09:06 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 23:09:10 - mmengine - INFO - Epoch(train) [39][ 600/1879] lr: 2.0000e-02 eta: 1 day, 4:00:12 time: 0.9705 data_time: 0.0257 memory: 9812 grad_norm: 2.9087 loss: 2.9150 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.7433 distill.loss_dist: 1.1716 2023/05/14 23:09:26 - mmengine - INFO - Epoch(train) [39][ 620/1879] lr: 2.0000e-02 eta: 1 day, 3:59:54 time: 0.8253 data_time: 0.0288 memory: 9812 grad_norm: 2.9032 loss: 2.5002 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3871 distill.loss_dist: 1.1131 2023/05/14 23:09:43 - mmengine - INFO - Epoch(train) [39][ 640/1879] lr: 2.0000e-02 eta: 1 day, 3:59:35 time: 0.8445 data_time: 0.0231 memory: 9812 grad_norm: 2.8870 loss: 2.3756 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.3096 distill.loss_dist: 1.0660 2023/05/14 23:10:01 - mmengine - INFO - Epoch(train) [39][ 660/1879] lr: 2.0000e-02 eta: 1 day, 3:59:19 time: 0.9179 data_time: 0.0250 memory: 9812 grad_norm: 2.9816 loss: 2.6971 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5488 distill.loss_dist: 1.1482 2023/05/14 23:10:18 - mmengine - INFO - Epoch(train) [39][ 680/1879] lr: 2.0000e-02 eta: 1 day, 3:59:01 time: 0.8255 data_time: 0.0266 memory: 9812 grad_norm: 2.9414 loss: 2.6423 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.5227 distill.loss_dist: 1.1196 2023/05/14 23:10:35 - mmengine - INFO - Epoch(train) [39][ 700/1879] lr: 2.0000e-02 eta: 1 day, 3:58:42 time: 0.8392 data_time: 0.0262 memory: 9812 grad_norm: 2.8637 loss: 2.7578 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6096 distill.loss_dist: 1.1482 2023/05/14 23:10:53 - mmengine - INFO - Epoch(train) [39][ 720/1879] lr: 2.0000e-02 eta: 1 day, 3:58:26 time: 0.9071 data_time: 0.0300 memory: 9812 grad_norm: 2.9828 loss: 2.8235 student.top1_acc: 0.3125 student.top5_acc: 0.7500 student.loss_cls: 1.6546 distill.loss_dist: 1.1689 2023/05/14 23:11:10 - mmengine - INFO - Epoch(train) [39][ 740/1879] lr: 2.0000e-02 eta: 1 day, 3:58:08 time: 0.8475 data_time: 0.0270 memory: 9812 grad_norm: 2.8861 loss: 2.5114 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3571 distill.loss_dist: 1.1543 2023/05/14 23:11:26 - mmengine - INFO - Epoch(train) [39][ 760/1879] lr: 2.0000e-02 eta: 1 day, 3:57:49 time: 0.8139 data_time: 0.0260 memory: 9812 grad_norm: 2.9038 loss: 2.4437 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2901 distill.loss_dist: 1.1535 2023/05/14 23:11:44 - mmengine - INFO - Epoch(train) [39][ 780/1879] lr: 2.0000e-02 eta: 1 day, 3:57:32 time: 0.8882 data_time: 0.0276 memory: 9812 grad_norm: 2.9224 loss: 2.5236 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3961 distill.loss_dist: 1.1275 2023/05/14 23:12:01 - mmengine - INFO - Epoch(train) [39][ 800/1879] lr: 2.0000e-02 eta: 1 day, 3:57:15 time: 0.8751 data_time: 0.0279 memory: 9812 grad_norm: 2.9130 loss: 2.5065 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3932 distill.loss_dist: 1.1133 2023/05/14 23:12:18 - mmengine - INFO - Epoch(train) [39][ 820/1879] lr: 2.0000e-02 eta: 1 day, 3:56:56 time: 0.8152 data_time: 0.0273 memory: 9812 grad_norm: 2.8765 loss: 2.6759 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.5421 distill.loss_dist: 1.1338 2023/05/14 23:12:37 - mmengine - INFO - Epoch(train) [39][ 840/1879] lr: 2.0000e-02 eta: 1 day, 3:56:41 time: 0.9477 data_time: 0.0259 memory: 9812 grad_norm: 2.8978 loss: 2.4968 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.3661 distill.loss_dist: 1.1307 2023/05/14 23:12:54 - mmengine - INFO - Epoch(train) [39][ 860/1879] lr: 2.0000e-02 eta: 1 day, 3:56:22 time: 0.8416 data_time: 0.0283 memory: 9812 grad_norm: 2.9101 loss: 2.7483 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.5876 distill.loss_dist: 1.1607 2023/05/14 23:13:10 - mmengine - INFO - Epoch(train) [39][ 880/1879] lr: 2.0000e-02 eta: 1 day, 3:56:04 time: 0.8366 data_time: 0.0262 memory: 9812 grad_norm: 2.8104 loss: 2.4875 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3618 distill.loss_dist: 1.1257 2023/05/14 23:13:29 - mmengine - INFO - Epoch(train) [39][ 900/1879] lr: 2.0000e-02 eta: 1 day, 3:55:48 time: 0.9267 data_time: 0.0276 memory: 9812 grad_norm: 2.9329 loss: 2.5323 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4161 distill.loss_dist: 1.1161 2023/05/14 23:13:45 - mmengine - INFO - Epoch(train) [39][ 920/1879] lr: 2.0000e-02 eta: 1 day, 3:55:29 time: 0.7948 data_time: 0.0271 memory: 9812 grad_norm: 2.9840 loss: 2.6131 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.4943 distill.loss_dist: 1.1188 2023/05/14 23:14:02 - mmengine - INFO - Epoch(train) [39][ 940/1879] lr: 2.0000e-02 eta: 1 day, 3:55:10 time: 0.8416 data_time: 0.0223 memory: 9812 grad_norm: 2.8713 loss: 2.6738 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5290 distill.loss_dist: 1.1448 2023/05/14 23:14:21 - mmengine - INFO - Epoch(train) [39][ 960/1879] lr: 2.0000e-02 eta: 1 day, 3:54:56 time: 0.9824 data_time: 0.1218 memory: 9812 grad_norm: 2.8119 loss: 2.5275 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4275 distill.loss_dist: 1.1000 2023/05/14 23:14:38 - mmengine - INFO - Epoch(train) [39][ 980/1879] lr: 2.0000e-02 eta: 1 day, 3:54:38 time: 0.8334 data_time: 0.1197 memory: 9812 grad_norm: 2.8788 loss: 2.6125 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.4671 distill.loss_dist: 1.1453 2023/05/14 23:14:54 - mmengine - INFO - Epoch(train) [39][1000/1879] lr: 2.0000e-02 eta: 1 day, 3:54:19 time: 0.8164 data_time: 0.0263 memory: 9812 grad_norm: 2.8715 loss: 2.5391 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.4148 distill.loss_dist: 1.1243 2023/05/14 23:15:13 - mmengine - INFO - Epoch(train) [39][1020/1879] lr: 2.0000e-02 eta: 1 day, 3:54:03 time: 0.9257 data_time: 0.0269 memory: 9812 grad_norm: 2.9971 loss: 2.7679 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6456 distill.loss_dist: 1.1223 2023/05/14 23:15:28 - mmengine - INFO - Epoch(train) [39][1040/1879] lr: 2.0000e-02 eta: 1 day, 3:53:42 time: 0.7518 data_time: 0.0286 memory: 9812 grad_norm: 2.9259 loss: 2.6214 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5006 distill.loss_dist: 1.1209 2023/05/14 23:15:45 - mmengine - INFO - Epoch(train) [39][1060/1879] lr: 2.0000e-02 eta: 1 day, 3:53:24 time: 0.8526 data_time: 0.0270 memory: 9812 grad_norm: 2.9075 loss: 2.6048 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4930 distill.loss_dist: 1.1118 2023/05/14 23:16:05 - mmengine - INFO - Epoch(train) [39][1080/1879] lr: 2.0000e-02 eta: 1 day, 3:53:10 time: 0.9795 data_time: 0.0238 memory: 9812 grad_norm: 2.9416 loss: 2.6531 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.5186 distill.loss_dist: 1.1345 2023/05/14 23:16:22 - mmengine - INFO - Epoch(train) [39][1100/1879] lr: 2.0000e-02 eta: 1 day, 3:52:52 time: 0.8460 data_time: 0.0279 memory: 9812 grad_norm: 2.9002 loss: 2.5347 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4475 distill.loss_dist: 1.0873 2023/05/14 23:16:37 - mmengine - INFO - Epoch(train) [39][1120/1879] lr: 2.0000e-02 eta: 1 day, 3:52:32 time: 0.7936 data_time: 0.0241 memory: 9812 grad_norm: 2.8808 loss: 2.5292 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3948 distill.loss_dist: 1.1345 2023/05/14 23:16:57 - mmengine - INFO - Epoch(train) [39][1140/1879] lr: 2.0000e-02 eta: 1 day, 3:52:18 time: 0.9560 data_time: 0.0295 memory: 9812 grad_norm: 2.8818 loss: 2.8104 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.6571 distill.loss_dist: 1.1533 2023/05/14 23:17:12 - mmengine - INFO - Epoch(train) [39][1160/1879] lr: 2.0000e-02 eta: 1 day, 3:51:58 time: 0.7883 data_time: 0.0289 memory: 9812 grad_norm: 2.9377 loss: 2.7618 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5914 distill.loss_dist: 1.1705 2023/05/14 23:17:29 - mmengine - INFO - Epoch(train) [39][1180/1879] lr: 2.0000e-02 eta: 1 day, 3:51:39 time: 0.8240 data_time: 0.0280 memory: 9812 grad_norm: 2.8851 loss: 2.6575 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.5078 distill.loss_dist: 1.1497 2023/05/14 23:17:47 - mmengine - INFO - Epoch(train) [39][1200/1879] lr: 2.0000e-02 eta: 1 day, 3:51:23 time: 0.9294 data_time: 0.0273 memory: 9812 grad_norm: 2.8980 loss: 2.8500 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.6694 distill.loss_dist: 1.1806 2023/05/14 23:18:04 - mmengine - INFO - Epoch(train) [39][1220/1879] lr: 2.0000e-02 eta: 1 day, 3:51:05 time: 0.8391 data_time: 0.0315 memory: 9812 grad_norm: 2.8819 loss: 2.6660 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5242 distill.loss_dist: 1.1418 2023/05/14 23:18:21 - mmengine - INFO - Epoch(train) [39][1240/1879] lr: 2.0000e-02 eta: 1 day, 3:50:47 time: 0.8469 data_time: 0.0289 memory: 9812 grad_norm: 2.8961 loss: 2.6406 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5117 distill.loss_dist: 1.1288 2023/05/14 23:18:40 - mmengine - INFO - Epoch(train) [39][1260/1879] lr: 2.0000e-02 eta: 1 day, 3:50:32 time: 0.9639 data_time: 0.0276 memory: 9812 grad_norm: 2.9371 loss: 2.6034 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4616 distill.loss_dist: 1.1417 2023/05/14 23:18:56 - mmengine - INFO - Epoch(train) [39][1280/1879] lr: 2.0000e-02 eta: 1 day, 3:50:12 time: 0.7805 data_time: 0.0316 memory: 9812 grad_norm: 2.8805 loss: 2.8304 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6576 distill.loss_dist: 1.1728 2023/05/14 23:19:13 - mmengine - INFO - Epoch(train) [39][1300/1879] lr: 2.0000e-02 eta: 1 day, 3:49:54 time: 0.8344 data_time: 0.0639 memory: 9812 grad_norm: 2.9350 loss: 2.4851 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3710 distill.loss_dist: 1.1141 2023/05/14 23:19:30 - mmengine - INFO - Epoch(train) [39][1320/1879] lr: 2.0000e-02 eta: 1 day, 3:49:36 time: 0.8571 data_time: 0.1353 memory: 9812 grad_norm: 2.8577 loss: 2.7281 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5823 distill.loss_dist: 1.1458 2023/05/14 23:19:48 - mmengine - INFO - Epoch(train) [39][1340/1879] lr: 2.0000e-02 eta: 1 day, 3:49:19 time: 0.8896 data_time: 0.2575 memory: 9812 grad_norm: 2.9048 loss: 2.6034 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.4880 distill.loss_dist: 1.1154 2023/05/14 23:20:04 - mmengine - INFO - Epoch(train) [39][1360/1879] lr: 2.0000e-02 eta: 1 day, 3:48:59 time: 0.7990 data_time: 0.0668 memory: 9812 grad_norm: 2.9052 loss: 2.7734 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6336 distill.loss_dist: 1.1398 2023/05/14 23:20:22 - mmengine - INFO - Epoch(train) [39][1380/1879] lr: 2.0000e-02 eta: 1 day, 3:48:43 time: 0.8964 data_time: 0.0360 memory: 9812 grad_norm: 2.9788 loss: 2.5188 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3823 distill.loss_dist: 1.1365 2023/05/14 23:20:39 - mmengine - INFO - Epoch(train) [39][1400/1879] lr: 2.0000e-02 eta: 1 day, 3:48:26 time: 0.8806 data_time: 0.0293 memory: 9812 grad_norm: 2.9656 loss: 2.5800 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4461 distill.loss_dist: 1.1339 2023/05/14 23:20:56 - mmengine - INFO - Epoch(train) [39][1420/1879] lr: 2.0000e-02 eta: 1 day, 3:48:07 time: 0.8208 data_time: 0.0262 memory: 9812 grad_norm: 2.9140 loss: 2.3968 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3063 distill.loss_dist: 1.0905 2023/05/14 23:21:15 - mmengine - INFO - Epoch(train) [39][1440/1879] lr: 2.0000e-02 eta: 1 day, 3:47:53 time: 0.9718 data_time: 0.0272 memory: 9812 grad_norm: 2.9313 loss: 2.6964 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5589 distill.loss_dist: 1.1376 2023/05/14 23:21:31 - mmengine - INFO - Epoch(train) [39][1460/1879] lr: 2.0000e-02 eta: 1 day, 3:47:32 time: 0.7675 data_time: 0.0311 memory: 9812 grad_norm: 2.9366 loss: 2.8053 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.6674 distill.loss_dist: 1.1380 2023/05/14 23:21:48 - mmengine - INFO - Epoch(train) [39][1480/1879] lr: 2.0000e-02 eta: 1 day, 3:47:14 time: 0.8514 data_time: 0.0262 memory: 9812 grad_norm: 2.9029 loss: 2.7500 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6112 distill.loss_dist: 1.1387 2023/05/14 23:22:05 - mmengine - INFO - Epoch(train) [39][1500/1879] lr: 2.0000e-02 eta: 1 day, 3:46:56 time: 0.8598 data_time: 0.0269 memory: 9812 grad_norm: 2.8642 loss: 2.4027 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.3037 distill.loss_dist: 1.0990 2023/05/14 23:22:22 - mmengine - INFO - Epoch(train) [39][1520/1879] lr: 2.0000e-02 eta: 1 day, 3:46:39 time: 0.8658 data_time: 0.0306 memory: 9812 grad_norm: 2.8338 loss: 2.6824 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5093 distill.loss_dist: 1.1731 2023/05/14 23:22:40 - mmengine - INFO - Epoch(train) [39][1540/1879] lr: 2.0000e-02 eta: 1 day, 3:46:21 time: 0.8694 data_time: 0.0283 memory: 9812 grad_norm: 2.9249 loss: 2.7755 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.6253 distill.loss_dist: 1.1502 2023/05/14 23:22:57 - mmengine - INFO - Epoch(train) [39][1560/1879] lr: 2.0000e-02 eta: 1 day, 3:46:05 time: 0.8842 data_time: 0.0253 memory: 9812 grad_norm: 2.8506 loss: 2.4201 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3299 distill.loss_dist: 1.0902 2023/05/14 23:23:14 - mmengine - INFO - Epoch(train) [39][1580/1879] lr: 2.0000e-02 eta: 1 day, 3:45:46 time: 0.8487 data_time: 0.0522 memory: 9812 grad_norm: 2.8316 loss: 2.7833 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6477 distill.loss_dist: 1.1356 2023/05/14 23:23:30 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 23:23:31 - mmengine - INFO - Epoch(train) [39][1600/1879] lr: 2.0000e-02 eta: 1 day, 3:45:28 time: 0.8352 data_time: 0.0246 memory: 9812 grad_norm: 2.8191 loss: 2.2750 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1878 distill.loss_dist: 1.0871 2023/05/14 23:23:50 - mmengine - INFO - Epoch(train) [39][1620/1879] lr: 2.0000e-02 eta: 1 day, 3:45:13 time: 0.9546 data_time: 0.0282 memory: 9812 grad_norm: 2.8491 loss: 2.6467 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.5141 distill.loss_dist: 1.1326 2023/05/14 23:24:07 - mmengine - INFO - Epoch(train) [39][1640/1879] lr: 2.0000e-02 eta: 1 day, 3:44:55 time: 0.8527 data_time: 0.0300 memory: 9812 grad_norm: 2.8704 loss: 2.6633 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.5283 distill.loss_dist: 1.1350 2023/05/14 23:24:24 - mmengine - INFO - Epoch(train) [39][1660/1879] lr: 2.0000e-02 eta: 1 day, 3:44:37 time: 0.8452 data_time: 0.0264 memory: 9812 grad_norm: 2.8756 loss: 2.4302 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3150 distill.loss_dist: 1.1152 2023/05/14 23:24:42 - mmengine - INFO - Epoch(train) [39][1680/1879] lr: 2.0000e-02 eta: 1 day, 3:44:21 time: 0.9150 data_time: 0.0277 memory: 9812 grad_norm: 2.8812 loss: 2.7859 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.6396 distill.loss_dist: 1.1463 2023/05/14 23:24:58 - mmengine - INFO - Epoch(train) [39][1700/1879] lr: 2.0000e-02 eta: 1 day, 3:44:01 time: 0.7648 data_time: 0.0276 memory: 9812 grad_norm: 2.8875 loss: 2.6734 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.5651 distill.loss_dist: 1.1083 2023/05/14 23:25:16 - mmengine - INFO - Epoch(train) [39][1720/1879] lr: 2.0000e-02 eta: 1 day, 3:43:44 time: 0.9086 data_time: 0.0269 memory: 9812 grad_norm: 2.8890 loss: 2.7091 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5591 distill.loss_dist: 1.1500 2023/05/14 23:25:33 - mmengine - INFO - Epoch(train) [39][1740/1879] lr: 2.0000e-02 eta: 1 day, 3:43:26 time: 0.8388 data_time: 0.0275 memory: 9812 grad_norm: 2.9208 loss: 2.9080 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.7502 distill.loss_dist: 1.1578 2023/05/14 23:25:50 - mmengine - INFO - Epoch(train) [39][1760/1879] lr: 2.0000e-02 eta: 1 day, 3:43:08 time: 0.8620 data_time: 0.0275 memory: 9812 grad_norm: 2.8510 loss: 2.6763 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5580 distill.loss_dist: 1.1183 2023/05/14 23:26:09 - mmengine - INFO - Epoch(train) [39][1780/1879] lr: 2.0000e-02 eta: 1 day, 3:42:53 time: 0.9485 data_time: 0.0269 memory: 9812 grad_norm: 2.9507 loss: 2.8378 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.6956 distill.loss_dist: 1.1422 2023/05/14 23:26:25 - mmengine - INFO - Epoch(train) [39][1800/1879] lr: 2.0000e-02 eta: 1 day, 3:42:34 time: 0.8012 data_time: 0.0301 memory: 9812 grad_norm: 2.9659 loss: 2.7516 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5908 distill.loss_dist: 1.1608 2023/05/14 23:26:42 - mmengine - INFO - Epoch(train) [39][1820/1879] lr: 2.0000e-02 eta: 1 day, 3:42:16 time: 0.8542 data_time: 0.0266 memory: 9812 grad_norm: 2.8943 loss: 2.5509 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.4341 distill.loss_dist: 1.1168 2023/05/14 23:27:01 - mmengine - INFO - Epoch(train) [39][1840/1879] lr: 2.0000e-02 eta: 1 day, 3:42:00 time: 0.9231 data_time: 0.0257 memory: 9812 grad_norm: 2.9447 loss: 2.5485 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.4398 distill.loss_dist: 1.1087 2023/05/14 23:27:17 - mmengine - INFO - Epoch(train) [39][1860/1879] lr: 2.0000e-02 eta: 1 day, 3:41:41 time: 0.8003 data_time: 0.0275 memory: 9812 grad_norm: 2.8697 loss: 2.8769 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.7218 distill.loss_dist: 1.1551 2023/05/14 23:27:29 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 23:27:29 - mmengine - INFO - Epoch(train) [39][1879/1879] lr: 2.0000e-02 eta: 1 day, 3:41:18 time: 0.6598 data_time: 0.0235 memory: 9812 grad_norm: 2.9646 loss: 2.7981 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.6239 distill.loss_dist: 1.1742 2023/05/14 23:27:29 - mmengine - INFO - Saving checkpoint at 39 epochs 2023/05/14 23:27:50 - mmengine - INFO - Epoch(val) [39][ 20/155] eta: 0:02:11 time: 0.9704 data_time: 0.9114 memory: 1484 2023/05/14 23:28:04 - mmengine - INFO - Epoch(val) [39][ 40/155] eta: 0:01:35 time: 0.6958 data_time: 0.6361 memory: 1484 2023/05/14 23:28:23 - mmengine - INFO - Epoch(val) [39][ 60/155] eta: 0:01:22 time: 0.9370 data_time: 0.8751 memory: 1484 2023/05/14 23:28:36 - mmengine - INFO - Epoch(val) [39][ 80/155] eta: 0:01:01 time: 0.6575 data_time: 0.5802 memory: 1484 2023/05/14 23:28:55 - mmengine - INFO - Epoch(val) [39][100/155] eta: 0:00:46 time: 0.9254 data_time: 0.8599 memory: 1484 2023/05/14 23:29:09 - mmengine - INFO - Epoch(val) [39][120/155] eta: 0:00:28 time: 0.7105 data_time: 0.6488 memory: 1484 2023/05/14 23:29:29 - mmengine - INFO - Epoch(val) [39][140/155] eta: 0:00:12 time: 1.0110 data_time: 0.9484 memory: 1484 2023/05/14 23:29:57 - mmengine - INFO - Epoch(val) [39][ 20/155] eta: 0:16:18 time: 0.9867 data_time: 0.8314 memory: 1582 2023/05/14 23:30:11 - mmengine - INFO - Epoch(val) [39][ 40/155] eta: 0:07:36 time: 0.6996 data_time: 0.5473 memory: 1582 2023/05/14 23:30:29 - mmengine - INFO - Epoch(val) [39][ 60/155] eta: 0:04:40 time: 0.9070 data_time: 0.7531 memory: 1582 2023/05/14 23:30:43 - mmengine - INFO - Epoch(val) [39][ 80/155] eta: 0:02:59 time: 0.6933 data_time: 0.5394 memory: 1582 2023/05/14 23:31:02 - mmengine - INFO - Epoch(val) [39][100/155] eta: 0:01:55 time: 0.9400 data_time: 0.7858 memory: 1582 2023/05/14 23:31:17 - mmengine - INFO - Epoch(val) [39][120/155] eta: 0:01:05 time: 0.7559 data_time: 0.6057 memory: 1582 2023/05/14 23:31:38 - mmengine - INFO - Epoch(val) [39][140/155] eta: 0:00:26 time: 1.0271 data_time: 0.8712 memory: 1582 2023/05/14 23:31:47 - mmengine - INFO - Epoch(val) [39][155/155] acc/top1: 0.6299 acc/top5: 0.8519 acc/mean1: 0.6299 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6686 time: 0.8202 2023/05/14 23:32:10 - mmengine - INFO - Epoch(train) [40][ 20/1879] lr: 2.0000e-02 eta: 1 day, 3:41:09 time: 1.1344 data_time: 0.3659 memory: 9812 grad_norm: 2.8417 loss: 2.8164 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.6723 distill.loss_dist: 1.1441 2023/05/14 23:32:25 - mmengine - INFO - Epoch(train) [40][ 40/1879] lr: 2.0000e-02 eta: 1 day, 3:40:49 time: 0.7838 data_time: 0.0301 memory: 9812 grad_norm: 2.9297 loss: 2.6902 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5946 distill.loss_dist: 1.0956 2023/05/14 23:32:42 - mmengine - INFO - Epoch(train) [40][ 60/1879] lr: 2.0000e-02 eta: 1 day, 3:40:31 time: 0.8499 data_time: 0.0293 memory: 9812 grad_norm: 2.8372 loss: 2.6850 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.5541 distill.loss_dist: 1.1310 2023/05/14 23:33:02 - mmengine - INFO - Epoch(train) [40][ 80/1879] lr: 2.0000e-02 eta: 1 day, 3:40:17 time: 0.9667 data_time: 0.0317 memory: 9812 grad_norm: 2.8857 loss: 2.5902 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.4703 distill.loss_dist: 1.1199 2023/05/14 23:33:18 - mmengine - INFO - Epoch(train) [40][ 100/1879] lr: 2.0000e-02 eta: 1 day, 3:39:58 time: 0.8154 data_time: 0.0299 memory: 9812 grad_norm: 2.9131 loss: 2.6389 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5289 distill.loss_dist: 1.1100 2023/05/14 23:33:35 - mmengine - INFO - Epoch(train) [40][ 120/1879] lr: 2.0000e-02 eta: 1 day, 3:39:39 time: 0.8402 data_time: 0.0239 memory: 9812 grad_norm: 2.9222 loss: 2.4627 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3261 distill.loss_dist: 1.1366 2023/05/14 23:33:54 - mmengine - INFO - Epoch(train) [40][ 140/1879] lr: 2.0000e-02 eta: 1 day, 3:39:24 time: 0.9468 data_time: 0.0266 memory: 9812 grad_norm: 2.8755 loss: 2.6118 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.4914 distill.loss_dist: 1.1204 2023/05/14 23:34:10 - mmengine - INFO - Epoch(train) [40][ 160/1879] lr: 2.0000e-02 eta: 1 day, 3:39:06 time: 0.8375 data_time: 0.0261 memory: 9812 grad_norm: 2.9005 loss: 2.8766 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.7283 distill.loss_dist: 1.1483 2023/05/14 23:34:27 - mmengine - INFO - Epoch(train) [40][ 180/1879] lr: 2.0000e-02 eta: 1 day, 3:38:47 time: 0.8250 data_time: 0.0245 memory: 9812 grad_norm: 2.8184 loss: 2.6703 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5781 distill.loss_dist: 1.0923 2023/05/14 23:34:46 - mmengine - INFO - Epoch(train) [40][ 200/1879] lr: 2.0000e-02 eta: 1 day, 3:38:33 time: 0.9701 data_time: 0.0268 memory: 9812 grad_norm: 2.9586 loss: 2.7271 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.5678 distill.loss_dist: 1.1593 2023/05/14 23:35:01 - mmengine - INFO - Epoch(train) [40][ 220/1879] lr: 2.0000e-02 eta: 1 day, 3:38:11 time: 0.7344 data_time: 0.0291 memory: 9812 grad_norm: 2.9260 loss: 2.6738 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5335 distill.loss_dist: 1.1402 2023/05/14 23:35:18 - mmengine - INFO - Epoch(train) [40][ 240/1879] lr: 2.0000e-02 eta: 1 day, 3:37:53 time: 0.8356 data_time: 0.0246 memory: 9812 grad_norm: 2.9759 loss: 2.5327 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4177 distill.loss_dist: 1.1149 2023/05/14 23:35:36 - mmengine - INFO - Epoch(train) [40][ 260/1879] lr: 2.0000e-02 eta: 1 day, 3:37:37 time: 0.9135 data_time: 0.0276 memory: 9812 grad_norm: 2.9092 loss: 2.5890 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4418 distill.loss_dist: 1.1472 2023/05/14 23:35:53 - mmengine - INFO - Epoch(train) [40][ 280/1879] lr: 2.0000e-02 eta: 1 day, 3:37:18 time: 0.8215 data_time: 0.0297 memory: 9812 grad_norm: 2.9064 loss: 2.3840 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2806 distill.loss_dist: 1.1034 2023/05/14 23:36:10 - mmengine - INFO - Epoch(train) [40][ 300/1879] lr: 2.0000e-02 eta: 1 day, 3:37:01 time: 0.8781 data_time: 0.0295 memory: 9812 grad_norm: 2.8073 loss: 2.6400 student.top1_acc: 0.3125 student.top5_acc: 0.6250 student.loss_cls: 1.5212 distill.loss_dist: 1.1188 2023/05/14 23:36:29 - mmengine - INFO - Epoch(train) [40][ 320/1879] lr: 2.0000e-02 eta: 1 day, 3:36:46 time: 0.9657 data_time: 0.0281 memory: 9812 grad_norm: 2.8823 loss: 2.7697 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.6474 distill.loss_dist: 1.1222 2023/05/14 23:36:47 - mmengine - INFO - Epoch(train) [40][ 340/1879] lr: 2.0000e-02 eta: 1 day, 3:36:29 time: 0.8696 data_time: 0.0259 memory: 9812 grad_norm: 2.8615 loss: 2.6201 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4742 distill.loss_dist: 1.1459 2023/05/14 23:37:03 - mmengine - INFO - Epoch(train) [40][ 360/1879] lr: 2.0000e-02 eta: 1 day, 3:36:10 time: 0.8066 data_time: 0.0247 memory: 9812 grad_norm: 2.9908 loss: 2.7475 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5932 distill.loss_dist: 1.1543 2023/05/14 23:37:21 - mmengine - INFO - Epoch(train) [40][ 380/1879] lr: 2.0000e-02 eta: 1 day, 3:35:54 time: 0.9221 data_time: 0.0269 memory: 9812 grad_norm: 2.8360 loss: 2.5663 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4428 distill.loss_dist: 1.1235 2023/05/14 23:37:38 - mmengine - INFO - Epoch(train) [40][ 400/1879] lr: 2.0000e-02 eta: 1 day, 3:35:35 time: 0.8173 data_time: 0.0272 memory: 9812 grad_norm: 2.9304 loss: 2.5615 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4129 distill.loss_dist: 1.1485 2023/05/14 23:37:54 - mmengine - INFO - Epoch(train) [40][ 420/1879] lr: 2.0000e-02 eta: 1 day, 3:35:16 time: 0.8143 data_time: 0.0272 memory: 9812 grad_norm: 2.8873 loss: 2.7989 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.6550 distill.loss_dist: 1.1439 2023/05/14 23:38:13 - mmengine - INFO - Epoch(train) [40][ 440/1879] lr: 2.0000e-02 eta: 1 day, 3:35:01 time: 0.9604 data_time: 0.0285 memory: 9812 grad_norm: 2.9326 loss: 2.5589 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.4324 distill.loss_dist: 1.1265 2023/05/14 23:38:29 - mmengine - INFO - Epoch(train) [40][ 460/1879] lr: 2.0000e-02 eta: 1 day, 3:34:42 time: 0.8026 data_time: 0.0296 memory: 9812 grad_norm: 2.9182 loss: 2.7167 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5988 distill.loss_dist: 1.1179 2023/05/14 23:38:46 - mmengine - INFO - Epoch(train) [40][ 480/1879] lr: 2.0000e-02 eta: 1 day, 3:34:23 time: 0.8275 data_time: 0.0250 memory: 9812 grad_norm: 2.8432 loss: 2.8055 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.6344 distill.loss_dist: 1.1711 2023/05/14 23:39:05 - mmengine - INFO - Epoch(train) [40][ 500/1879] lr: 2.0000e-02 eta: 1 day, 3:34:09 time: 0.9674 data_time: 0.0263 memory: 9812 grad_norm: 2.8780 loss: 2.4996 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3947 distill.loss_dist: 1.1049 2023/05/14 23:39:21 - mmengine - INFO - Epoch(train) [40][ 520/1879] lr: 2.0000e-02 eta: 1 day, 3:33:49 time: 0.7927 data_time: 0.0291 memory: 9812 grad_norm: 2.8739 loss: 2.4736 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3524 distill.loss_dist: 1.1213 2023/05/14 23:39:39 - mmengine - INFO - Epoch(train) [40][ 540/1879] lr: 2.0000e-02 eta: 1 day, 3:33:32 time: 0.8801 data_time: 0.0257 memory: 9812 grad_norm: 2.9429 loss: 2.7584 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.6188 distill.loss_dist: 1.1396 2023/05/14 23:39:58 - mmengine - INFO - Epoch(train) [40][ 560/1879] lr: 2.0000e-02 eta: 1 day, 3:33:17 time: 0.9629 data_time: 0.0280 memory: 9812 grad_norm: 2.9218 loss: 2.6298 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.5097 distill.loss_dist: 1.1200 2023/05/14 23:40:14 - mmengine - INFO - Epoch(train) [40][ 580/1879] lr: 2.0000e-02 eta: 1 day, 3:32:58 time: 0.8096 data_time: 0.0263 memory: 9812 grad_norm: 2.9904 loss: 2.7367 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.5835 distill.loss_dist: 1.1532 2023/05/14 23:40:30 - mmengine - INFO - Epoch(train) [40][ 600/1879] lr: 2.0000e-02 eta: 1 day, 3:32:38 time: 0.8015 data_time: 0.0265 memory: 9812 grad_norm: 2.9028 loss: 2.6507 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.5117 distill.loss_dist: 1.1390 2023/05/14 23:40:50 - mmengine - INFO - Epoch(train) [40][ 620/1879] lr: 2.0000e-02 eta: 1 day, 3:32:24 time: 0.9630 data_time: 0.0250 memory: 9812 grad_norm: 2.9292 loss: 2.6719 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.5317 distill.loss_dist: 1.1402 2023/05/14 23:41:06 - mmengine - INFO - Epoch(train) [40][ 640/1879] lr: 2.0000e-02 eta: 1 day, 3:32:06 time: 0.8383 data_time: 0.0280 memory: 9812 grad_norm: 2.9328 loss: 2.6488 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5341 distill.loss_dist: 1.1147 2023/05/14 23:41:23 - mmengine - INFO - Epoch(train) [40][ 660/1879] lr: 2.0000e-02 eta: 1 day, 3:31:47 time: 0.8426 data_time: 0.0280 memory: 9812 grad_norm: 2.9574 loss: 2.7694 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5808 distill.loss_dist: 1.1886 2023/05/14 23:41:41 - mmengine - INFO - Epoch(train) [40][ 680/1879] lr: 2.0000e-02 eta: 1 day, 3:31:30 time: 0.8836 data_time: 0.0250 memory: 9812 grad_norm: 2.9231 loss: 2.5441 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4134 distill.loss_dist: 1.1307 2023/05/14 23:41:57 - mmengine - INFO - Epoch(train) [40][ 700/1879] lr: 2.0000e-02 eta: 1 day, 3:31:11 time: 0.8066 data_time: 0.0270 memory: 9812 grad_norm: 2.8847 loss: 2.7463 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5940 distill.loss_dist: 1.1523 2023/05/14 23:42:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 23:42:14 - mmengine - INFO - Epoch(train) [40][ 720/1879] lr: 2.0000e-02 eta: 1 day, 3:30:52 time: 0.8247 data_time: 0.0273 memory: 9812 grad_norm: 2.8359 loss: 2.5860 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4594 distill.loss_dist: 1.1266 2023/05/14 23:42:33 - mmengine - INFO - Epoch(train) [40][ 740/1879] lr: 2.0000e-02 eta: 1 day, 3:30:38 time: 0.9824 data_time: 0.0243 memory: 9812 grad_norm: 2.9269 loss: 2.5357 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3971 distill.loss_dist: 1.1387 2023/05/14 23:42:49 - mmengine - INFO - Epoch(train) [40][ 760/1879] lr: 2.0000e-02 eta: 1 day, 3:30:19 time: 0.7926 data_time: 0.0294 memory: 9812 grad_norm: 2.8512 loss: 2.5838 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4532 distill.loss_dist: 1.1306 2023/05/14 23:43:06 - mmengine - INFO - Epoch(train) [40][ 780/1879] lr: 2.0000e-02 eta: 1 day, 3:30:01 time: 0.8586 data_time: 0.0279 memory: 9812 grad_norm: 2.8972 loss: 2.6419 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5237 distill.loss_dist: 1.1182 2023/05/14 23:43:24 - mmengine - INFO - Epoch(train) [40][ 800/1879] lr: 2.0000e-02 eta: 1 day, 3:29:44 time: 0.8758 data_time: 0.0246 memory: 9812 grad_norm: 2.8757 loss: 2.3779 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2656 distill.loss_dist: 1.1123 2023/05/14 23:43:42 - mmengine - INFO - Epoch(train) [40][ 820/1879] lr: 2.0000e-02 eta: 1 day, 3:29:27 time: 0.9036 data_time: 0.0273 memory: 9812 grad_norm: 2.8908 loss: 2.6237 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4700 distill.loss_dist: 1.1538 2023/05/14 23:43:58 - mmengine - INFO - Epoch(train) [40][ 840/1879] lr: 2.0000e-02 eta: 1 day, 3:29:08 time: 0.8202 data_time: 0.0674 memory: 9812 grad_norm: 2.9039 loss: 2.5670 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.4378 distill.loss_dist: 1.1292 2023/05/14 23:44:17 - mmengine - INFO - Epoch(train) [40][ 860/1879] lr: 2.0000e-02 eta: 1 day, 3:28:53 time: 0.9332 data_time: 0.0266 memory: 9812 grad_norm: 2.9100 loss: 2.7665 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6113 distill.loss_dist: 1.1552 2023/05/14 23:44:33 - mmengine - INFO - Epoch(train) [40][ 880/1879] lr: 2.0000e-02 eta: 1 day, 3:28:34 time: 0.8148 data_time: 0.0272 memory: 9812 grad_norm: 2.9175 loss: 2.6665 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5264 distill.loss_dist: 1.1401 2023/05/14 23:44:51 - mmengine - INFO - Epoch(train) [40][ 900/1879] lr: 2.0000e-02 eta: 1 day, 3:28:16 time: 0.8655 data_time: 0.0875 memory: 9812 grad_norm: 2.9216 loss: 2.7802 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.6387 distill.loss_dist: 1.1415 2023/05/14 23:45:08 - mmengine - INFO - Epoch(train) [40][ 920/1879] lr: 2.0000e-02 eta: 1 day, 3:27:58 time: 0.8432 data_time: 0.2253 memory: 9812 grad_norm: 2.8988 loss: 2.7230 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.5809 distill.loss_dist: 1.1421 2023/05/14 23:45:25 - mmengine - INFO - Epoch(train) [40][ 940/1879] lr: 2.0000e-02 eta: 1 day, 3:27:41 time: 0.8712 data_time: 0.1813 memory: 9812 grad_norm: 2.8908 loss: 2.8084 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6410 distill.loss_dist: 1.1673 2023/05/14 23:45:43 - mmengine - INFO - Epoch(train) [40][ 960/1879] lr: 2.0000e-02 eta: 1 day, 3:27:25 time: 0.9124 data_time: 0.2699 memory: 9812 grad_norm: 2.8445 loss: 2.7429 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.5976 distill.loss_dist: 1.1453 2023/05/14 23:46:00 - mmengine - INFO - Epoch(train) [40][ 980/1879] lr: 2.0000e-02 eta: 1 day, 3:27:06 time: 0.8348 data_time: 0.0640 memory: 9812 grad_norm: 2.8472 loss: 2.6213 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.4740 distill.loss_dist: 1.1473 2023/05/14 23:46:17 - mmengine - INFO - Epoch(train) [40][1000/1879] lr: 2.0000e-02 eta: 1 day, 3:26:49 time: 0.8740 data_time: 0.0271 memory: 9812 grad_norm: 2.8954 loss: 2.4521 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.3447 distill.loss_dist: 1.1073 2023/05/14 23:46:35 - mmengine - INFO - Epoch(train) [40][1020/1879] lr: 2.0000e-02 eta: 1 day, 3:26:32 time: 0.8798 data_time: 0.2327 memory: 9812 grad_norm: 2.9001 loss: 2.5861 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4346 distill.loss_dist: 1.1515 2023/05/14 23:46:51 - mmengine - INFO - Epoch(train) [40][1040/1879] lr: 2.0000e-02 eta: 1 day, 3:26:12 time: 0.7780 data_time: 0.1984 memory: 9812 grad_norm: 2.9148 loss: 2.7680 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6302 distill.loss_dist: 1.1379 2023/05/14 23:47:09 - mmengine - INFO - Epoch(train) [40][1060/1879] lr: 2.0000e-02 eta: 1 day, 3:25:56 time: 0.9199 data_time: 0.3580 memory: 9812 grad_norm: 2.9714 loss: 2.7864 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.6687 distill.loss_dist: 1.1177 2023/05/14 23:47:27 - mmengine - INFO - Epoch(train) [40][1080/1879] lr: 2.0000e-02 eta: 1 day, 3:25:39 time: 0.8855 data_time: 0.4240 memory: 9812 grad_norm: 2.8420 loss: 2.7997 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.6303 distill.loss_dist: 1.1694 2023/05/14 23:47:42 - mmengine - INFO - Epoch(train) [40][1100/1879] lr: 2.0000e-02 eta: 1 day, 3:25:18 time: 0.7491 data_time: 0.2365 memory: 9812 grad_norm: 2.9387 loss: 2.8571 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.7009 distill.loss_dist: 1.1562 2023/05/14 23:48:02 - mmengine - INFO - Epoch(train) [40][1120/1879] lr: 2.0000e-02 eta: 1 day, 3:25:05 time: 1.0115 data_time: 0.4132 memory: 9812 grad_norm: 2.9075 loss: 2.5140 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3785 distill.loss_dist: 1.1355 2023/05/14 23:48:19 - mmengine - INFO - Epoch(train) [40][1140/1879] lr: 2.0000e-02 eta: 1 day, 3:24:46 time: 0.8354 data_time: 0.3979 memory: 9812 grad_norm: 2.9310 loss: 2.7809 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.6437 distill.loss_dist: 1.1373 2023/05/14 23:48:35 - mmengine - INFO - Epoch(train) [40][1160/1879] lr: 2.0000e-02 eta: 1 day, 3:24:26 time: 0.7870 data_time: 0.3518 memory: 9812 grad_norm: 2.9504 loss: 2.8087 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.6581 distill.loss_dist: 1.1506 2023/05/14 23:48:55 - mmengine - INFO - Epoch(train) [40][1180/1879] lr: 2.0000e-02 eta: 1 day, 3:24:14 time: 1.0222 data_time: 0.5941 memory: 9812 grad_norm: 2.8979 loss: 2.5918 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4697 distill.loss_dist: 1.1221 2023/05/14 23:49:11 - mmengine - INFO - Epoch(train) [40][1200/1879] lr: 2.0000e-02 eta: 1 day, 3:23:54 time: 0.8050 data_time: 0.3690 memory: 9812 grad_norm: 2.8728 loss: 2.4376 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2991 distill.loss_dist: 1.1385 2023/05/14 23:49:27 - mmengine - INFO - Epoch(train) [40][1220/1879] lr: 2.0000e-02 eta: 1 day, 3:23:35 time: 0.7913 data_time: 0.3655 memory: 9812 grad_norm: 2.8791 loss: 2.6377 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.5032 distill.loss_dist: 1.1345 2023/05/14 23:49:46 - mmengine - INFO - Epoch(train) [40][1240/1879] lr: 2.0000e-02 eta: 1 day, 3:23:20 time: 0.9544 data_time: 0.5212 memory: 9812 grad_norm: 2.9334 loss: 2.7198 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.5736 distill.loss_dist: 1.1462 2023/05/14 23:50:04 - mmengine - INFO - Epoch(train) [40][1260/1879] lr: 2.0000e-02 eta: 1 day, 3:23:03 time: 0.9034 data_time: 0.4728 memory: 9812 grad_norm: 2.8999 loss: 2.7117 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.5762 distill.loss_dist: 1.1355 2023/05/14 23:50:19 - mmengine - INFO - Epoch(train) [40][1280/1879] lr: 2.0000e-02 eta: 1 day, 3:22:43 time: 0.7681 data_time: 0.3346 memory: 9812 grad_norm: 2.8586 loss: 2.5795 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.4354 distill.loss_dist: 1.1441 2023/05/14 23:50:38 - mmengine - INFO - Epoch(train) [40][1300/1879] lr: 2.0000e-02 eta: 1 day, 3:22:27 time: 0.9316 data_time: 0.5002 memory: 9812 grad_norm: 2.8232 loss: 2.4348 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3188 distill.loss_dist: 1.1161 2023/05/14 23:50:54 - mmengine - INFO - Epoch(train) [40][1320/1879] lr: 2.0000e-02 eta: 1 day, 3:22:08 time: 0.8106 data_time: 0.3678 memory: 9812 grad_norm: 2.8862 loss: 2.4872 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3808 distill.loss_dist: 1.1064 2023/05/14 23:51:11 - mmengine - INFO - Epoch(train) [40][1340/1879] lr: 2.0000e-02 eta: 1 day, 3:21:49 time: 0.8216 data_time: 0.3791 memory: 9812 grad_norm: 2.8759 loss: 2.7805 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.6507 distill.loss_dist: 1.1298 2023/05/14 23:51:30 - mmengine - INFO - Epoch(train) [40][1360/1879] lr: 2.0000e-02 eta: 1 day, 3:21:35 time: 0.9832 data_time: 0.5523 memory: 9812 grad_norm: 2.8736 loss: 2.8140 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.6610 distill.loss_dist: 1.1530 2023/05/14 23:51:47 - mmengine - INFO - Epoch(train) [40][1380/1879] lr: 2.0000e-02 eta: 1 day, 3:21:16 time: 0.8011 data_time: 0.3640 memory: 9812 grad_norm: 2.9178 loss: 2.6054 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4706 distill.loss_dist: 1.1348 2023/05/14 23:52:03 - mmengine - INFO - Epoch(train) [40][1400/1879] lr: 2.0000e-02 eta: 1 day, 3:20:57 time: 0.8207 data_time: 0.3901 memory: 9812 grad_norm: 2.9183 loss: 2.6547 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.5069 distill.loss_dist: 1.1478 2023/05/14 23:52:22 - mmengine - INFO - Epoch(train) [40][1420/1879] lr: 2.0000e-02 eta: 1 day, 3:20:43 time: 0.9651 data_time: 0.5319 memory: 9812 grad_norm: 2.8040 loss: 2.6360 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.5216 distill.loss_dist: 1.1144 2023/05/14 23:52:39 - mmengine - INFO - Epoch(train) [40][1440/1879] lr: 2.0000e-02 eta: 1 day, 3:20:24 time: 0.8370 data_time: 0.4044 memory: 9812 grad_norm: 2.9118 loss: 2.5812 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.4636 distill.loss_dist: 1.1176 2023/05/14 23:52:56 - mmengine - INFO - Epoch(train) [40][1460/1879] lr: 2.0000e-02 eta: 1 day, 3:20:05 time: 0.8270 data_time: 0.3898 memory: 9812 grad_norm: 2.9268 loss: 2.6994 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.5389 distill.loss_dist: 1.1605 2023/05/14 23:53:15 - mmengine - INFO - Epoch(train) [40][1480/1879] lr: 2.0000e-02 eta: 1 day, 3:19:52 time: 0.9959 data_time: 0.5632 memory: 9812 grad_norm: 2.9772 loss: 2.9219 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.7799 distill.loss_dist: 1.1419 2023/05/14 23:53:32 - mmengine - INFO - Epoch(train) [40][1500/1879] lr: 2.0000e-02 eta: 1 day, 3:19:33 time: 0.8118 data_time: 0.3755 memory: 9812 grad_norm: 2.9418 loss: 2.7821 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.6251 distill.loss_dist: 1.1571 2023/05/14 23:53:47 - mmengine - INFO - Epoch(train) [40][1520/1879] lr: 2.0000e-02 eta: 1 day, 3:19:13 time: 0.7821 data_time: 0.3448 memory: 9812 grad_norm: 2.9547 loss: 2.6569 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.5180 distill.loss_dist: 1.1389 2023/05/14 23:54:06 - mmengine - INFO - Epoch(train) [40][1540/1879] lr: 2.0000e-02 eta: 1 day, 3:18:58 time: 0.9471 data_time: 0.5075 memory: 9812 grad_norm: 2.8899 loss: 2.7218 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.6010 distill.loss_dist: 1.1208 2023/05/14 23:54:22 - mmengine - INFO - Epoch(train) [40][1560/1879] lr: 2.0000e-02 eta: 1 day, 3:18:38 time: 0.7865 data_time: 0.3388 memory: 9812 grad_norm: 2.8915 loss: 2.6370 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4948 distill.loss_dist: 1.1422 2023/05/14 23:54:39 - mmengine - INFO - Epoch(train) [40][1580/1879] lr: 2.0000e-02 eta: 1 day, 3:18:19 time: 0.8220 data_time: 0.3800 memory: 9812 grad_norm: 2.9059 loss: 2.5684 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4257 distill.loss_dist: 1.1428 2023/05/14 23:54:57 - mmengine - INFO - Epoch(train) [40][1600/1879] lr: 2.0000e-02 eta: 1 day, 3:18:04 time: 0.9354 data_time: 0.4704 memory: 9812 grad_norm: 2.9346 loss: 2.6864 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.5342 distill.loss_dist: 1.1522 2023/05/14 23:55:14 - mmengine - INFO - Epoch(train) [40][1620/1879] lr: 2.0000e-02 eta: 1 day, 3:17:45 time: 0.8347 data_time: 0.3409 memory: 9812 grad_norm: 2.9484 loss: 2.6853 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5407 distill.loss_dist: 1.1446 2023/05/14 23:55:30 - mmengine - INFO - Epoch(train) [40][1640/1879] lr: 2.0000e-02 eta: 1 day, 3:17:26 time: 0.8250 data_time: 0.3150 memory: 9812 grad_norm: 2.9189 loss: 2.8479 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.7065 distill.loss_dist: 1.1415 2023/05/14 23:55:50 - mmengine - INFO - Epoch(train) [40][1660/1879] lr: 2.0000e-02 eta: 1 day, 3:17:12 time: 0.9557 data_time: 0.4393 memory: 9812 grad_norm: 2.7999 loss: 2.5259 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4198 distill.loss_dist: 1.1061 2023/05/14 23:56:07 - mmengine - INFO - Epoch(train) [40][1680/1879] lr: 2.0000e-02 eta: 1 day, 3:16:54 time: 0.8627 data_time: 0.2990 memory: 9812 grad_norm: 2.9046 loss: 2.6436 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.5176 distill.loss_dist: 1.1260 2023/05/14 23:56:23 - mmengine - INFO - Epoch(train) [40][1700/1879] lr: 2.0000e-02 eta: 1 day, 3:16:34 time: 0.8021 data_time: 0.3481 memory: 9812 grad_norm: 2.8157 loss: 2.3928 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2992 distill.loss_dist: 1.0936 2023/05/14 23:56:39 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 23:56:41 - mmengine - INFO - Epoch(train) [40][1720/1879] lr: 2.0000e-02 eta: 1 day, 3:16:18 time: 0.8950 data_time: 0.4359 memory: 9812 grad_norm: 2.8675 loss: 2.6219 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.4971 distill.loss_dist: 1.1248 2023/05/14 23:56:58 - mmengine - INFO - Epoch(train) [40][1740/1879] lr: 2.0000e-02 eta: 1 day, 3:16:00 time: 0.8481 data_time: 0.2872 memory: 9812 grad_norm: 2.8979 loss: 2.3891 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2784 distill.loss_dist: 1.1107 2023/05/14 23:57:15 - mmengine - INFO - Epoch(train) [40][1760/1879] lr: 2.0000e-02 eta: 1 day, 3:15:41 time: 0.8375 data_time: 0.3461 memory: 9812 grad_norm: 2.9315 loss: 2.6407 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4992 distill.loss_dist: 1.1415 2023/05/14 23:57:34 - mmengine - INFO - Epoch(train) [40][1780/1879] lr: 2.0000e-02 eta: 1 day, 3:15:27 time: 0.9599 data_time: 0.5262 memory: 9812 grad_norm: 2.8547 loss: 2.6558 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5240 distill.loss_dist: 1.1318 2023/05/14 23:57:50 - mmengine - INFO - Epoch(train) [40][1800/1879] lr: 2.0000e-02 eta: 1 day, 3:15:08 time: 0.8220 data_time: 0.3846 memory: 9812 grad_norm: 2.9079 loss: 2.5924 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4731 distill.loss_dist: 1.1194 2023/05/14 23:58:07 - mmengine - INFO - Epoch(train) [40][1820/1879] lr: 2.0000e-02 eta: 1 day, 3:14:49 time: 0.8123 data_time: 0.3766 memory: 9812 grad_norm: 2.9326 loss: 2.6550 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5217 distill.loss_dist: 1.1333 2023/05/14 23:58:26 - mmengine - INFO - Epoch(train) [40][1840/1879] lr: 2.0000e-02 eta: 1 day, 3:14:34 time: 0.9609 data_time: 0.5315 memory: 9812 grad_norm: 2.8606 loss: 2.5822 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4517 distill.loss_dist: 1.1305 2023/05/14 23:58:42 - mmengine - INFO - Epoch(train) [40][1860/1879] lr: 2.0000e-02 eta: 1 day, 3:14:15 time: 0.8145 data_time: 0.3769 memory: 9812 grad_norm: 2.8642 loss: 2.7320 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5806 distill.loss_dist: 1.1515 2023/05/14 23:58:55 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/14 23:58:55 - mmengine - INFO - Epoch(train) [40][1879/1879] lr: 2.0000e-02 eta: 1 day, 3:13:53 time: 0.6779 data_time: 0.2647 memory: 9812 grad_norm: 2.9950 loss: 2.7449 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 1.5959 distill.loss_dist: 1.1491 2023/05/14 23:59:15 - mmengine - INFO - Epoch(val) [40][ 20/155] eta: 0:02:13 time: 0.9883 data_time: 0.9247 memory: 1484 2023/05/14 23:59:28 - mmengine - INFO - Epoch(val) [40][ 40/155] eta: 0:01:35 time: 0.6688 data_time: 0.6030 memory: 1484 2023/05/14 23:59:47 - mmengine - INFO - Epoch(val) [40][ 60/155] eta: 0:01:22 time: 0.9456 data_time: 0.8844 memory: 1484 2023/05/15 00:00:01 - mmengine - INFO - Epoch(val) [40][ 80/155] eta: 0:01:01 time: 0.6811 data_time: 0.6139 memory: 1484 2023/05/15 00:00:18 - mmengine - INFO - Epoch(val) [40][100/155] eta: 0:00:45 time: 0.8704 data_time: 0.8078 memory: 1484 2023/05/15 00:00:33 - mmengine - INFO - Epoch(val) [40][120/155] eta: 0:00:28 time: 0.7156 data_time: 0.6519 memory: 1484 2023/05/15 00:00:53 - mmengine - INFO - Epoch(val) [40][140/155] eta: 0:00:12 time: 0.9937 data_time: 0.9271 memory: 1484 2023/05/15 00:01:23 - mmengine - INFO - Epoch(val) [40][ 20/155] eta: 0:16:19 time: 0.9796 data_time: 0.8308 memory: 1582 2023/05/15 00:01:38 - mmengine - INFO - Epoch(val) [40][ 40/155] eta: 0:07:38 time: 0.7160 data_time: 0.5673 memory: 1582 2023/05/15 00:01:56 - mmengine - INFO - Epoch(val) [40][ 60/155] eta: 0:04:41 time: 0.9258 data_time: 0.7711 memory: 1582 2023/05/15 00:02:10 - mmengine - INFO - Epoch(val) [40][ 80/155] eta: 0:02:59 time: 0.6990 data_time: 0.5272 memory: 1582 2023/05/15 00:02:28 - mmengine - INFO - Epoch(val) [40][100/155] eta: 0:01:55 time: 0.9177 data_time: 0.7625 memory: 1582 2023/05/15 00:02:42 - mmengine - INFO - Epoch(val) [40][120/155] eta: 0:01:05 time: 0.7020 data_time: 0.5455 memory: 1582 2023/05/15 00:03:02 - mmengine - INFO - Epoch(val) [40][140/155] eta: 0:00:26 time: 0.9896 data_time: 0.8377 memory: 1582 2023/05/15 00:03:13 - mmengine - INFO - Epoch(val) [40][155/155] acc/top1: 0.6325 acc/top5: 0.8521 acc/mean1: 0.6324 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6608 time: 0.8140 2023/05/15 00:03:35 - mmengine - INFO - Epoch(train) [41][ 20/1879] lr: 2.0000e-03 eta: 1 day, 3:13:43 time: 1.0943 data_time: 0.6176 memory: 9812 grad_norm: 2.8319 loss: 2.5183 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4303 distill.loss_dist: 1.0879 2023/05/15 00:03:51 - mmengine - INFO - Epoch(train) [41][ 40/1879] lr: 2.0000e-03 eta: 1 day, 3:13:24 time: 0.8153 data_time: 0.3067 memory: 9812 grad_norm: 2.8181 loss: 2.6053 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4947 distill.loss_dist: 1.1106 2023/05/15 00:04:07 - mmengine - INFO - Epoch(train) [41][ 60/1879] lr: 2.0000e-03 eta: 1 day, 3:13:05 time: 0.8267 data_time: 0.3962 memory: 9812 grad_norm: 2.7928 loss: 2.5719 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4568 distill.loss_dist: 1.1151 2023/05/15 00:04:27 - mmengine - INFO - Epoch(train) [41][ 80/1879] lr: 2.0000e-03 eta: 1 day, 3:12:51 time: 0.9882 data_time: 0.5442 memory: 9812 grad_norm: 2.7610 loss: 2.6861 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.5409 distill.loss_dist: 1.1452 2023/05/15 00:04:43 - mmengine - INFO - Epoch(train) [41][ 100/1879] lr: 2.0000e-03 eta: 1 day, 3:12:32 time: 0.8037 data_time: 0.3737 memory: 9812 grad_norm: 2.7156 loss: 2.4991 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4034 distill.loss_dist: 1.0958 2023/05/15 00:04:59 - mmengine - INFO - Epoch(train) [41][ 120/1879] lr: 2.0000e-03 eta: 1 day, 3:12:13 time: 0.8040 data_time: 0.3826 memory: 9812 grad_norm: 2.7707 loss: 2.3594 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2867 distill.loss_dist: 1.0727 2023/05/15 00:05:19 - mmengine - INFO - Epoch(train) [41][ 140/1879] lr: 2.0000e-03 eta: 1 day, 3:11:58 time: 0.9620 data_time: 0.5208 memory: 9812 grad_norm: 2.7519 loss: 2.6521 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.5160 distill.loss_dist: 1.1361 2023/05/15 00:05:35 - mmengine - INFO - Epoch(train) [41][ 160/1879] lr: 2.0000e-03 eta: 1 day, 3:11:39 time: 0.8086 data_time: 0.3733 memory: 9812 grad_norm: 2.8174 loss: 2.5503 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4459 distill.loss_dist: 1.1044 2023/05/15 00:05:52 - mmengine - INFO - Epoch(train) [41][ 180/1879] lr: 2.0000e-03 eta: 1 day, 3:11:21 time: 0.8554 data_time: 0.4114 memory: 9812 grad_norm: 2.7189 loss: 2.5760 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4725 distill.loss_dist: 1.1035 2023/05/15 00:06:10 - mmengine - INFO - Epoch(train) [41][ 200/1879] lr: 2.0000e-03 eta: 1 day, 3:11:04 time: 0.9001 data_time: 0.4129 memory: 9812 grad_norm: 2.7268 loss: 2.4819 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4003 distill.loss_dist: 1.0817 2023/05/15 00:06:27 - mmengine - INFO - Epoch(train) [41][ 220/1879] lr: 2.0000e-03 eta: 1 day, 3:10:46 time: 0.8438 data_time: 0.4101 memory: 9812 grad_norm: 2.7522 loss: 2.3268 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2361 distill.loss_dist: 1.0908 2023/05/15 00:06:43 - mmengine - INFO - Epoch(train) [41][ 240/1879] lr: 2.0000e-03 eta: 1 day, 3:10:27 time: 0.8047 data_time: 0.3471 memory: 9812 grad_norm: 2.7228 loss: 2.5397 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.4312 distill.loss_dist: 1.1085 2023/05/15 00:07:02 - mmengine - INFO - Epoch(train) [41][ 260/1879] lr: 2.0000e-03 eta: 1 day, 3:10:12 time: 0.9370 data_time: 0.4944 memory: 9812 grad_norm: 2.7751 loss: 2.4785 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3896 distill.loss_dist: 1.0889 2023/05/15 00:07:18 - mmengine - INFO - Epoch(train) [41][ 280/1879] lr: 2.0000e-03 eta: 1 day, 3:09:53 time: 0.8214 data_time: 0.2922 memory: 9812 grad_norm: 2.7231 loss: 2.5487 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.4381 distill.loss_dist: 1.1106 2023/05/15 00:07:36 - mmengine - INFO - Epoch(train) [41][ 300/1879] lr: 2.0000e-03 eta: 1 day, 3:09:35 time: 0.8655 data_time: 0.3337 memory: 9812 grad_norm: 2.7248 loss: 2.5896 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4941 distill.loss_dist: 1.0955 2023/05/15 00:07:54 - mmengine - INFO - Epoch(train) [41][ 320/1879] lr: 2.0000e-03 eta: 1 day, 3:09:19 time: 0.9051 data_time: 0.2485 memory: 9812 grad_norm: 2.7719 loss: 2.4125 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.3275 distill.loss_dist: 1.0850 2023/05/15 00:08:10 - mmengine - INFO - Epoch(train) [41][ 340/1879] lr: 2.0000e-03 eta: 1 day, 3:09:00 time: 0.8230 data_time: 0.1166 memory: 9812 grad_norm: 2.7243 loss: 2.4131 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3372 distill.loss_dist: 1.0759 2023/05/15 00:08:28 - mmengine - INFO - Epoch(train) [41][ 360/1879] lr: 2.0000e-03 eta: 1 day, 3:08:43 time: 0.8739 data_time: 0.1441 memory: 9812 grad_norm: 2.7115 loss: 2.3783 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2889 distill.loss_dist: 1.0895 2023/05/15 00:08:46 - mmengine - INFO - Epoch(train) [41][ 380/1879] lr: 2.0000e-03 eta: 1 day, 3:08:27 time: 0.9109 data_time: 0.0305 memory: 9812 grad_norm: 2.6644 loss: 2.5125 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.4497 distill.loss_dist: 1.0628 2023/05/15 00:09:03 - mmengine - INFO - Epoch(train) [41][ 400/1879] lr: 2.0000e-03 eta: 1 day, 3:08:08 time: 0.8375 data_time: 0.0256 memory: 9812 grad_norm: 2.7250 loss: 2.3870 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3195 distill.loss_dist: 1.0676 2023/05/15 00:09:19 - mmengine - INFO - Epoch(train) [41][ 420/1879] lr: 2.0000e-03 eta: 1 day, 3:07:50 time: 0.8219 data_time: 0.0270 memory: 9812 grad_norm: 2.7514 loss: 2.4840 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3984 distill.loss_dist: 1.0857 2023/05/15 00:09:38 - mmengine - INFO - Epoch(train) [41][ 440/1879] lr: 2.0000e-03 eta: 1 day, 3:07:34 time: 0.9216 data_time: 0.0291 memory: 9812 grad_norm: 2.7341 loss: 2.3705 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2943 distill.loss_dist: 1.0762 2023/05/15 00:09:54 - mmengine - INFO - Epoch(train) [41][ 460/1879] lr: 2.0000e-03 eta: 1 day, 3:07:15 time: 0.8197 data_time: 0.0253 memory: 9812 grad_norm: 2.8100 loss: 2.5908 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4727 distill.loss_dist: 1.1180 2023/05/15 00:10:11 - mmengine - INFO - Epoch(train) [41][ 480/1879] lr: 2.0000e-03 eta: 1 day, 3:06:57 time: 0.8555 data_time: 0.0272 memory: 9812 grad_norm: 2.7477 loss: 2.0702 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0137 distill.loss_dist: 1.0565 2023/05/15 00:10:31 - mmengine - INFO - Epoch(train) [41][ 500/1879] lr: 2.0000e-03 eta: 1 day, 3:06:43 time: 0.9867 data_time: 0.0277 memory: 9812 grad_norm: 2.7616 loss: 2.5671 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4665 distill.loss_dist: 1.1006 2023/05/15 00:10:47 - mmengine - INFO - Epoch(train) [41][ 520/1879] lr: 2.0000e-03 eta: 1 day, 3:06:24 time: 0.8005 data_time: 0.0286 memory: 9812 grad_norm: 2.7886 loss: 2.3748 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.3019 distill.loss_dist: 1.0729 2023/05/15 00:11:03 - mmengine - INFO - Epoch(train) [41][ 540/1879] lr: 2.0000e-03 eta: 1 day, 3:06:04 time: 0.7931 data_time: 0.0289 memory: 9812 grad_norm: 2.7820 loss: 2.3382 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3050 distill.loss_dist: 1.0331 2023/05/15 00:11:23 - mmengine - INFO - Epoch(train) [41][ 560/1879] lr: 2.0000e-03 eta: 1 day, 3:05:51 time: 1.0328 data_time: 0.0271 memory: 9812 grad_norm: 2.7961 loss: 2.4654 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3851 distill.loss_dist: 1.0804 2023/05/15 00:11:39 - mmengine - INFO - Epoch(train) [41][ 580/1879] lr: 2.0000e-03 eta: 1 day, 3:05:32 time: 0.8006 data_time: 0.0275 memory: 9812 grad_norm: 2.6918 loss: 2.3542 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2977 distill.loss_dist: 1.0565 2023/05/15 00:11:55 - mmengine - INFO - Epoch(train) [41][ 600/1879] lr: 2.0000e-03 eta: 1 day, 3:05:12 time: 0.7738 data_time: 0.0255 memory: 9812 grad_norm: 2.7857 loss: 2.4478 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3200 distill.loss_dist: 1.1278 2023/05/15 00:12:14 - mmengine - INFO - Epoch(train) [41][ 620/1879] lr: 2.0000e-03 eta: 1 day, 3:04:57 time: 0.9494 data_time: 0.0258 memory: 9812 grad_norm: 2.8047 loss: 2.5103 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.4101 distill.loss_dist: 1.1002 2023/05/15 00:12:30 - mmengine - INFO - Epoch(train) [41][ 640/1879] lr: 2.0000e-03 eta: 1 day, 3:04:37 time: 0.7937 data_time: 0.0297 memory: 9812 grad_norm: 2.7694 loss: 2.4469 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3537 distill.loss_dist: 1.0932 2023/05/15 00:12:47 - mmengine - INFO - Epoch(train) [41][ 660/1879] lr: 2.0000e-03 eta: 1 day, 3:04:19 time: 0.8419 data_time: 0.0229 memory: 9812 grad_norm: 2.8066 loss: 2.3357 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2644 distill.loss_dist: 1.0713 2023/05/15 00:13:05 - mmengine - INFO - Epoch(train) [41][ 680/1879] lr: 2.0000e-03 eta: 1 day, 3:04:02 time: 0.8962 data_time: 0.0278 memory: 9812 grad_norm: 2.7610 loss: 2.2688 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2028 distill.loss_dist: 1.0660 2023/05/15 00:13:23 - mmengine - INFO - Epoch(train) [41][ 700/1879] lr: 2.0000e-03 eta: 1 day, 3:03:46 time: 0.8965 data_time: 0.0292 memory: 9812 grad_norm: 2.7408 loss: 2.3740 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.2979 distill.loss_dist: 1.0760 2023/05/15 00:13:38 - mmengine - INFO - Epoch(train) [41][ 720/1879] lr: 2.0000e-03 eta: 1 day, 3:03:26 time: 0.7869 data_time: 0.0260 memory: 9812 grad_norm: 2.7301 loss: 2.4718 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3659 distill.loss_dist: 1.1059 2023/05/15 00:13:56 - mmengine - INFO - Epoch(train) [41][ 740/1879] lr: 2.0000e-03 eta: 1 day, 3:03:08 time: 0.8679 data_time: 0.0266 memory: 9812 grad_norm: 2.7214 loss: 2.3609 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2957 distill.loss_dist: 1.0652 2023/05/15 00:14:14 - mmengine - INFO - Epoch(train) [41][ 760/1879] lr: 2.0000e-03 eta: 1 day, 3:02:52 time: 0.8950 data_time: 0.0280 memory: 9812 grad_norm: 2.7621 loss: 2.2259 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1820 distill.loss_dist: 1.0439 2023/05/15 00:14:30 - mmengine - INFO - Epoch(train) [41][ 780/1879] lr: 2.0000e-03 eta: 1 day, 3:02:33 time: 0.8195 data_time: 0.0235 memory: 9812 grad_norm: 2.7732 loss: 2.3904 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3011 distill.loss_dist: 1.0893 2023/05/15 00:14:49 - mmengine - INFO - Epoch(train) [41][ 800/1879] lr: 2.0000e-03 eta: 1 day, 3:02:18 time: 0.9615 data_time: 0.0278 memory: 9812 grad_norm: 2.7747 loss: 2.4155 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3233 distill.loss_dist: 1.0922 2023/05/15 00:15:06 - mmengine - INFO - Epoch(train) [41][ 820/1879] lr: 2.0000e-03 eta: 1 day, 3:02:00 time: 0.8301 data_time: 0.0256 memory: 9812 grad_norm: 2.7967 loss: 2.5206 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4184 distill.loss_dist: 1.1022 2023/05/15 00:15:22 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 00:15:22 - mmengine - INFO - Epoch(train) [41][ 840/1879] lr: 2.0000e-03 eta: 1 day, 3:01:41 time: 0.8264 data_time: 0.0275 memory: 9812 grad_norm: 2.7394 loss: 2.3077 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2154 distill.loss_dist: 1.0922 2023/05/15 00:15:41 - mmengine - INFO - Epoch(train) [41][ 860/1879] lr: 2.0000e-03 eta: 1 day, 3:01:26 time: 0.9388 data_time: 0.0245 memory: 9812 grad_norm: 2.7843 loss: 2.6073 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.5162 distill.loss_dist: 1.0911 2023/05/15 00:15:58 - mmengine - INFO - Epoch(train) [41][ 880/1879] lr: 2.0000e-03 eta: 1 day, 3:01:08 time: 0.8478 data_time: 0.0270 memory: 9812 grad_norm: 2.7778 loss: 2.4810 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4044 distill.loss_dist: 1.0767 2023/05/15 00:16:14 - mmengine - INFO - Epoch(train) [41][ 900/1879] lr: 2.0000e-03 eta: 1 day, 3:00:48 time: 0.8006 data_time: 0.0280 memory: 9812 grad_norm: 2.7466 loss: 2.6339 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.5327 distill.loss_dist: 1.1012 2023/05/15 00:16:34 - mmengine - INFO - Epoch(train) [41][ 920/1879] lr: 2.0000e-03 eta: 1 day, 3:00:35 time: 0.9954 data_time: 0.0268 memory: 9812 grad_norm: 2.7445 loss: 2.4079 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3420 distill.loss_dist: 1.0659 2023/05/15 00:16:51 - mmengine - INFO - Epoch(train) [41][ 940/1879] lr: 2.0000e-03 eta: 1 day, 3:00:16 time: 0.8270 data_time: 0.0301 memory: 9812 grad_norm: 2.7910 loss: 2.3507 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2686 distill.loss_dist: 1.0821 2023/05/15 00:17:07 - mmengine - INFO - Epoch(train) [41][ 960/1879] lr: 2.0000e-03 eta: 1 day, 2:59:58 time: 0.8368 data_time: 0.0267 memory: 9812 grad_norm: 2.7063 loss: 2.5048 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3802 distill.loss_dist: 1.1246 2023/05/15 00:17:26 - mmengine - INFO - Epoch(train) [41][ 980/1879] lr: 2.0000e-03 eta: 1 day, 2:59:41 time: 0.9131 data_time: 0.0274 memory: 9812 grad_norm: 2.7372 loss: 2.3679 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3036 distill.loss_dist: 1.0642 2023/05/15 00:17:42 - mmengine - INFO - Epoch(train) [41][1000/1879] lr: 2.0000e-03 eta: 1 day, 2:59:23 time: 0.8277 data_time: 0.0298 memory: 9812 grad_norm: 2.7522 loss: 2.2476 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1759 distill.loss_dist: 1.0717 2023/05/15 00:17:58 - mmengine - INFO - Epoch(train) [41][1020/1879] lr: 2.0000e-03 eta: 1 day, 2:59:03 time: 0.8034 data_time: 0.0258 memory: 9812 grad_norm: 2.8128 loss: 2.4432 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3581 distill.loss_dist: 1.0851 2023/05/15 00:18:18 - mmengine - INFO - Epoch(train) [41][1040/1879] lr: 2.0000e-03 eta: 1 day, 2:58:49 time: 0.9707 data_time: 0.0257 memory: 9812 grad_norm: 2.7651 loss: 2.2035 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1600 distill.loss_dist: 1.0435 2023/05/15 00:18:34 - mmengine - INFO - Epoch(train) [41][1060/1879] lr: 2.0000e-03 eta: 1 day, 2:58:31 time: 0.8368 data_time: 0.0292 memory: 9812 grad_norm: 2.7064 loss: 2.3393 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2607 distill.loss_dist: 1.0786 2023/05/15 00:18:51 - mmengine - INFO - Epoch(train) [41][1080/1879] lr: 2.0000e-03 eta: 1 day, 2:58:12 time: 0.8358 data_time: 0.0256 memory: 9812 grad_norm: 2.8273 loss: 2.2628 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1830 distill.loss_dist: 1.0798 2023/05/15 00:19:09 - mmengine - INFO - Epoch(train) [41][1100/1879] lr: 2.0000e-03 eta: 1 day, 2:57:56 time: 0.8977 data_time: 0.0268 memory: 9812 grad_norm: 2.7912 loss: 2.2962 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2299 distill.loss_dist: 1.0663 2023/05/15 00:19:27 - mmengine - INFO - Epoch(train) [41][1120/1879] lr: 2.0000e-03 eta: 1 day, 2:57:39 time: 0.8778 data_time: 0.0312 memory: 9812 grad_norm: 2.7512 loss: 2.3398 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2691 distill.loss_dist: 1.0707 2023/05/15 00:19:44 - mmengine - INFO - Epoch(train) [41][1140/1879] lr: 2.0000e-03 eta: 1 day, 2:57:21 time: 0.8636 data_time: 0.0232 memory: 9812 grad_norm: 2.7908 loss: 2.5133 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4508 distill.loss_dist: 1.0626 2023/05/15 00:20:02 - mmengine - INFO - Epoch(train) [41][1160/1879] lr: 2.0000e-03 eta: 1 day, 2:57:04 time: 0.8979 data_time: 0.0254 memory: 9812 grad_norm: 2.8484 loss: 2.6506 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.5313 distill.loss_dist: 1.1193 2023/05/15 00:20:19 - mmengine - INFO - Epoch(train) [41][1180/1879] lr: 2.0000e-03 eta: 1 day, 2:56:47 time: 0.8699 data_time: 0.0253 memory: 9812 grad_norm: 2.7324 loss: 2.2942 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2384 distill.loss_dist: 1.0558 2023/05/15 00:20:35 - mmengine - INFO - Epoch(train) [41][1200/1879] lr: 2.0000e-03 eta: 1 day, 2:56:28 time: 0.7998 data_time: 0.0278 memory: 9812 grad_norm: 2.8140 loss: 2.5325 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4277 distill.loss_dist: 1.1048 2023/05/15 00:20:54 - mmengine - INFO - Epoch(train) [41][1220/1879] lr: 2.0000e-03 eta: 1 day, 2:56:12 time: 0.9285 data_time: 0.0265 memory: 9812 grad_norm: 2.7662 loss: 2.4510 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3901 distill.loss_dist: 1.0609 2023/05/15 00:21:11 - mmengine - INFO - Epoch(train) [41][1240/1879] lr: 2.0000e-03 eta: 1 day, 2:55:54 time: 0.8525 data_time: 0.0341 memory: 9812 grad_norm: 2.7285 loss: 2.4471 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3453 distill.loss_dist: 1.1018 2023/05/15 00:21:27 - mmengine - INFO - Epoch(train) [41][1260/1879] lr: 2.0000e-03 eta: 1 day, 2:55:34 time: 0.7834 data_time: 0.0253 memory: 9812 grad_norm: 2.8370 loss: 2.3584 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3000 distill.loss_dist: 1.0585 2023/05/15 00:21:45 - mmengine - INFO - Epoch(train) [41][1280/1879] lr: 2.0000e-03 eta: 1 day, 2:55:18 time: 0.9029 data_time: 0.0233 memory: 9812 grad_norm: 2.7679 loss: 2.5357 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4467 distill.loss_dist: 1.0890 2023/05/15 00:22:02 - mmengine - INFO - Epoch(train) [41][1300/1879] lr: 2.0000e-03 eta: 1 day, 2:55:00 time: 0.8615 data_time: 0.2493 memory: 9812 grad_norm: 2.7999 loss: 2.5101 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4350 distill.loss_dist: 1.0751 2023/05/15 00:22:19 - mmengine - INFO - Epoch(train) [41][1320/1879] lr: 2.0000e-03 eta: 1 day, 2:54:43 time: 0.8605 data_time: 0.1580 memory: 9812 grad_norm: 2.8309 loss: 2.5051 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3956 distill.loss_dist: 1.1095 2023/05/15 00:22:38 - mmengine - INFO - Epoch(train) [41][1340/1879] lr: 2.0000e-03 eta: 1 day, 2:54:26 time: 0.9160 data_time: 0.0812 memory: 9812 grad_norm: 2.7872 loss: 2.4729 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3987 distill.loss_dist: 1.0742 2023/05/15 00:22:54 - mmengine - INFO - Epoch(train) [41][1360/1879] lr: 2.0000e-03 eta: 1 day, 2:54:07 time: 0.8067 data_time: 0.0308 memory: 9812 grad_norm: 2.7376 loss: 2.3661 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2996 distill.loss_dist: 1.0664 2023/05/15 00:23:12 - mmengine - INFO - Epoch(train) [41][1380/1879] lr: 2.0000e-03 eta: 1 day, 2:53:51 time: 0.9070 data_time: 0.0239 memory: 9812 grad_norm: 2.7675 loss: 2.3045 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2212 distill.loss_dist: 1.0834 2023/05/15 00:23:28 - mmengine - INFO - Epoch(train) [41][1400/1879] lr: 2.0000e-03 eta: 1 day, 2:53:31 time: 0.7809 data_time: 0.0252 memory: 9812 grad_norm: 2.7533 loss: 2.6223 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.5215 distill.loss_dist: 1.1007 2023/05/15 00:23:45 - mmengine - INFO - Epoch(train) [41][1420/1879] lr: 2.0000e-03 eta: 1 day, 2:53:14 time: 0.8710 data_time: 0.0377 memory: 9812 grad_norm: 2.8218 loss: 2.3923 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3144 distill.loss_dist: 1.0779 2023/05/15 00:24:03 - mmengine - INFO - Epoch(train) [41][1440/1879] lr: 2.0000e-03 eta: 1 day, 2:52:58 time: 0.9192 data_time: 0.0256 memory: 9812 grad_norm: 2.8001 loss: 2.2619 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1872 distill.loss_dist: 1.0748 2023/05/15 00:24:20 - mmengine - INFO - Epoch(train) [41][1460/1879] lr: 2.0000e-03 eta: 1 day, 2:52:39 time: 0.8133 data_time: 0.0242 memory: 9812 grad_norm: 2.8107 loss: 2.3888 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3029 distill.loss_dist: 1.0859 2023/05/15 00:24:37 - mmengine - INFO - Epoch(train) [41][1480/1879] lr: 2.0000e-03 eta: 1 day, 2:52:21 time: 0.8545 data_time: 0.0299 memory: 9812 grad_norm: 2.7720 loss: 2.5278 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4258 distill.loss_dist: 1.1020 2023/05/15 00:24:54 - mmengine - INFO - Epoch(train) [41][1500/1879] lr: 2.0000e-03 eta: 1 day, 2:52:03 time: 0.8426 data_time: 0.0578 memory: 9812 grad_norm: 2.7480 loss: 2.4525 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3574 distill.loss_dist: 1.0952 2023/05/15 00:25:12 - mmengine - INFO - Epoch(train) [41][1520/1879] lr: 2.0000e-03 eta: 1 day, 2:51:46 time: 0.8933 data_time: 0.0768 memory: 9812 grad_norm: 2.7952 loss: 2.0317 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9889 distill.loss_dist: 1.0428 2023/05/15 00:25:28 - mmengine - INFO - Epoch(train) [41][1540/1879] lr: 2.0000e-03 eta: 1 day, 2:51:27 time: 0.8114 data_time: 0.0642 memory: 9812 grad_norm: 2.8476 loss: 2.4639 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3859 distill.loss_dist: 1.0780 2023/05/15 00:25:45 - mmengine - INFO - Epoch(train) [41][1560/1879] lr: 2.0000e-03 eta: 1 day, 2:51:10 time: 0.8715 data_time: 0.1713 memory: 9812 grad_norm: 2.8039 loss: 2.4883 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3952 distill.loss_dist: 1.0931 2023/05/15 00:26:02 - mmengine - INFO - Epoch(train) [41][1580/1879] lr: 2.0000e-03 eta: 1 day, 2:50:52 time: 0.8502 data_time: 0.0934 memory: 9812 grad_norm: 2.8069 loss: 2.4772 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4028 distill.loss_dist: 1.0745 2023/05/15 00:26:19 - mmengine - INFO - Epoch(train) [41][1600/1879] lr: 2.0000e-03 eta: 1 day, 2:50:34 time: 0.8532 data_time: 0.0451 memory: 9812 grad_norm: 2.7330 loss: 2.2556 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1887 distill.loss_dist: 1.0669 2023/05/15 00:26:37 - mmengine - INFO - Epoch(train) [41][1620/1879] lr: 2.0000e-03 eta: 1 day, 2:50:16 time: 0.8732 data_time: 0.0267 memory: 9812 grad_norm: 2.7745 loss: 2.5218 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.4286 distill.loss_dist: 1.0931 2023/05/15 00:26:56 - mmengine - INFO - Epoch(train) [41][1640/1879] lr: 2.0000e-03 eta: 1 day, 2:50:01 time: 0.9426 data_time: 0.0302 memory: 9812 grad_norm: 2.7613 loss: 2.4138 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.3507 distill.loss_dist: 1.0631 2023/05/15 00:27:14 - mmengine - INFO - Epoch(train) [41][1660/1879] lr: 2.0000e-03 eta: 1 day, 2:49:45 time: 0.9165 data_time: 0.0282 memory: 9812 grad_norm: 2.8165 loss: 2.5511 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.4748 distill.loss_dist: 1.0763 2023/05/15 00:27:31 - mmengine - INFO - Epoch(train) [41][1680/1879] lr: 2.0000e-03 eta: 1 day, 2:49:26 time: 0.8235 data_time: 0.0268 memory: 9812 grad_norm: 2.7628 loss: 2.3867 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.3389 distill.loss_dist: 1.0477 2023/05/15 00:27:47 - mmengine - INFO - Epoch(train) [41][1700/1879] lr: 2.0000e-03 eta: 1 day, 2:49:08 time: 0.8395 data_time: 0.0274 memory: 9812 grad_norm: 2.7715 loss: 2.3535 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2948 distill.loss_dist: 1.0587 2023/05/15 00:28:06 - mmengine - INFO - Epoch(train) [41][1720/1879] lr: 2.0000e-03 eta: 1 day, 2:48:53 time: 0.9540 data_time: 0.0252 memory: 9812 grad_norm: 2.7664 loss: 2.2060 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1734 distill.loss_dist: 1.0326 2023/05/15 00:28:22 - mmengine - INFO - Epoch(train) [41][1740/1879] lr: 2.0000e-03 eta: 1 day, 2:48:34 time: 0.8013 data_time: 0.0269 memory: 9812 grad_norm: 2.7291 loss: 2.2376 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1703 distill.loss_dist: 1.0673 2023/05/15 00:28:38 - mmengine - INFO - Epoch(train) [41][1760/1879] lr: 2.0000e-03 eta: 1 day, 2:48:13 time: 0.7531 data_time: 0.0274 memory: 9812 grad_norm: 2.8461 loss: 2.3853 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3368 distill.loss_dist: 1.0486 2023/05/15 00:28:57 - mmengine - INFO - Epoch(train) [41][1780/1879] lr: 2.0000e-03 eta: 1 day, 2:47:58 time: 0.9600 data_time: 0.0264 memory: 9812 grad_norm: 2.8257 loss: 2.3477 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2695 distill.loss_dist: 1.0782 2023/05/15 00:29:14 - mmengine - INFO - Epoch(train) [41][1800/1879] lr: 2.0000e-03 eta: 1 day, 2:47:41 time: 0.8665 data_time: 0.0289 memory: 9812 grad_norm: 2.6887 loss: 2.2071 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1718 distill.loss_dist: 1.0352 2023/05/15 00:29:31 - mmengine - INFO - Epoch(train) [41][1820/1879] lr: 2.0000e-03 eta: 1 day, 2:47:22 time: 0.8324 data_time: 0.0257 memory: 9812 grad_norm: 2.8006 loss: 2.3762 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2935 distill.loss_dist: 1.0827 2023/05/15 00:29:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 00:29:50 - mmengine - INFO - Epoch(train) [41][1840/1879] lr: 2.0000e-03 eta: 1 day, 2:47:07 time: 0.9514 data_time: 0.0291 memory: 9812 grad_norm: 2.8058 loss: 2.2967 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2473 distill.loss_dist: 1.0494 2023/05/15 00:30:07 - mmengine - INFO - Epoch(train) [41][1860/1879] lr: 2.0000e-03 eta: 1 day, 2:46:49 time: 0.8377 data_time: 0.0281 memory: 9812 grad_norm: 2.8469 loss: 2.2156 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1627 distill.loss_dist: 1.0529 2023/05/15 00:30:19 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 00:30:19 - mmengine - INFO - Epoch(train) [41][1879/1879] lr: 2.0000e-03 eta: 1 day, 2:46:27 time: 0.6686 data_time: 0.0222 memory: 9812 grad_norm: 2.7992 loss: 2.4701 student.top1_acc: 0.4286 student.top5_acc: 0.8571 student.loss_cls: 1.4033 distill.loss_dist: 1.0668 2023/05/15 00:30:39 - mmengine - INFO - Epoch(val) [41][ 20/155] eta: 0:02:13 time: 0.9893 data_time: 0.9243 memory: 1484 2023/05/15 00:30:52 - mmengine - INFO - Epoch(val) [41][ 40/155] eta: 0:01:33 time: 0.6431 data_time: 0.5779 memory: 1484 2023/05/15 00:31:11 - mmengine - INFO - Epoch(val) [41][ 60/155] eta: 0:01:21 time: 0.9466 data_time: 0.8862 memory: 1484 2023/05/15 00:31:24 - mmengine - INFO - Epoch(val) [41][ 80/155] eta: 0:01:00 time: 0.6678 data_time: 0.6023 memory: 1484 2023/05/15 00:31:44 - mmengine - INFO - Epoch(val) [41][100/155] eta: 0:00:46 time: 0.9731 data_time: 0.9094 memory: 1484 2023/05/15 00:31:57 - mmengine - INFO - Epoch(val) [41][120/155] eta: 0:00:28 time: 0.6407 data_time: 0.5781 memory: 1484 2023/05/15 00:32:16 - mmengine - INFO - Epoch(val) [41][140/155] eta: 0:00:12 time: 0.9825 data_time: 0.9211 memory: 1484 2023/05/15 00:32:46 - mmengine - INFO - Epoch(val) [41][ 20/155] eta: 0:16:19 time: 0.9874 data_time: 0.8314 memory: 1582 2023/05/15 00:33:00 - mmengine - INFO - Epoch(val) [41][ 40/155] eta: 0:07:38 time: 0.7193 data_time: 0.5599 memory: 1582 2023/05/15 00:33:18 - mmengine - INFO - Epoch(val) [41][ 60/155] eta: 0:04:41 time: 0.9025 data_time: 0.7508 memory: 1582 2023/05/15 00:33:33 - mmengine - INFO - Epoch(val) [41][ 80/155] eta: 0:02:59 time: 0.7134 data_time: 0.5589 memory: 1582 2023/05/15 00:33:52 - mmengine - INFO - Epoch(val) [41][100/155] eta: 0:01:56 time: 0.9819 data_time: 0.8274 memory: 1582 2023/05/15 00:34:06 - mmengine - INFO - Epoch(val) [41][120/155] eta: 0:01:05 time: 0.6613 data_time: 0.5075 memory: 1582 2023/05/15 00:34:26 - mmengine - INFO - Epoch(val) [41][140/155] eta: 0:00:26 time: 1.0003 data_time: 0.8462 memory: 1582 2023/05/15 00:34:35 - mmengine - INFO - Epoch(val) [41][155/155] acc/top1: 0.6627 acc/top5: 0.8698 acc/mean1: 0.6626 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6650 time: 0.8177 2023/05/15 00:34:35 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_38.pth is removed 2023/05/15 00:34:36 - mmengine - INFO - The best checkpoint with 0.6627 acc/top1 at 41 epoch is saved to best_acc_top1_epoch_41.pth. 2023/05/15 00:34:59 - mmengine - INFO - Epoch(train) [42][ 20/1879] lr: 2.0000e-03 eta: 1 day, 2:46:17 time: 1.1114 data_time: 0.6745 memory: 9812 grad_norm: 2.7490 loss: 2.4939 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4176 distill.loss_dist: 1.0763 2023/05/15 00:35:15 - mmengine - INFO - Epoch(train) [42][ 40/1879] lr: 2.0000e-03 eta: 1 day, 2:45:59 time: 0.8355 data_time: 0.4154 memory: 9812 grad_norm: 2.8138 loss: 2.4045 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3110 distill.loss_dist: 1.0935 2023/05/15 00:35:32 - mmengine - INFO - Epoch(train) [42][ 60/1879] lr: 2.0000e-03 eta: 1 day, 2:45:40 time: 0.8160 data_time: 0.3960 memory: 9812 grad_norm: 2.7856 loss: 2.4599 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3934 distill.loss_dist: 1.0665 2023/05/15 00:35:51 - mmengine - INFO - Epoch(train) [42][ 80/1879] lr: 2.0000e-03 eta: 1 day, 2:45:25 time: 0.9542 data_time: 0.5247 memory: 9812 grad_norm: 2.7827 loss: 2.5715 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4706 distill.loss_dist: 1.1010 2023/05/15 00:36:06 - mmengine - INFO - Epoch(train) [42][ 100/1879] lr: 2.0000e-03 eta: 1 day, 2:45:05 time: 0.7758 data_time: 0.3465 memory: 9812 grad_norm: 2.8070 loss: 2.5052 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4081 distill.loss_dist: 1.0971 2023/05/15 00:36:22 - mmengine - INFO - Epoch(train) [42][ 120/1879] lr: 2.0000e-03 eta: 1 day, 2:44:45 time: 0.7985 data_time: 0.2727 memory: 9812 grad_norm: 2.8370 loss: 2.3378 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2681 distill.loss_dist: 1.0697 2023/05/15 00:36:41 - mmengine - INFO - Epoch(train) [42][ 140/1879] lr: 2.0000e-03 eta: 1 day, 2:44:30 time: 0.9362 data_time: 0.2528 memory: 9812 grad_norm: 2.7469 loss: 2.2409 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1831 distill.loss_dist: 1.0578 2023/05/15 00:36:57 - mmengine - INFO - Epoch(train) [42][ 160/1879] lr: 2.0000e-03 eta: 1 day, 2:44:10 time: 0.7930 data_time: 0.2355 memory: 9812 grad_norm: 2.8217 loss: 2.4317 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3510 distill.loss_dist: 1.0807 2023/05/15 00:37:14 - mmengine - INFO - Epoch(train) [42][ 180/1879] lr: 2.0000e-03 eta: 1 day, 2:43:51 time: 0.8233 data_time: 0.3689 memory: 9812 grad_norm: 2.8022 loss: 2.4411 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3728 distill.loss_dist: 1.0683 2023/05/15 00:37:31 - mmengine - INFO - Epoch(train) [42][ 200/1879] lr: 2.0000e-03 eta: 1 day, 2:43:35 time: 0.8968 data_time: 0.2143 memory: 9812 grad_norm: 2.7814 loss: 2.5187 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4434 distill.loss_dist: 1.0752 2023/05/15 00:37:50 - mmengine - INFO - Epoch(train) [42][ 220/1879] lr: 2.0000e-03 eta: 1 day, 2:43:20 time: 0.9510 data_time: 0.2070 memory: 9812 grad_norm: 2.8180 loss: 2.5523 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4668 distill.loss_dist: 1.0855 2023/05/15 00:38:06 - mmengine - INFO - Epoch(train) [42][ 240/1879] lr: 2.0000e-03 eta: 1 day, 2:43:00 time: 0.7953 data_time: 0.2724 memory: 9812 grad_norm: 2.8274 loss: 2.2432 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2064 distill.loss_dist: 1.0368 2023/05/15 00:38:24 - mmengine - INFO - Epoch(train) [42][ 260/1879] lr: 2.0000e-03 eta: 1 day, 2:42:43 time: 0.8654 data_time: 0.1497 memory: 9812 grad_norm: 2.7706 loss: 2.3201 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2309 distill.loss_dist: 1.0892 2023/05/15 00:38:43 - mmengine - INFO - Epoch(train) [42][ 280/1879] lr: 2.0000e-03 eta: 1 day, 2:42:27 time: 0.9458 data_time: 0.0357 memory: 9812 grad_norm: 2.8645 loss: 2.5927 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.5096 distill.loss_dist: 1.0831 2023/05/15 00:38:59 - mmengine - INFO - Epoch(train) [42][ 300/1879] lr: 2.0000e-03 eta: 1 day, 2:42:09 time: 0.8347 data_time: 0.0250 memory: 9812 grad_norm: 2.7377 loss: 2.2568 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1959 distill.loss_dist: 1.0609 2023/05/15 00:39:15 - mmengine - INFO - Epoch(train) [42][ 320/1879] lr: 2.0000e-03 eta: 1 day, 2:41:50 time: 0.8023 data_time: 0.0247 memory: 9812 grad_norm: 2.7507 loss: 2.4028 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3504 distill.loss_dist: 1.0523 2023/05/15 00:39:35 - mmengine - INFO - Epoch(train) [42][ 340/1879] lr: 2.0000e-03 eta: 1 day, 2:41:36 time: 0.9856 data_time: 0.0303 memory: 9812 grad_norm: 2.7388 loss: 2.3872 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.3250 distill.loss_dist: 1.0622 2023/05/15 00:39:52 - mmengine - INFO - Epoch(train) [42][ 360/1879] lr: 2.0000e-03 eta: 1 day, 2:41:17 time: 0.8291 data_time: 0.0252 memory: 9812 grad_norm: 2.8290 loss: 2.1204 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0778 distill.loss_dist: 1.0426 2023/05/15 00:40:08 - mmengine - INFO - Epoch(train) [42][ 380/1879] lr: 2.0000e-03 eta: 1 day, 2:40:58 time: 0.8193 data_time: 0.0287 memory: 9812 grad_norm: 2.8367 loss: 2.3523 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2583 distill.loss_dist: 1.0940 2023/05/15 00:40:27 - mmengine - INFO - Epoch(train) [42][ 400/1879] lr: 2.0000e-03 eta: 1 day, 2:40:42 time: 0.9229 data_time: 0.0261 memory: 9812 grad_norm: 2.7940 loss: 2.2759 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2139 distill.loss_dist: 1.0621 2023/05/15 00:40:43 - mmengine - INFO - Epoch(train) [42][ 420/1879] lr: 2.0000e-03 eta: 1 day, 2:40:24 time: 0.8392 data_time: 0.0279 memory: 9812 grad_norm: 2.8325 loss: 2.1766 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1443 distill.loss_dist: 1.0323 2023/05/15 00:40:59 - mmengine - INFO - Epoch(train) [42][ 440/1879] lr: 2.0000e-03 eta: 1 day, 2:40:05 time: 0.7946 data_time: 0.0280 memory: 9812 grad_norm: 2.8370 loss: 2.5424 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4494 distill.loss_dist: 1.0930 2023/05/15 00:41:18 - mmengine - INFO - Epoch(train) [42][ 460/1879] lr: 2.0000e-03 eta: 1 day, 2:39:50 time: 0.9548 data_time: 0.0276 memory: 9812 grad_norm: 2.7407 loss: 2.2025 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1499 distill.loss_dist: 1.0526 2023/05/15 00:41:34 - mmengine - INFO - Epoch(train) [42][ 480/1879] lr: 2.0000e-03 eta: 1 day, 2:39:30 time: 0.7886 data_time: 0.0294 memory: 9812 grad_norm: 2.7400 loss: 2.4244 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.3593 distill.loss_dist: 1.0652 2023/05/15 00:41:51 - mmengine - INFO - Epoch(train) [42][ 500/1879] lr: 2.0000e-03 eta: 1 day, 2:39:12 time: 0.8320 data_time: 0.0266 memory: 9812 grad_norm: 2.7869 loss: 2.2818 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2109 distill.loss_dist: 1.0709 2023/05/15 00:42:10 - mmengine - INFO - Epoch(train) [42][ 520/1879] lr: 2.0000e-03 eta: 1 day, 2:38:56 time: 0.9473 data_time: 0.0295 memory: 9812 grad_norm: 2.7408 loss: 2.3169 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.2616 distill.loss_dist: 1.0554 2023/05/15 00:42:26 - mmengine - INFO - Epoch(train) [42][ 540/1879] lr: 2.0000e-03 eta: 1 day, 2:38:37 time: 0.8123 data_time: 0.0260 memory: 9812 grad_norm: 2.6988 loss: 2.2846 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2232 distill.loss_dist: 1.0614 2023/05/15 00:42:43 - mmengine - INFO - Epoch(train) [42][ 560/1879] lr: 2.0000e-03 eta: 1 day, 2:38:19 time: 0.8310 data_time: 0.0259 memory: 9812 grad_norm: 2.8399 loss: 2.4492 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3533 distill.loss_dist: 1.0959 2023/05/15 00:43:01 - mmengine - INFO - Epoch(train) [42][ 580/1879] lr: 2.0000e-03 eta: 1 day, 2:38:04 time: 0.9382 data_time: 0.0318 memory: 9812 grad_norm: 2.7978 loss: 2.3647 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2946 distill.loss_dist: 1.0702 2023/05/15 00:43:18 - mmengine - INFO - Epoch(train) [42][ 600/1879] lr: 2.0000e-03 eta: 1 day, 2:37:45 time: 0.8129 data_time: 0.0268 memory: 9812 grad_norm: 2.8479 loss: 2.3738 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3034 distill.loss_dist: 1.0705 2023/05/15 00:43:34 - mmengine - INFO - Epoch(train) [42][ 620/1879] lr: 2.0000e-03 eta: 1 day, 2:37:25 time: 0.8080 data_time: 0.0252 memory: 9812 grad_norm: 2.7854 loss: 2.2923 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2357 distill.loss_dist: 1.0566 2023/05/15 00:43:53 - mmengine - INFO - Epoch(train) [42][ 640/1879] lr: 2.0000e-03 eta: 1 day, 2:37:10 time: 0.9435 data_time: 0.0290 memory: 9812 grad_norm: 2.8540 loss: 2.4792 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4038 distill.loss_dist: 1.0754 2023/05/15 00:44:10 - mmengine - INFO - Epoch(train) [42][ 660/1879] lr: 2.0000e-03 eta: 1 day, 2:36:52 time: 0.8378 data_time: 0.0279 memory: 9812 grad_norm: 2.9140 loss: 2.3896 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3188 distill.loss_dist: 1.0708 2023/05/15 00:44:27 - mmengine - INFO - Epoch(train) [42][ 680/1879] lr: 2.0000e-03 eta: 1 day, 2:36:35 time: 0.8771 data_time: 0.0256 memory: 9812 grad_norm: 2.8034 loss: 2.2642 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2124 distill.loss_dist: 1.0517 2023/05/15 00:44:44 - mmengine - INFO - Epoch(train) [42][ 700/1879] lr: 2.0000e-03 eta: 1 day, 2:36:17 time: 0.8574 data_time: 0.0292 memory: 9812 grad_norm: 2.8471 loss: 2.5094 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4100 distill.loss_dist: 1.0994 2023/05/15 00:45:02 - mmengine - INFO - Epoch(train) [42][ 720/1879] lr: 2.0000e-03 eta: 1 day, 2:36:00 time: 0.8818 data_time: 0.0264 memory: 9812 grad_norm: 2.8670 loss: 2.5430 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.4560 distill.loss_dist: 1.0870 2023/05/15 00:45:20 - mmengine - INFO - Epoch(train) [42][ 740/1879] lr: 2.0000e-03 eta: 1 day, 2:35:44 time: 0.9135 data_time: 0.0247 memory: 9812 grad_norm: 2.8252 loss: 2.4032 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3201 distill.loss_dist: 1.0831 2023/05/15 00:45:38 - mmengine - INFO - Epoch(train) [42][ 760/1879] lr: 2.0000e-03 eta: 1 day, 2:35:26 time: 0.8642 data_time: 0.0262 memory: 9812 grad_norm: 2.8569 loss: 2.4580 student.top1_acc: 0.2500 student.top5_acc: 0.7500 student.loss_cls: 1.3804 distill.loss_dist: 1.0776 2023/05/15 00:45:54 - mmengine - INFO - Epoch(train) [42][ 780/1879] lr: 2.0000e-03 eta: 1 day, 2:35:07 time: 0.8235 data_time: 0.0276 memory: 9812 grad_norm: 2.8028 loss: 2.3983 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3330 distill.loss_dist: 1.0653 2023/05/15 00:46:13 - mmengine - INFO - Epoch(train) [42][ 800/1879] lr: 2.0000e-03 eta: 1 day, 2:34:52 time: 0.9410 data_time: 0.0255 memory: 9812 grad_norm: 2.8526 loss: 2.5540 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4493 distill.loss_dist: 1.1047 2023/05/15 00:46:29 - mmengine - INFO - Epoch(train) [42][ 820/1879] lr: 2.0000e-03 eta: 1 day, 2:34:32 time: 0.7839 data_time: 0.0294 memory: 9812 grad_norm: 2.8316 loss: 2.2713 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2257 distill.loss_dist: 1.0456 2023/05/15 00:46:46 - mmengine - INFO - Epoch(train) [42][ 840/1879] lr: 2.0000e-03 eta: 1 day, 2:34:15 time: 0.8555 data_time: 0.0262 memory: 9812 grad_norm: 2.7679 loss: 2.2452 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1934 distill.loss_dist: 1.0517 2023/05/15 00:47:05 - mmengine - INFO - Epoch(train) [42][ 860/1879] lr: 2.0000e-03 eta: 1 day, 2:33:59 time: 0.9419 data_time: 0.0292 memory: 9812 grad_norm: 2.7592 loss: 2.1785 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1321 distill.loss_dist: 1.0464 2023/05/15 00:47:22 - mmengine - INFO - Epoch(train) [42][ 880/1879] lr: 2.0000e-03 eta: 1 day, 2:33:41 time: 0.8547 data_time: 0.0247 memory: 9812 grad_norm: 2.7907 loss: 2.3312 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2592 distill.loss_dist: 1.0720 2023/05/15 00:47:37 - mmengine - INFO - Epoch(train) [42][ 900/1879] lr: 2.0000e-03 eta: 1 day, 2:33:21 time: 0.7784 data_time: 0.0250 memory: 9812 grad_norm: 2.7944 loss: 2.4493 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3666 distill.loss_dist: 1.0827 2023/05/15 00:47:56 - mmengine - INFO - Epoch(train) [42][ 920/1879] lr: 2.0000e-03 eta: 1 day, 2:33:06 time: 0.9400 data_time: 0.0266 memory: 9812 grad_norm: 2.8668 loss: 2.3930 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2967 distill.loss_dist: 1.0964 2023/05/15 00:48:11 - mmengine - INFO - Epoch(train) [42][ 940/1879] lr: 2.0000e-03 eta: 1 day, 2:32:46 time: 0.7696 data_time: 0.0278 memory: 9812 grad_norm: 2.8388 loss: 2.4220 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3450 distill.loss_dist: 1.0771 2023/05/15 00:48:29 - mmengine - INFO - Epoch(train) [42][ 960/1879] lr: 2.0000e-03 eta: 1 day, 2:32:29 time: 0.8731 data_time: 0.0251 memory: 9812 grad_norm: 2.8051 loss: 2.3301 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2587 distill.loss_dist: 1.0714 2023/05/15 00:48:30 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 00:48:46 - mmengine - INFO - Epoch(train) [42][ 980/1879] lr: 2.0000e-03 eta: 1 day, 2:32:11 time: 0.8613 data_time: 0.0265 memory: 9812 grad_norm: 2.8271 loss: 2.4448 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3775 distill.loss_dist: 1.0672 2023/05/15 00:49:03 - mmengine - INFO - Epoch(train) [42][1000/1879] lr: 2.0000e-03 eta: 1 day, 2:31:53 time: 0.8430 data_time: 0.0261 memory: 9812 grad_norm: 2.7806 loss: 2.3289 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2709 distill.loss_dist: 1.0580 2023/05/15 00:49:20 - mmengine - INFO - Epoch(train) [42][1020/1879] lr: 2.0000e-03 eta: 1 day, 2:31:35 time: 0.8678 data_time: 0.0292 memory: 9812 grad_norm: 2.8828 loss: 2.4266 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3302 distill.loss_dist: 1.0964 2023/05/15 00:49:39 - mmengine - INFO - Epoch(train) [42][1040/1879] lr: 2.0000e-03 eta: 1 day, 2:31:19 time: 0.9168 data_time: 0.0268 memory: 9812 grad_norm: 2.8100 loss: 2.4497 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3588 distill.loss_dist: 1.0909 2023/05/15 00:49:57 - mmengine - INFO - Epoch(train) [42][1060/1879] lr: 2.0000e-03 eta: 1 day, 2:31:04 time: 0.9262 data_time: 0.0259 memory: 9812 grad_norm: 2.7838 loss: 2.3470 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2694 distill.loss_dist: 1.0776 2023/05/15 00:50:14 - mmengine - INFO - Epoch(train) [42][1080/1879] lr: 2.0000e-03 eta: 1 day, 2:30:45 time: 0.8228 data_time: 0.0260 memory: 9812 grad_norm: 2.8954 loss: 2.4120 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3311 distill.loss_dist: 1.0808 2023/05/15 00:50:30 - mmengine - INFO - Epoch(train) [42][1100/1879] lr: 2.0000e-03 eta: 1 day, 2:30:26 time: 0.8248 data_time: 0.0293 memory: 9812 grad_norm: 2.8060 loss: 2.3633 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2924 distill.loss_dist: 1.0709 2023/05/15 00:50:47 - mmengine - INFO - Epoch(train) [42][1120/1879] lr: 2.0000e-03 eta: 1 day, 2:30:08 time: 0.8326 data_time: 0.0258 memory: 9812 grad_norm: 2.8419 loss: 2.4436 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.3617 distill.loss_dist: 1.0819 2023/05/15 00:51:07 - mmengine - INFO - Epoch(train) [42][1140/1879] lr: 2.0000e-03 eta: 1 day, 2:29:54 time: 0.9952 data_time: 0.0276 memory: 9812 grad_norm: 2.8514 loss: 2.3084 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2544 distill.loss_dist: 1.0540 2023/05/15 00:51:22 - mmengine - INFO - Epoch(train) [42][1160/1879] lr: 2.0000e-03 eta: 1 day, 2:29:34 time: 0.7736 data_time: 0.0260 memory: 9812 grad_norm: 2.8904 loss: 2.3232 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2577 distill.loss_dist: 1.0655 2023/05/15 00:51:39 - mmengine - INFO - Epoch(train) [42][1180/1879] lr: 2.0000e-03 eta: 1 day, 2:29:16 time: 0.8421 data_time: 0.0269 memory: 9812 grad_norm: 2.8097 loss: 2.3272 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2482 distill.loss_dist: 1.0790 2023/05/15 00:51:58 - mmengine - INFO - Epoch(train) [42][1200/1879] lr: 2.0000e-03 eta: 1 day, 2:29:00 time: 0.9243 data_time: 0.0261 memory: 9812 grad_norm: 2.8527 loss: 2.5039 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4391 distill.loss_dist: 1.0648 2023/05/15 00:52:14 - mmengine - INFO - Epoch(train) [42][1220/1879] lr: 2.0000e-03 eta: 1 day, 2:28:41 time: 0.8179 data_time: 0.0275 memory: 9812 grad_norm: 2.7586 loss: 2.3859 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3322 distill.loss_dist: 1.0537 2023/05/15 00:52:31 - mmengine - INFO - Epoch(train) [42][1240/1879] lr: 2.0000e-03 eta: 1 day, 2:28:23 time: 0.8338 data_time: 0.0269 memory: 9812 grad_norm: 2.8099 loss: 2.4433 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3777 distill.loss_dist: 1.0657 2023/05/15 00:52:49 - mmengine - INFO - Epoch(train) [42][1260/1879] lr: 2.0000e-03 eta: 1 day, 2:28:06 time: 0.9075 data_time: 0.0283 memory: 9812 grad_norm: 2.8347 loss: 2.3592 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2908 distill.loss_dist: 1.0684 2023/05/15 00:53:06 - mmengine - INFO - Epoch(train) [42][1280/1879] lr: 2.0000e-03 eta: 1 day, 2:27:48 time: 0.8470 data_time: 0.0234 memory: 9812 grad_norm: 2.8038 loss: 2.4614 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3940 distill.loss_dist: 1.0674 2023/05/15 00:53:25 - mmengine - INFO - Epoch(train) [42][1300/1879] lr: 2.0000e-03 eta: 1 day, 2:27:34 time: 0.9759 data_time: 0.0263 memory: 9812 grad_norm: 2.8622 loss: 2.4981 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4179 distill.loss_dist: 1.0803 2023/05/15 00:53:40 - mmengine - INFO - Epoch(train) [42][1320/1879] lr: 2.0000e-03 eta: 1 day, 2:27:13 time: 0.7301 data_time: 0.0288 memory: 9812 grad_norm: 2.8221 loss: 2.3612 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3029 distill.loss_dist: 1.0583 2023/05/15 00:53:57 - mmengine - INFO - Epoch(train) [42][1340/1879] lr: 2.0000e-03 eta: 1 day, 2:26:55 time: 0.8582 data_time: 0.0250 memory: 9812 grad_norm: 2.8765 loss: 2.3697 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3037 distill.loss_dist: 1.0660 2023/05/15 00:54:14 - mmengine - INFO - Epoch(train) [42][1360/1879] lr: 2.0000e-03 eta: 1 day, 2:26:37 time: 0.8555 data_time: 0.0268 memory: 9812 grad_norm: 2.8050 loss: 2.2973 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2637 distill.loss_dist: 1.0336 2023/05/15 00:54:33 - mmengine - INFO - Epoch(train) [42][1380/1879] lr: 2.0000e-03 eta: 1 day, 2:26:22 time: 0.9478 data_time: 0.0303 memory: 9812 grad_norm: 2.8922 loss: 2.4366 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3735 distill.loss_dist: 1.0631 2023/05/15 00:54:49 - mmengine - INFO - Epoch(train) [42][1400/1879] lr: 2.0000e-03 eta: 1 day, 2:26:02 time: 0.7956 data_time: 0.0251 memory: 9812 grad_norm: 2.8808 loss: 2.2677 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2044 distill.loss_dist: 1.0634 2023/05/15 00:55:07 - mmengine - INFO - Epoch(train) [42][1420/1879] lr: 2.0000e-03 eta: 1 day, 2:25:46 time: 0.8942 data_time: 0.0254 memory: 9812 grad_norm: 2.9042 loss: 2.4438 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3889 distill.loss_dist: 1.0549 2023/05/15 00:55:25 - mmengine - INFO - Epoch(train) [42][1440/1879] lr: 2.0000e-03 eta: 1 day, 2:25:29 time: 0.8899 data_time: 0.0287 memory: 9812 grad_norm: 2.8157 loss: 2.4082 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3118 distill.loss_dist: 1.0964 2023/05/15 00:55:41 - mmengine - INFO - Epoch(train) [42][1460/1879] lr: 2.0000e-03 eta: 1 day, 2:25:10 time: 0.8170 data_time: 0.0235 memory: 9812 grad_norm: 2.8707 loss: 2.3961 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3729 distill.loss_dist: 1.0232 2023/05/15 00:55:59 - mmengine - INFO - Epoch(train) [42][1480/1879] lr: 2.0000e-03 eta: 1 day, 2:24:53 time: 0.8650 data_time: 0.0254 memory: 9812 grad_norm: 2.8183 loss: 2.3482 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2661 distill.loss_dist: 1.0821 2023/05/15 00:56:18 - mmengine - INFO - Epoch(train) [42][1500/1879] lr: 2.0000e-03 eta: 1 day, 2:24:38 time: 0.9531 data_time: 0.0253 memory: 9812 grad_norm: 2.8429 loss: 2.2931 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.2231 distill.loss_dist: 1.0700 2023/05/15 00:56:34 - mmengine - INFO - Epoch(train) [42][1520/1879] lr: 2.0000e-03 eta: 1 day, 2:24:19 time: 0.8178 data_time: 0.0277 memory: 9812 grad_norm: 2.8339 loss: 2.4395 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3594 distill.loss_dist: 1.0801 2023/05/15 00:56:51 - mmengine - INFO - Epoch(train) [42][1540/1879] lr: 2.0000e-03 eta: 1 day, 2:24:00 time: 0.8244 data_time: 0.0273 memory: 9812 grad_norm: 2.8750 loss: 2.3513 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.2905 distill.loss_dist: 1.0609 2023/05/15 00:57:08 - mmengine - INFO - Epoch(train) [42][1560/1879] lr: 2.0000e-03 eta: 1 day, 2:23:43 time: 0.8846 data_time: 0.0280 memory: 9812 grad_norm: 2.9083 loss: 2.3250 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.2754 distill.loss_dist: 1.0496 2023/05/15 00:57:25 - mmengine - INFO - Epoch(train) [42][1580/1879] lr: 2.0000e-03 eta: 1 day, 2:23:25 time: 0.8544 data_time: 0.0280 memory: 9812 grad_norm: 2.8095 loss: 2.3409 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2872 distill.loss_dist: 1.0537 2023/05/15 00:57:43 - mmengine - INFO - Epoch(train) [42][1600/1879] lr: 2.0000e-03 eta: 1 day, 2:23:08 time: 0.8866 data_time: 0.0293 memory: 9812 grad_norm: 2.8189 loss: 2.3364 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2416 distill.loss_dist: 1.0948 2023/05/15 00:58:01 - mmengine - INFO - Epoch(train) [42][1620/1879] lr: 2.0000e-03 eta: 1 day, 2:22:52 time: 0.9153 data_time: 0.0297 memory: 9812 grad_norm: 2.7881 loss: 2.3186 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2506 distill.loss_dist: 1.0680 2023/05/15 00:58:17 - mmengine - INFO - Epoch(train) [42][1640/1879] lr: 2.0000e-03 eta: 1 day, 2:22:33 time: 0.7955 data_time: 0.0299 memory: 9812 grad_norm: 2.8454 loss: 2.1011 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0639 distill.loss_dist: 1.0372 2023/05/15 00:58:35 - mmengine - INFO - Epoch(train) [42][1660/1879] lr: 2.0000e-03 eta: 1 day, 2:22:15 time: 0.8595 data_time: 0.0268 memory: 9812 grad_norm: 2.8736 loss: 2.3276 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2663 distill.loss_dist: 1.0613 2023/05/15 00:58:53 - mmengine - INFO - Epoch(train) [42][1680/1879] lr: 2.0000e-03 eta: 1 day, 2:22:00 time: 0.9418 data_time: 0.0278 memory: 9812 grad_norm: 2.8546 loss: 2.6305 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5349 distill.loss_dist: 1.0956 2023/05/15 00:59:10 - mmengine - INFO - Epoch(train) [42][1700/1879] lr: 2.0000e-03 eta: 1 day, 2:21:41 time: 0.8212 data_time: 0.0260 memory: 9812 grad_norm: 2.9132 loss: 2.5304 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.4542 distill.loss_dist: 1.0762 2023/05/15 00:59:28 - mmengine - INFO - Epoch(train) [42][1720/1879] lr: 2.0000e-03 eta: 1 day, 2:21:24 time: 0.8828 data_time: 0.0253 memory: 9812 grad_norm: 2.8447 loss: 2.5202 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4471 distill.loss_dist: 1.0731 2023/05/15 00:59:45 - mmengine - INFO - Epoch(train) [42][1740/1879] lr: 2.0000e-03 eta: 1 day, 2:21:07 time: 0.8932 data_time: 0.0260 memory: 9812 grad_norm: 2.9061 loss: 2.5314 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.4626 distill.loss_dist: 1.0688 2023/05/15 01:00:02 - mmengine - INFO - Epoch(train) [42][1760/1879] lr: 2.0000e-03 eta: 1 day, 2:20:49 time: 0.8317 data_time: 0.0275 memory: 9812 grad_norm: 2.8242 loss: 2.4548 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3723 distill.loss_dist: 1.0825 2023/05/15 01:00:19 - mmengine - INFO - Epoch(train) [42][1780/1879] lr: 2.0000e-03 eta: 1 day, 2:20:31 time: 0.8561 data_time: 0.0277 memory: 9812 grad_norm: 2.7283 loss: 2.2741 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2139 distill.loss_dist: 1.0601 2023/05/15 01:00:37 - mmengine - INFO - Epoch(train) [42][1800/1879] lr: 2.0000e-03 eta: 1 day, 2:20:14 time: 0.8628 data_time: 0.0297 memory: 9812 grad_norm: 2.8285 loss: 2.2840 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2500 distill.loss_dist: 1.0341 2023/05/15 01:00:53 - mmengine - INFO - Epoch(train) [42][1820/1879] lr: 2.0000e-03 eta: 1 day, 2:19:55 time: 0.8174 data_time: 0.0248 memory: 9812 grad_norm: 2.8693 loss: 2.5509 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4574 distill.loss_dist: 1.0936 2023/05/15 01:01:12 - mmengine - INFO - Epoch(train) [42][1840/1879] lr: 2.0000e-03 eta: 1 day, 2:19:40 time: 0.9596 data_time: 0.1345 memory: 9812 grad_norm: 2.9012 loss: 2.3023 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2582 distill.loss_dist: 1.0441 2023/05/15 01:01:30 - mmengine - INFO - Epoch(train) [42][1860/1879] lr: 2.0000e-03 eta: 1 day, 2:19:23 time: 0.8916 data_time: 0.2063 memory: 9812 grad_norm: 2.8160 loss: 2.2585 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2248 distill.loss_dist: 1.0337 2023/05/15 01:01:42 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 01:01:42 - mmengine - INFO - Epoch(train) [42][1879/1879] lr: 2.0000e-03 eta: 1 day, 2:19:00 time: 0.6802 data_time: 0.2031 memory: 9812 grad_norm: 2.8739 loss: 2.4888 student.top1_acc: 0.5714 student.top5_acc: 0.5714 student.loss_cls: 1.4169 distill.loss_dist: 1.0718 2023/05/15 01:01:42 - mmengine - INFO - Saving checkpoint at 42 epochs 2023/05/15 01:02:03 - mmengine - INFO - Epoch(val) [42][ 20/155] eta: 0:02:12 time: 0.9829 data_time: 0.9145 memory: 1484 2023/05/15 01:02:16 - mmengine - INFO - Epoch(val) [42][ 40/155] eta: 0:01:35 time: 0.6736 data_time: 0.6050 memory: 1484 2023/05/15 01:02:34 - mmengine - INFO - Epoch(val) [42][ 60/155] eta: 0:01:20 time: 0.8985 data_time: 0.8320 memory: 1484 2023/05/15 01:02:48 - mmengine - INFO - Epoch(val) [42][ 80/155] eta: 0:01:00 time: 0.6670 data_time: 0.6010 memory: 1484 2023/05/15 01:03:07 - mmengine - INFO - Epoch(val) [42][100/155] eta: 0:00:46 time: 0.9754 data_time: 0.9126 memory: 1484 2023/05/15 01:03:21 - mmengine - INFO - Epoch(val) [42][120/155] eta: 0:00:28 time: 0.6856 data_time: 0.6184 memory: 1484 2023/05/15 01:03:41 - mmengine - INFO - Epoch(val) [42][140/155] eta: 0:00:12 time: 1.0024 data_time: 0.9455 memory: 1484 2023/05/15 01:04:10 - mmengine - INFO - Epoch(val) [42][ 20/155] eta: 0:16:21 time: 1.0228 data_time: 0.8688 memory: 1582 2023/05/15 01:04:24 - mmengine - INFO - Epoch(val) [42][ 40/155] eta: 0:07:38 time: 0.6981 data_time: 0.5392 memory: 1582 2023/05/15 01:04:43 - mmengine - INFO - Epoch(val) [42][ 60/155] eta: 0:04:43 time: 0.9669 data_time: 0.8116 memory: 1582 2023/05/15 01:04:57 - mmengine - INFO - Epoch(val) [42][ 80/155] eta: 0:03:00 time: 0.6833 data_time: 0.5312 memory: 1582 2023/05/15 01:05:16 - mmengine - INFO - Epoch(val) [42][100/155] eta: 0:01:56 time: 0.9370 data_time: 0.7868 memory: 1582 2023/05/15 01:05:31 - mmengine - INFO - Epoch(val) [42][120/155] eta: 0:01:05 time: 0.7474 data_time: 0.5959 memory: 1582 2023/05/15 01:05:51 - mmengine - INFO - Epoch(val) [42][140/155] eta: 0:00:26 time: 1.0086 data_time: 0.8603 memory: 1582 2023/05/15 01:06:00 - mmengine - INFO - Epoch(val) [42][155/155] acc/top1: 0.6649 acc/top5: 0.8732 acc/mean1: 0.6649 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6735 time: 0.8241 2023/05/15 01:06:00 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_41.pth is removed 2023/05/15 01:06:01 - mmengine - INFO - The best checkpoint with 0.6649 acc/top1 at 42 epoch is saved to best_acc_top1_epoch_42.pth. 2023/05/15 01:06:23 - mmengine - INFO - Epoch(train) [43][ 20/1879] lr: 2.0000e-03 eta: 1 day, 2:18:49 time: 1.1041 data_time: 0.5020 memory: 9812 grad_norm: 2.8463 loss: 2.4169 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3377 distill.loss_dist: 1.0792 2023/05/15 01:06:41 - mmengine - INFO - Epoch(train) [43][ 40/1879] lr: 2.0000e-03 eta: 1 day, 2:18:33 time: 0.9186 data_time: 0.0697 memory: 9812 grad_norm: 2.8676 loss: 2.3568 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2882 distill.loss_dist: 1.0685 2023/05/15 01:06:57 - mmengine - INFO - Epoch(train) [43][ 60/1879] lr: 2.0000e-03 eta: 1 day, 2:18:14 time: 0.8183 data_time: 0.0262 memory: 9812 grad_norm: 2.8279 loss: 2.2488 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2247 distill.loss_dist: 1.0241 2023/05/15 01:07:17 - mmengine - INFO - Epoch(train) [43][ 80/1879] lr: 2.0000e-03 eta: 1 day, 2:17:59 time: 0.9515 data_time: 0.0287 memory: 9812 grad_norm: 2.8551 loss: 2.4157 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3233 distill.loss_dist: 1.0924 2023/05/15 01:07:17 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 01:07:33 - mmengine - INFO - Epoch(train) [43][ 100/1879] lr: 2.0000e-03 eta: 1 day, 2:17:41 time: 0.8218 data_time: 0.0290 memory: 9812 grad_norm: 2.8094 loss: 2.2401 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2043 distill.loss_dist: 1.0359 2023/05/15 01:07:48 - mmengine - INFO - Epoch(train) [43][ 120/1879] lr: 2.0000e-03 eta: 1 day, 2:17:20 time: 0.7650 data_time: 0.0306 memory: 9812 grad_norm: 2.8686 loss: 2.2264 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1893 distill.loss_dist: 1.0371 2023/05/15 01:08:07 - mmengine - INFO - Epoch(train) [43][ 140/1879] lr: 2.0000e-03 eta: 1 day, 2:17:05 time: 0.9413 data_time: 0.0247 memory: 9812 grad_norm: 2.8409 loss: 2.2487 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1967 distill.loss_dist: 1.0520 2023/05/15 01:08:25 - mmengine - INFO - Epoch(train) [43][ 160/1879] lr: 2.0000e-03 eta: 1 day, 2:16:48 time: 0.8974 data_time: 0.0271 memory: 9812 grad_norm: 2.8497 loss: 2.4959 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.4279 distill.loss_dist: 1.0681 2023/05/15 01:08:41 - mmengine - INFO - Epoch(train) [43][ 180/1879] lr: 2.0000e-03 eta: 1 day, 2:16:28 time: 0.7802 data_time: 0.0236 memory: 9812 grad_norm: 2.7908 loss: 2.2661 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2129 distill.loss_dist: 1.0532 2023/05/15 01:09:00 - mmengine - INFO - Epoch(train) [43][ 200/1879] lr: 2.0000e-03 eta: 1 day, 2:16:13 time: 0.9489 data_time: 0.0287 memory: 9812 grad_norm: 2.7710 loss: 2.2229 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2010 distill.loss_dist: 1.0219 2023/05/15 01:09:15 - mmengine - INFO - Epoch(train) [43][ 220/1879] lr: 2.0000e-03 eta: 1 day, 2:15:53 time: 0.7538 data_time: 0.0269 memory: 9812 grad_norm: 2.8453 loss: 2.3677 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3215 distill.loss_dist: 1.0462 2023/05/15 01:09:32 - mmengine - INFO - Epoch(train) [43][ 240/1879] lr: 2.0000e-03 eta: 1 day, 2:15:36 time: 0.8767 data_time: 0.0273 memory: 9812 grad_norm: 2.7861 loss: 2.3598 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2734 distill.loss_dist: 1.0864 2023/05/15 01:09:49 - mmengine - INFO - Epoch(train) [43][ 260/1879] lr: 2.0000e-03 eta: 1 day, 2:15:17 time: 0.8332 data_time: 0.0652 memory: 9812 grad_norm: 2.8944 loss: 2.5411 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.4492 distill.loss_dist: 1.0919 2023/05/15 01:10:07 - mmengine - INFO - Epoch(train) [43][ 280/1879] lr: 2.0000e-03 eta: 1 day, 2:15:01 time: 0.9208 data_time: 0.1559 memory: 9812 grad_norm: 2.8501 loss: 2.2394 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1877 distill.loss_dist: 1.0517 2023/05/15 01:10:24 - mmengine - INFO - Epoch(train) [43][ 300/1879] lr: 2.0000e-03 eta: 1 day, 2:14:43 time: 0.8495 data_time: 0.0804 memory: 9812 grad_norm: 2.8598 loss: 2.3481 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2882 distill.loss_dist: 1.0599 2023/05/15 01:10:42 - mmengine - INFO - Epoch(train) [43][ 320/1879] lr: 2.0000e-03 eta: 1 day, 2:14:26 time: 0.8678 data_time: 0.0368 memory: 9812 grad_norm: 2.7717 loss: 2.4589 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.3914 distill.loss_dist: 1.0675 2023/05/15 01:11:00 - mmengine - INFO - Epoch(train) [43][ 340/1879] lr: 2.0000e-03 eta: 1 day, 2:14:10 time: 0.9104 data_time: 0.0247 memory: 9812 grad_norm: 2.7688 loss: 2.3317 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2656 distill.loss_dist: 1.0661 2023/05/15 01:11:18 - mmengine - INFO - Epoch(train) [43][ 360/1879] lr: 2.0000e-03 eta: 1 day, 2:13:53 time: 0.8829 data_time: 0.0377 memory: 9812 grad_norm: 2.8634 loss: 2.4295 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3584 distill.loss_dist: 1.0711 2023/05/15 01:11:35 - mmengine - INFO - Epoch(train) [43][ 380/1879] lr: 2.0000e-03 eta: 1 day, 2:13:35 time: 0.8613 data_time: 0.0301 memory: 9812 grad_norm: 2.8368 loss: 2.4471 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3679 distill.loss_dist: 1.0792 2023/05/15 01:11:52 - mmengine - INFO - Epoch(train) [43][ 400/1879] lr: 2.0000e-03 eta: 1 day, 2:13:17 time: 0.8429 data_time: 0.0269 memory: 9812 grad_norm: 2.8645 loss: 2.2081 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1796 distill.loss_dist: 1.0285 2023/05/15 01:12:10 - mmengine - INFO - Epoch(train) [43][ 420/1879] lr: 2.0000e-03 eta: 1 day, 2:13:00 time: 0.9004 data_time: 0.0278 memory: 9812 grad_norm: 2.8549 loss: 2.2158 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1855 distill.loss_dist: 1.0302 2023/05/15 01:12:28 - mmengine - INFO - Epoch(train) [43][ 440/1879] lr: 2.0000e-03 eta: 1 day, 2:12:44 time: 0.9160 data_time: 0.0300 memory: 9812 grad_norm: 2.8240 loss: 2.3312 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2891 distill.loss_dist: 1.0420 2023/05/15 01:12:45 - mmengine - INFO - Epoch(train) [43][ 460/1879] lr: 2.0000e-03 eta: 1 day, 2:12:26 time: 0.8384 data_time: 0.0255 memory: 9812 grad_norm: 2.8336 loss: 2.2655 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2204 distill.loss_dist: 1.0451 2023/05/15 01:13:02 - mmengine - INFO - Epoch(train) [43][ 480/1879] lr: 2.0000e-03 eta: 1 day, 2:12:08 time: 0.8358 data_time: 0.0266 memory: 9812 grad_norm: 2.8333 loss: 2.4680 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3958 distill.loss_dist: 1.0722 2023/05/15 01:13:20 - mmengine - INFO - Epoch(train) [43][ 500/1879] lr: 2.0000e-03 eta: 1 day, 2:11:51 time: 0.8954 data_time: 0.0274 memory: 9812 grad_norm: 2.8384 loss: 2.2563 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2378 distill.loss_dist: 1.0186 2023/05/15 01:13:36 - mmengine - INFO - Epoch(train) [43][ 520/1879] lr: 2.0000e-03 eta: 1 day, 2:11:32 time: 0.8082 data_time: 0.0295 memory: 9812 grad_norm: 2.8961 loss: 2.4706 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4121 distill.loss_dist: 1.0585 2023/05/15 01:13:53 - mmengine - INFO - Epoch(train) [43][ 540/1879] lr: 2.0000e-03 eta: 1 day, 2:11:15 time: 0.8745 data_time: 0.0300 memory: 9812 grad_norm: 2.7930 loss: 2.2465 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1927 distill.loss_dist: 1.0538 2023/05/15 01:14:11 - mmengine - INFO - Epoch(train) [43][ 560/1879] lr: 2.0000e-03 eta: 1 day, 2:10:58 time: 0.9052 data_time: 0.0288 memory: 9812 grad_norm: 2.9330 loss: 2.2925 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2360 distill.loss_dist: 1.0566 2023/05/15 01:14:27 - mmengine - INFO - Epoch(train) [43][ 580/1879] lr: 2.0000e-03 eta: 1 day, 2:10:39 time: 0.7864 data_time: 0.0248 memory: 9812 grad_norm: 2.8842 loss: 2.4588 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3648 distill.loss_dist: 1.0940 2023/05/15 01:14:46 - mmengine - INFO - Epoch(train) [43][ 600/1879] lr: 2.0000e-03 eta: 1 day, 2:10:23 time: 0.9274 data_time: 0.0261 memory: 9812 grad_norm: 2.8884 loss: 2.3018 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2374 distill.loss_dist: 1.0644 2023/05/15 01:15:02 - mmengine - INFO - Epoch(train) [43][ 620/1879] lr: 2.0000e-03 eta: 1 day, 2:10:04 time: 0.8170 data_time: 0.0250 memory: 9812 grad_norm: 2.8178 loss: 2.2048 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1771 distill.loss_dist: 1.0278 2023/05/15 01:15:19 - mmengine - INFO - Epoch(train) [43][ 640/1879] lr: 2.0000e-03 eta: 1 day, 2:09:46 time: 0.8367 data_time: 0.0283 memory: 9812 grad_norm: 2.8783 loss: 2.4276 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3778 distill.loss_dist: 1.0498 2023/05/15 01:15:35 - mmengine - INFO - Epoch(train) [43][ 660/1879] lr: 2.0000e-03 eta: 1 day, 2:09:27 time: 0.8310 data_time: 0.0291 memory: 9812 grad_norm: 2.8056 loss: 2.2212 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2012 distill.loss_dist: 1.0199 2023/05/15 01:15:54 - mmengine - INFO - Epoch(train) [43][ 680/1879] lr: 2.0000e-03 eta: 1 day, 2:09:12 time: 0.9451 data_time: 0.0256 memory: 9812 grad_norm: 2.8762 loss: 2.5127 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.4521 distill.loss_dist: 1.0606 2023/05/15 01:16:11 - mmengine - INFO - Epoch(train) [43][ 700/1879] lr: 2.0000e-03 eta: 1 day, 2:08:53 time: 0.8043 data_time: 0.0291 memory: 9812 grad_norm: 2.8514 loss: 2.5541 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4524 distill.loss_dist: 1.1017 2023/05/15 01:16:30 - mmengine - INFO - Epoch(train) [43][ 720/1879] lr: 2.0000e-03 eta: 1 day, 2:08:38 time: 0.9575 data_time: 0.0270 memory: 9812 grad_norm: 2.8582 loss: 2.6414 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.5614 distill.loss_dist: 1.0800 2023/05/15 01:16:46 - mmengine - INFO - Epoch(train) [43][ 740/1879] lr: 2.0000e-03 eta: 1 day, 2:08:18 time: 0.7928 data_time: 0.0245 memory: 9812 grad_norm: 2.8553 loss: 2.3068 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2398 distill.loss_dist: 1.0671 2023/05/15 01:17:02 - mmengine - INFO - Epoch(train) [43][ 760/1879] lr: 2.0000e-03 eta: 1 day, 2:08:00 time: 0.8414 data_time: 0.0275 memory: 9812 grad_norm: 2.8719 loss: 2.0310 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0247 distill.loss_dist: 1.0063 2023/05/15 01:17:20 - mmengine - INFO - Epoch(train) [43][ 780/1879] lr: 2.0000e-03 eta: 1 day, 2:07:43 time: 0.8837 data_time: 0.0255 memory: 9812 grad_norm: 2.8306 loss: 2.4637 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4077 distill.loss_dist: 1.0560 2023/05/15 01:17:37 - mmengine - INFO - Epoch(train) [43][ 800/1879] lr: 2.0000e-03 eta: 1 day, 2:07:25 time: 0.8451 data_time: 0.0271 memory: 9812 grad_norm: 2.8846 loss: 2.4330 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3472 distill.loss_dist: 1.0858 2023/05/15 01:17:54 - mmengine - INFO - Epoch(train) [43][ 820/1879] lr: 2.0000e-03 eta: 1 day, 2:07:08 time: 0.8647 data_time: 0.0276 memory: 9812 grad_norm: 2.7640 loss: 2.4152 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3593 distill.loss_dist: 1.0559 2023/05/15 01:18:11 - mmengine - INFO - Epoch(train) [43][ 840/1879] lr: 2.0000e-03 eta: 1 day, 2:06:50 time: 0.8480 data_time: 0.0265 memory: 9812 grad_norm: 2.7859 loss: 2.1800 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.1421 distill.loss_dist: 1.0379 2023/05/15 01:18:28 - mmengine - INFO - Epoch(train) [43][ 860/1879] lr: 2.0000e-03 eta: 1 day, 2:06:32 time: 0.8580 data_time: 0.0284 memory: 9812 grad_norm: 2.8526 loss: 2.3667 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3011 distill.loss_dist: 1.0656 2023/05/15 01:18:46 - mmengine - INFO - Epoch(train) [43][ 880/1879] lr: 2.0000e-03 eta: 1 day, 2:06:15 time: 0.8678 data_time: 0.0265 memory: 9812 grad_norm: 2.8201 loss: 2.3152 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2564 distill.loss_dist: 1.0588 2023/05/15 01:19:05 - mmengine - INFO - Epoch(train) [43][ 900/1879] lr: 2.0000e-03 eta: 1 day, 2:05:59 time: 0.9555 data_time: 0.0258 memory: 9812 grad_norm: 2.8648 loss: 2.4029 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3424 distill.loss_dist: 1.0605 2023/05/15 01:19:22 - mmengine - INFO - Epoch(train) [43][ 920/1879] lr: 2.0000e-03 eta: 1 day, 2:05:42 time: 0.8522 data_time: 0.0299 memory: 9812 grad_norm: 2.8252 loss: 2.3477 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2993 distill.loss_dist: 1.0484 2023/05/15 01:19:38 - mmengine - INFO - Epoch(train) [43][ 940/1879] lr: 2.0000e-03 eta: 1 day, 2:05:23 time: 0.8141 data_time: 0.0251 memory: 9812 grad_norm: 2.8319 loss: 2.4308 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3635 distill.loss_dist: 1.0673 2023/05/15 01:19:56 - mmengine - INFO - Epoch(train) [43][ 960/1879] lr: 2.0000e-03 eta: 1 day, 2:05:05 time: 0.8730 data_time: 0.0308 memory: 9812 grad_norm: 2.8414 loss: 2.2583 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2088 distill.loss_dist: 1.0495 2023/05/15 01:20:12 - mmengine - INFO - Epoch(train) [43][ 980/1879] lr: 2.0000e-03 eta: 1 day, 2:04:47 time: 0.8274 data_time: 0.0289 memory: 9812 grad_norm: 2.7927 loss: 2.2176 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1650 distill.loss_dist: 1.0526 2023/05/15 01:20:30 - mmengine - INFO - Epoch(train) [43][1000/1879] lr: 2.0000e-03 eta: 1 day, 2:04:30 time: 0.8900 data_time: 0.0367 memory: 9812 grad_norm: 2.9780 loss: 2.4900 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.4116 distill.loss_dist: 1.0784 2023/05/15 01:20:47 - mmengine - INFO - Epoch(train) [43][1020/1879] lr: 2.0000e-03 eta: 1 day, 2:04:12 time: 0.8529 data_time: 0.0638 memory: 9812 grad_norm: 2.7817 loss: 2.4187 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3355 distill.loss_dist: 1.0832 2023/05/15 01:21:04 - mmengine - INFO - Epoch(train) [43][1040/1879] lr: 2.0000e-03 eta: 1 day, 2:03:54 time: 0.8420 data_time: 0.0736 memory: 9812 grad_norm: 2.8416 loss: 2.4079 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3310 distill.loss_dist: 1.0769 2023/05/15 01:21:22 - mmengine - INFO - Epoch(train) [43][1060/1879] lr: 2.0000e-03 eta: 1 day, 2:03:38 time: 0.9183 data_time: 0.0544 memory: 9812 grad_norm: 2.8516 loss: 2.3213 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2591 distill.loss_dist: 1.0622 2023/05/15 01:21:39 - mmengine - INFO - Epoch(train) [43][1080/1879] lr: 2.0000e-03 eta: 1 day, 2:03:20 time: 0.8297 data_time: 0.0241 memory: 9812 grad_norm: 2.8478 loss: 2.2679 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2034 distill.loss_dist: 1.0645 2023/05/15 01:21:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 01:21:54 - mmengine - INFO - Epoch(train) [43][1100/1879] lr: 2.0000e-03 eta: 1 day, 2:02:59 time: 0.7601 data_time: 0.0429 memory: 9812 grad_norm: 2.8091 loss: 2.3557 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2961 distill.loss_dist: 1.0597 2023/05/15 01:22:14 - mmengine - INFO - Epoch(train) [43][1120/1879] lr: 2.0000e-03 eta: 1 day, 2:02:44 time: 0.9633 data_time: 0.0254 memory: 9812 grad_norm: 2.9067 loss: 2.3717 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2710 distill.loss_dist: 1.1006 2023/05/15 01:22:30 - mmengine - INFO - Epoch(train) [43][1140/1879] lr: 2.0000e-03 eta: 1 day, 2:02:25 time: 0.7965 data_time: 0.0284 memory: 9812 grad_norm: 2.8624 loss: 2.2368 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2094 distill.loss_dist: 1.0274 2023/05/15 01:22:46 - mmengine - INFO - Epoch(train) [43][1160/1879] lr: 2.0000e-03 eta: 1 day, 2:02:07 time: 0.8439 data_time: 0.0269 memory: 9812 grad_norm: 2.8702 loss: 2.3217 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2654 distill.loss_dist: 1.0563 2023/05/15 01:23:05 - mmengine - INFO - Epoch(train) [43][1180/1879] lr: 2.0000e-03 eta: 1 day, 2:01:51 time: 0.9108 data_time: 0.0281 memory: 9812 grad_norm: 2.9008 loss: 2.3036 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2596 distill.loss_dist: 1.0439 2023/05/15 01:23:22 - mmengine - INFO - Epoch(train) [43][1200/1879] lr: 2.0000e-03 eta: 1 day, 2:01:34 time: 0.8859 data_time: 0.0254 memory: 9812 grad_norm: 2.8845 loss: 2.4327 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4002 distill.loss_dist: 1.0325 2023/05/15 01:23:39 - mmengine - INFO - Epoch(train) [43][1220/1879] lr: 2.0000e-03 eta: 1 day, 2:01:15 time: 0.8226 data_time: 0.0250 memory: 9812 grad_norm: 2.8317 loss: 2.3241 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2698 distill.loss_dist: 1.0543 2023/05/15 01:23:57 - mmengine - INFO - Epoch(train) [43][1240/1879] lr: 2.0000e-03 eta: 1 day, 2:00:59 time: 0.9010 data_time: 0.0286 memory: 9812 grad_norm: 2.8320 loss: 2.4239 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3573 distill.loss_dist: 1.0666 2023/05/15 01:24:13 - mmengine - INFO - Epoch(train) [43][1260/1879] lr: 2.0000e-03 eta: 1 day, 2:00:40 time: 0.8157 data_time: 0.0301 memory: 9812 grad_norm: 2.8916 loss: 2.5803 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4952 distill.loss_dist: 1.0851 2023/05/15 01:24:31 - mmengine - INFO - Epoch(train) [43][1280/1879] lr: 2.0000e-03 eta: 1 day, 2:00:23 time: 0.8957 data_time: 0.0309 memory: 9812 grad_norm: 2.8961 loss: 2.3873 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3228 distill.loss_dist: 1.0645 2023/05/15 01:24:49 - mmengine - INFO - Epoch(train) [43][1300/1879] lr: 2.0000e-03 eta: 1 day, 2:00:06 time: 0.8890 data_time: 0.0293 memory: 9812 grad_norm: 2.8341 loss: 2.5641 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 1.4669 distill.loss_dist: 1.0972 2023/05/15 01:25:06 - mmengine - INFO - Epoch(train) [43][1320/1879] lr: 2.0000e-03 eta: 1 day, 1:59:48 time: 0.8379 data_time: 0.0272 memory: 9812 grad_norm: 2.8631 loss: 2.4082 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3546 distill.loss_dist: 1.0536 2023/05/15 01:25:23 - mmengine - INFO - Epoch(train) [43][1340/1879] lr: 2.0000e-03 eta: 1 day, 1:59:31 time: 0.8703 data_time: 0.0239 memory: 9812 grad_norm: 2.8903 loss: 2.3586 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3063 distill.loss_dist: 1.0523 2023/05/15 01:25:42 - mmengine - INFO - Epoch(train) [43][1360/1879] lr: 2.0000e-03 eta: 1 day, 1:59:16 time: 0.9590 data_time: 0.0286 memory: 9812 grad_norm: 2.8874 loss: 2.3479 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2731 distill.loss_dist: 1.0748 2023/05/15 01:26:00 - mmengine - INFO - Epoch(train) [43][1380/1879] lr: 2.0000e-03 eta: 1 day, 1:58:58 time: 0.8680 data_time: 0.0299 memory: 9812 grad_norm: 2.8258 loss: 2.4202 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3331 distill.loss_dist: 1.0872 2023/05/15 01:26:16 - mmengine - INFO - Epoch(train) [43][1400/1879] lr: 2.0000e-03 eta: 1 day, 1:58:39 time: 0.8025 data_time: 0.0272 memory: 9812 grad_norm: 2.8736 loss: 2.2611 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.2189 distill.loss_dist: 1.0421 2023/05/15 01:26:35 - mmengine - INFO - Epoch(train) [43][1420/1879] lr: 2.0000e-03 eta: 1 day, 1:58:24 time: 0.9440 data_time: 0.0273 memory: 9812 grad_norm: 2.8844 loss: 2.3738 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3337 distill.loss_dist: 1.0401 2023/05/15 01:26:51 - mmengine - INFO - Epoch(train) [43][1440/1879] lr: 2.0000e-03 eta: 1 day, 1:58:05 time: 0.8329 data_time: 0.0254 memory: 9812 grad_norm: 2.9221 loss: 2.4778 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3907 distill.loss_dist: 1.0871 2023/05/15 01:27:07 - mmengine - INFO - Epoch(train) [43][1460/1879] lr: 2.0000e-03 eta: 1 day, 1:57:46 time: 0.8021 data_time: 0.0272 memory: 9812 grad_norm: 2.8628 loss: 2.5165 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4317 distill.loss_dist: 1.0848 2023/05/15 01:27:26 - mmengine - INFO - Epoch(train) [43][1480/1879] lr: 2.0000e-03 eta: 1 day, 1:57:30 time: 0.9151 data_time: 0.0265 memory: 9812 grad_norm: 2.7920 loss: 2.3687 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3167 distill.loss_dist: 1.0520 2023/05/15 01:27:42 - mmengine - INFO - Epoch(train) [43][1500/1879] lr: 2.0000e-03 eta: 1 day, 1:57:11 time: 0.8236 data_time: 0.0280 memory: 9812 grad_norm: 2.7801 loss: 2.2702 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2083 distill.loss_dist: 1.0618 2023/05/15 01:27:59 - mmengine - INFO - Epoch(train) [43][1520/1879] lr: 2.0000e-03 eta: 1 day, 1:56:53 time: 0.8204 data_time: 0.0302 memory: 9812 grad_norm: 2.8822 loss: 2.3441 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2879 distill.loss_dist: 1.0563 2023/05/15 01:28:17 - mmengine - INFO - Epoch(train) [43][1540/1879] lr: 2.0000e-03 eta: 1 day, 1:56:37 time: 0.9392 data_time: 0.0256 memory: 9812 grad_norm: 2.8618 loss: 2.3696 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3260 distill.loss_dist: 1.0435 2023/05/15 01:28:34 - mmengine - INFO - Epoch(train) [43][1560/1879] lr: 2.0000e-03 eta: 1 day, 1:56:18 time: 0.8084 data_time: 0.0302 memory: 9812 grad_norm: 2.7989 loss: 2.3067 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2593 distill.loss_dist: 1.0474 2023/05/15 01:28:49 - mmengine - INFO - Epoch(train) [43][1580/1879] lr: 2.0000e-03 eta: 1 day, 1:55:58 time: 0.7705 data_time: 0.0275 memory: 9812 grad_norm: 2.8001 loss: 2.2408 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.1991 distill.loss_dist: 1.0417 2023/05/15 01:29:07 - mmengine - INFO - Epoch(train) [43][1600/1879] lr: 2.0000e-03 eta: 1 day, 1:55:41 time: 0.8859 data_time: 0.0311 memory: 9812 grad_norm: 2.8441 loss: 2.5014 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4467 distill.loss_dist: 1.0547 2023/05/15 01:29:26 - mmengine - INFO - Epoch(train) [43][1620/1879] lr: 2.0000e-03 eta: 1 day, 1:55:26 time: 0.9397 data_time: 0.0310 memory: 9812 grad_norm: 2.8242 loss: 2.2129 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1383 distill.loss_dist: 1.0747 2023/05/15 01:29:43 - mmengine - INFO - Epoch(train) [43][1640/1879] lr: 2.0000e-03 eta: 1 day, 1:55:08 time: 0.8623 data_time: 0.0286 memory: 9812 grad_norm: 2.9103 loss: 2.1024 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0904 distill.loss_dist: 1.0120 2023/05/15 01:29:59 - mmengine - INFO - Epoch(train) [43][1660/1879] lr: 2.0000e-03 eta: 1 day, 1:54:49 time: 0.7865 data_time: 0.0279 memory: 9812 grad_norm: 2.8685 loss: 2.3870 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3241 distill.loss_dist: 1.0628 2023/05/15 01:30:17 - mmengine - INFO - Epoch(train) [43][1680/1879] lr: 2.0000e-03 eta: 1 day, 1:54:33 time: 0.9199 data_time: 0.0301 memory: 9812 grad_norm: 2.9186 loss: 2.2664 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2293 distill.loss_dist: 1.0371 2023/05/15 01:30:35 - mmengine - INFO - Epoch(train) [43][1700/1879] lr: 2.0000e-03 eta: 1 day, 1:54:15 time: 0.8785 data_time: 0.0302 memory: 9812 grad_norm: 2.8757 loss: 2.2366 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1990 distill.loss_dist: 1.0376 2023/05/15 01:30:51 - mmengine - INFO - Epoch(train) [43][1720/1879] lr: 2.0000e-03 eta: 1 day, 1:53:56 time: 0.7995 data_time: 0.0257 memory: 9812 grad_norm: 2.9423 loss: 2.4459 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3647 distill.loss_dist: 1.0812 2023/05/15 01:31:09 - mmengine - INFO - Epoch(train) [43][1740/1879] lr: 2.0000e-03 eta: 1 day, 1:53:40 time: 0.9041 data_time: 0.0254 memory: 9812 grad_norm: 2.8799 loss: 2.2969 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2362 distill.loss_dist: 1.0607 2023/05/15 01:31:25 - mmengine - INFO - Epoch(train) [43][1760/1879] lr: 2.0000e-03 eta: 1 day, 1:53:21 time: 0.8216 data_time: 0.0261 memory: 9812 grad_norm: 2.8434 loss: 2.0278 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0179 distill.loss_dist: 1.0099 2023/05/15 01:31:41 - mmengine - INFO - Epoch(train) [43][1780/1879] lr: 2.0000e-03 eta: 1 day, 1:53:02 time: 0.8033 data_time: 0.0433 memory: 9812 grad_norm: 2.8237 loss: 2.2653 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1975 distill.loss_dist: 1.0678 2023/05/15 01:32:01 - mmengine - INFO - Epoch(train) [43][1800/1879] lr: 2.0000e-03 eta: 1 day, 1:52:47 time: 0.9796 data_time: 0.1170 memory: 9812 grad_norm: 2.8469 loss: 2.3130 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2193 distill.loss_dist: 1.0937 2023/05/15 01:32:16 - mmengine - INFO - Epoch(train) [43][1820/1879] lr: 2.0000e-03 eta: 1 day, 1:52:27 time: 0.7562 data_time: 0.0514 memory: 9812 grad_norm: 2.8877 loss: 2.4302 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3578 distill.loss_dist: 1.0724 2023/05/15 01:32:33 - mmengine - INFO - Epoch(train) [43][1840/1879] lr: 2.0000e-03 eta: 1 day, 1:52:10 time: 0.8699 data_time: 0.1871 memory: 9812 grad_norm: 2.9097 loss: 2.2025 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1569 distill.loss_dist: 1.0456 2023/05/15 01:32:51 - mmengine - INFO - Epoch(train) [43][1860/1879] lr: 2.0000e-03 eta: 1 day, 1:51:53 time: 0.8909 data_time: 0.0273 memory: 9812 grad_norm: 2.8735 loss: 2.3967 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3179 distill.loss_dist: 1.0789 2023/05/15 01:33:03 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 01:33:03 - mmengine - INFO - Epoch(train) [43][1879/1879] lr: 2.0000e-03 eta: 1 day, 1:51:31 time: 0.6313 data_time: 0.0232 memory: 9812 grad_norm: 2.9232 loss: 2.3492 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.3054 distill.loss_dist: 1.0438 2023/05/15 01:33:24 - mmengine - INFO - Epoch(val) [43][ 20/155] eta: 0:02:16 time: 1.0092 data_time: 0.9448 memory: 1484 2023/05/15 01:33:37 - mmengine - INFO - Epoch(val) [43][ 40/155] eta: 0:01:35 time: 0.6471 data_time: 0.5723 memory: 1484 2023/05/15 01:33:54 - mmengine - INFO - Epoch(val) [43][ 60/155] eta: 0:01:20 time: 0.8937 data_time: 0.8304 memory: 1484 2023/05/15 01:34:08 - mmengine - INFO - Epoch(val) [43][ 80/155] eta: 0:01:00 time: 0.6776 data_time: 0.6126 memory: 1484 2023/05/15 01:34:26 - mmengine - INFO - Epoch(val) [43][100/155] eta: 0:00:45 time: 0.9246 data_time: 0.8586 memory: 1484 2023/05/15 01:34:40 - mmengine - INFO - Epoch(val) [43][120/155] eta: 0:00:28 time: 0.6851 data_time: 0.6193 memory: 1484 2023/05/15 01:35:01 - mmengine - INFO - Epoch(val) [43][140/155] eta: 0:00:12 time: 1.0453 data_time: 0.9828 memory: 1484 2023/05/15 01:35:30 - mmengine - INFO - Epoch(val) [43][ 20/155] eta: 0:16:21 time: 0.9889 data_time: 0.8329 memory: 1582 2023/05/15 01:35:44 - mmengine - INFO - Epoch(val) [43][ 40/155] eta: 0:07:37 time: 0.6830 data_time: 0.5286 memory: 1582 2023/05/15 01:36:03 - mmengine - INFO - Epoch(val) [43][ 60/155] eta: 0:04:41 time: 0.9376 data_time: 0.7656 memory: 1582 2023/05/15 01:36:16 - mmengine - INFO - Epoch(val) [43][ 80/155] eta: 0:02:59 time: 0.6954 data_time: 0.5417 memory: 1582 2023/05/15 01:36:36 - mmengine - INFO - Epoch(val) [43][100/155] eta: 0:01:55 time: 0.9533 data_time: 0.7962 memory: 1582 2023/05/15 01:36:49 - mmengine - INFO - Epoch(val) [43][120/155] eta: 0:01:05 time: 0.6633 data_time: 0.5112 memory: 1582 2023/05/15 01:37:09 - mmengine - INFO - Epoch(val) [43][140/155] eta: 0:00:26 time: 0.9924 data_time: 0.8394 memory: 1582 2023/05/15 01:37:20 - mmengine - INFO - Epoch(val) [43][155/155] acc/top1: 0.6676 acc/top5: 0.8715 acc/mean1: 0.6675 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6593 time: 0.8140 2023/05/15 01:37:20 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_42.pth is removed 2023/05/15 01:37:22 - mmengine - INFO - The best checkpoint with 0.6676 acc/top1 at 43 epoch is saved to best_acc_top1_epoch_43.pth. 2023/05/15 01:37:43 - mmengine - INFO - Epoch(train) [44][ 20/1879] lr: 2.0000e-03 eta: 1 day, 1:51:18 time: 1.0572 data_time: 0.6285 memory: 9812 grad_norm: 2.8284 loss: 2.3822 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3131 distill.loss_dist: 1.0691 2023/05/15 01:38:00 - mmengine - INFO - Epoch(train) [44][ 40/1879] lr: 2.0000e-03 eta: 1 day, 1:51:01 time: 0.8682 data_time: 0.4450 memory: 9812 grad_norm: 2.8422 loss: 2.3747 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3291 distill.loss_dist: 1.0457 2023/05/15 01:38:16 - mmengine - INFO - Epoch(train) [44][ 60/1879] lr: 2.0000e-03 eta: 1 day, 1:50:41 time: 0.7942 data_time: 0.3649 memory: 9812 grad_norm: 2.8824 loss: 2.3105 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2623 distill.loss_dist: 1.0482 2023/05/15 01:38:37 - mmengine - INFO - Epoch(train) [44][ 80/1879] lr: 2.0000e-03 eta: 1 day, 1:50:28 time: 1.0258 data_time: 0.6074 memory: 9812 grad_norm: 2.8100 loss: 2.2933 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2340 distill.loss_dist: 1.0593 2023/05/15 01:38:51 - mmengine - INFO - Epoch(train) [44][ 100/1879] lr: 2.0000e-03 eta: 1 day, 1:50:07 time: 0.7429 data_time: 0.3159 memory: 9812 grad_norm: 2.9189 loss: 2.3714 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.2919 distill.loss_dist: 1.0795 2023/05/15 01:39:08 - mmengine - INFO - Epoch(train) [44][ 120/1879] lr: 2.0000e-03 eta: 1 day, 1:49:49 time: 0.8240 data_time: 0.3960 memory: 9812 grad_norm: 2.9132 loss: 2.6584 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.5690 distill.loss_dist: 1.0894 2023/05/15 01:39:27 - mmengine - INFO - Epoch(train) [44][ 140/1879] lr: 2.0000e-03 eta: 1 day, 1:49:34 time: 0.9569 data_time: 0.5218 memory: 9812 grad_norm: 2.8450 loss: 2.3776 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2938 distill.loss_dist: 1.0839 2023/05/15 01:39:44 - mmengine - INFO - Epoch(train) [44][ 160/1879] lr: 2.0000e-03 eta: 1 day, 1:49:16 time: 0.8383 data_time: 0.4048 memory: 9812 grad_norm: 2.8312 loss: 2.3145 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2527 distill.loss_dist: 1.0618 2023/05/15 01:39:59 - mmengine - INFO - Epoch(train) [44][ 180/1879] lr: 2.0000e-03 eta: 1 day, 1:48:55 time: 0.7450 data_time: 0.3157 memory: 9812 grad_norm: 2.9372 loss: 2.4925 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4407 distill.loss_dist: 1.0518 2023/05/15 01:40:18 - mmengine - INFO - Epoch(train) [44][ 200/1879] lr: 2.0000e-03 eta: 1 day, 1:48:40 time: 0.9522 data_time: 0.5282 memory: 9812 grad_norm: 2.8858 loss: 2.3971 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3514 distill.loss_dist: 1.0457 2023/05/15 01:40:19 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 01:40:34 - mmengine - INFO - Epoch(train) [44][ 220/1879] lr: 2.0000e-03 eta: 1 day, 1:48:21 time: 0.8083 data_time: 0.3863 memory: 9812 grad_norm: 2.8660 loss: 2.2246 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1748 distill.loss_dist: 1.0498 2023/05/15 01:40:51 - mmengine - INFO - Epoch(train) [44][ 240/1879] lr: 2.0000e-03 eta: 1 day, 1:48:03 time: 0.8508 data_time: 0.4247 memory: 9812 grad_norm: 2.8895 loss: 2.2717 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2427 distill.loss_dist: 1.0290 2023/05/15 01:41:09 - mmengine - INFO - Epoch(train) [44][ 260/1879] lr: 2.0000e-03 eta: 1 day, 1:47:46 time: 0.8916 data_time: 0.4251 memory: 9812 grad_norm: 2.8404 loss: 2.3037 student.top1_acc: 0.3125 student.top5_acc: 0.9375 student.loss_cls: 1.2419 distill.loss_dist: 1.0618 2023/05/15 01:41:27 - mmengine - INFO - Epoch(train) [44][ 280/1879] lr: 2.0000e-03 eta: 1 day, 1:47:30 time: 0.8984 data_time: 0.4695 memory: 9812 grad_norm: 2.8904 loss: 2.1978 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1405 distill.loss_dist: 1.0573 2023/05/15 01:41:43 - mmengine - INFO - Epoch(train) [44][ 300/1879] lr: 2.0000e-03 eta: 1 day, 1:47:11 time: 0.8292 data_time: 0.3987 memory: 9812 grad_norm: 2.8004 loss: 2.0147 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9791 distill.loss_dist: 1.0356 2023/05/15 01:42:01 - mmengine - INFO - Epoch(train) [44][ 320/1879] lr: 2.0000e-03 eta: 1 day, 1:46:54 time: 0.8697 data_time: 0.3792 memory: 9812 grad_norm: 2.8628 loss: 2.3998 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3382 distill.loss_dist: 1.0616 2023/05/15 01:42:17 - mmengine - INFO - Epoch(train) [44][ 340/1879] lr: 2.0000e-03 eta: 1 day, 1:46:35 time: 0.7998 data_time: 0.1820 memory: 9812 grad_norm: 2.8994 loss: 2.3926 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.3183 distill.loss_dist: 1.0743 2023/05/15 01:42:33 - mmengine - INFO - Epoch(train) [44][ 360/1879] lr: 2.0000e-03 eta: 1 day, 1:46:16 time: 0.8200 data_time: 0.2346 memory: 9812 grad_norm: 2.8680 loss: 2.4400 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3875 distill.loss_dist: 1.0525 2023/05/15 01:42:52 - mmengine - INFO - Epoch(train) [44][ 380/1879] lr: 2.0000e-03 eta: 1 day, 1:46:01 time: 0.9494 data_time: 0.1439 memory: 9812 grad_norm: 2.9084 loss: 2.2716 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2161 distill.loss_dist: 1.0555 2023/05/15 01:43:10 - mmengine - INFO - Epoch(train) [44][ 400/1879] lr: 2.0000e-03 eta: 1 day, 1:45:43 time: 0.8815 data_time: 0.1081 memory: 9812 grad_norm: 2.8731 loss: 2.4514 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3685 distill.loss_dist: 1.0829 2023/05/15 01:43:28 - mmengine - INFO - Epoch(train) [44][ 420/1879] lr: 2.0000e-03 eta: 1 day, 1:45:27 time: 0.8935 data_time: 0.0795 memory: 9812 grad_norm: 2.9023 loss: 2.5565 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.5211 distill.loss_dist: 1.0354 2023/05/15 01:43:45 - mmengine - INFO - Epoch(train) [44][ 440/1879] lr: 2.0000e-03 eta: 1 day, 1:45:09 time: 0.8521 data_time: 0.1843 memory: 9812 grad_norm: 2.8741 loss: 2.3673 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2994 distill.loss_dist: 1.0680 2023/05/15 01:44:03 - mmengine - INFO - Epoch(train) [44][ 460/1879] lr: 2.0000e-03 eta: 1 day, 1:44:53 time: 0.9245 data_time: 0.4670 memory: 9812 grad_norm: 2.8853 loss: 2.3872 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3223 distill.loss_dist: 1.0649 2023/05/15 01:44:21 - mmengine - INFO - Epoch(train) [44][ 480/1879] lr: 2.0000e-03 eta: 1 day, 1:44:35 time: 0.8537 data_time: 0.4054 memory: 9812 grad_norm: 2.8555 loss: 2.4858 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.4234 distill.loss_dist: 1.0624 2023/05/15 01:44:38 - mmengine - INFO - Epoch(train) [44][ 500/1879] lr: 2.0000e-03 eta: 1 day, 1:44:18 time: 0.8636 data_time: 0.4162 memory: 9812 grad_norm: 2.8518 loss: 2.3110 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2322 distill.loss_dist: 1.0787 2023/05/15 01:44:56 - mmengine - INFO - Epoch(train) [44][ 520/1879] lr: 2.0000e-03 eta: 1 day, 1:44:01 time: 0.8987 data_time: 0.4710 memory: 9812 grad_norm: 2.7684 loss: 2.2974 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2212 distill.loss_dist: 1.0762 2023/05/15 01:45:12 - mmengine - INFO - Epoch(train) [44][ 540/1879] lr: 2.0000e-03 eta: 1 day, 1:43:42 time: 0.7957 data_time: 0.3573 memory: 9812 grad_norm: 2.8649 loss: 2.3448 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2488 distill.loss_dist: 1.0960 2023/05/15 01:45:29 - mmengine - INFO - Epoch(train) [44][ 560/1879] lr: 2.0000e-03 eta: 1 day, 1:43:24 time: 0.8396 data_time: 0.3425 memory: 9812 grad_norm: 2.8538 loss: 2.3537 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3185 distill.loss_dist: 1.0352 2023/05/15 01:45:47 - mmengine - INFO - Epoch(train) [44][ 580/1879] lr: 2.0000e-03 eta: 1 day, 1:43:08 time: 0.9308 data_time: 0.3096 memory: 9812 grad_norm: 2.8825 loss: 2.4114 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.3485 distill.loss_dist: 1.0629 2023/05/15 01:46:04 - mmengine - INFO - Epoch(train) [44][ 600/1879] lr: 2.0000e-03 eta: 1 day, 1:42:49 time: 0.8244 data_time: 0.3697 memory: 9812 grad_norm: 2.8374 loss: 2.4105 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3612 distill.loss_dist: 1.0493 2023/05/15 01:46:20 - mmengine - INFO - Epoch(train) [44][ 620/1879] lr: 2.0000e-03 eta: 1 day, 1:42:31 time: 0.8181 data_time: 0.3792 memory: 9812 grad_norm: 2.8522 loss: 2.2139 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1652 distill.loss_dist: 1.0487 2023/05/15 01:46:38 - mmengine - INFO - Epoch(train) [44][ 640/1879] lr: 2.0000e-03 eta: 1 day, 1:42:14 time: 0.9022 data_time: 0.4367 memory: 9812 grad_norm: 2.8718 loss: 2.2562 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2116 distill.loss_dist: 1.0446 2023/05/15 01:46:54 - mmengine - INFO - Epoch(train) [44][ 660/1879] lr: 2.0000e-03 eta: 1 day, 1:41:55 time: 0.8166 data_time: 0.1993 memory: 9812 grad_norm: 2.8581 loss: 2.1396 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1158 distill.loss_dist: 1.0238 2023/05/15 01:47:12 - mmengine - INFO - Epoch(train) [44][ 680/1879] lr: 2.0000e-03 eta: 1 day, 1:41:37 time: 0.8526 data_time: 0.2213 memory: 9812 grad_norm: 2.7811 loss: 2.2608 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2129 distill.loss_dist: 1.0478 2023/05/15 01:47:32 - mmengine - INFO - Epoch(train) [44][ 700/1879] lr: 2.0000e-03 eta: 1 day, 1:41:24 time: 1.0019 data_time: 0.1915 memory: 9812 grad_norm: 2.8610 loss: 2.0799 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0499 distill.loss_dist: 1.0300 2023/05/15 01:47:47 - mmengine - INFO - Epoch(train) [44][ 720/1879] lr: 2.0000e-03 eta: 1 day, 1:41:04 time: 0.7818 data_time: 0.0275 memory: 9812 grad_norm: 2.9176 loss: 2.5049 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4130 distill.loss_dist: 1.0919 2023/05/15 01:48:05 - mmengine - INFO - Epoch(train) [44][ 740/1879] lr: 2.0000e-03 eta: 1 day, 1:40:46 time: 0.8672 data_time: 0.0275 memory: 9812 grad_norm: 2.8917 loss: 2.4220 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3349 distill.loss_dist: 1.0871 2023/05/15 01:48:22 - mmengine - INFO - Epoch(train) [44][ 760/1879] lr: 2.0000e-03 eta: 1 day, 1:40:30 time: 0.8932 data_time: 0.0555 memory: 9812 grad_norm: 2.8754 loss: 2.3916 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3563 distill.loss_dist: 1.0353 2023/05/15 01:48:39 - mmengine - INFO - Epoch(train) [44][ 780/1879] lr: 2.0000e-03 eta: 1 day, 1:40:11 time: 0.8268 data_time: 0.0842 memory: 9812 grad_norm: 2.9104 loss: 2.3010 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2386 distill.loss_dist: 1.0624 2023/05/15 01:48:56 - mmengine - INFO - Epoch(train) [44][ 800/1879] lr: 2.0000e-03 eta: 1 day, 1:39:53 time: 0.8322 data_time: 0.0415 memory: 9812 grad_norm: 2.8483 loss: 2.3713 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3206 distill.loss_dist: 1.0507 2023/05/15 01:49:14 - mmengine - INFO - Epoch(train) [44][ 820/1879] lr: 2.0000e-03 eta: 1 day, 1:39:36 time: 0.8975 data_time: 0.1167 memory: 9812 grad_norm: 2.8673 loss: 2.3596 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3236 distill.loss_dist: 1.0359 2023/05/15 01:49:31 - mmengine - INFO - Epoch(train) [44][ 840/1879] lr: 2.0000e-03 eta: 1 day, 1:39:19 time: 0.8593 data_time: 0.2319 memory: 9812 grad_norm: 2.8263 loss: 2.3861 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.3320 distill.loss_dist: 1.0541 2023/05/15 01:49:47 - mmengine - INFO - Epoch(train) [44][ 860/1879] lr: 2.0000e-03 eta: 1 day, 1:39:00 time: 0.8284 data_time: 0.2630 memory: 9812 grad_norm: 2.8469 loss: 2.3072 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.2526 distill.loss_dist: 1.0546 2023/05/15 01:50:06 - mmengine - INFO - Epoch(train) [44][ 880/1879] lr: 2.0000e-03 eta: 1 day, 1:38:44 time: 0.9265 data_time: 0.0625 memory: 9812 grad_norm: 2.8733 loss: 2.1022 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.0829 distill.loss_dist: 1.0193 2023/05/15 01:50:23 - mmengine - INFO - Epoch(train) [44][ 900/1879] lr: 2.0000e-03 eta: 1 day, 1:38:26 time: 0.8429 data_time: 0.0292 memory: 9812 grad_norm: 2.8438 loss: 2.3069 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2567 distill.loss_dist: 1.0502 2023/05/15 01:50:39 - mmengine - INFO - Epoch(train) [44][ 920/1879] lr: 2.0000e-03 eta: 1 day, 1:38:07 time: 0.7893 data_time: 0.0254 memory: 9812 grad_norm: 2.9169 loss: 2.2812 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2232 distill.loss_dist: 1.0580 2023/05/15 01:50:57 - mmengine - INFO - Epoch(train) [44][ 940/1879] lr: 2.0000e-03 eta: 1 day, 1:37:51 time: 0.9391 data_time: 0.1131 memory: 9812 grad_norm: 2.8555 loss: 2.3645 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3076 distill.loss_dist: 1.0569 2023/05/15 01:51:14 - mmengine - INFO - Epoch(train) [44][ 960/1879] lr: 2.0000e-03 eta: 1 day, 1:37:32 time: 0.8069 data_time: 0.0437 memory: 9812 grad_norm: 2.9605 loss: 2.4758 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.4158 distill.loss_dist: 1.0600 2023/05/15 01:51:30 - mmengine - INFO - Epoch(train) [44][ 980/1879] lr: 2.0000e-03 eta: 1 day, 1:37:14 time: 0.8371 data_time: 0.1136 memory: 9812 grad_norm: 2.9375 loss: 2.3488 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2923 distill.loss_dist: 1.0565 2023/05/15 01:51:49 - mmengine - INFO - Epoch(train) [44][1000/1879] lr: 2.0000e-03 eta: 1 day, 1:36:58 time: 0.9310 data_time: 0.2209 memory: 9812 grad_norm: 2.9390 loss: 2.2117 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1803 distill.loss_dist: 1.0314 2023/05/15 01:52:06 - mmengine - INFO - Epoch(train) [44][1020/1879] lr: 2.0000e-03 eta: 1 day, 1:36:40 time: 0.8561 data_time: 0.0553 memory: 9812 grad_norm: 2.8441 loss: 2.1060 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0932 distill.loss_dist: 1.0128 2023/05/15 01:52:22 - mmengine - INFO - Epoch(train) [44][1040/1879] lr: 2.0000e-03 eta: 1 day, 1:36:21 time: 0.8092 data_time: 0.0223 memory: 9812 grad_norm: 2.8736 loss: 2.3652 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2969 distill.loss_dist: 1.0683 2023/05/15 01:52:40 - mmengine - INFO - Epoch(train) [44][1060/1879] lr: 2.0000e-03 eta: 1 day, 1:36:04 time: 0.8693 data_time: 0.0280 memory: 9812 grad_norm: 2.8486 loss: 2.1601 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1349 distill.loss_dist: 1.0252 2023/05/15 01:52:57 - mmengine - INFO - Epoch(train) [44][1080/1879] lr: 2.0000e-03 eta: 1 day, 1:35:46 time: 0.8388 data_time: 0.0249 memory: 9812 grad_norm: 2.9594 loss: 2.2950 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2456 distill.loss_dist: 1.0494 2023/05/15 01:53:15 - mmengine - INFO - Epoch(train) [44][1100/1879] lr: 2.0000e-03 eta: 1 day, 1:35:31 time: 0.9453 data_time: 0.0267 memory: 9812 grad_norm: 2.8807 loss: 2.3409 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2925 distill.loss_dist: 1.0485 2023/05/15 01:53:32 - mmengine - INFO - Epoch(train) [44][1120/1879] lr: 2.0000e-03 eta: 1 day, 1:35:12 time: 0.8254 data_time: 0.0291 memory: 9812 grad_norm: 2.9482 loss: 2.4409 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3698 distill.loss_dist: 1.0711 2023/05/15 01:53:49 - mmengine - INFO - Epoch(train) [44][1140/1879] lr: 2.0000e-03 eta: 1 day, 1:34:55 time: 0.8664 data_time: 0.0300 memory: 9812 grad_norm: 2.8418 loss: 2.2376 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1977 distill.loss_dist: 1.0399 2023/05/15 01:54:07 - mmengine - INFO - Epoch(train) [44][1160/1879] lr: 2.0000e-03 eta: 1 day, 1:34:37 time: 0.8746 data_time: 0.0271 memory: 9812 grad_norm: 2.8249 loss: 2.3344 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2728 distill.loss_dist: 1.0616 2023/05/15 01:54:24 - mmengine - INFO - Epoch(train) [44][1180/1879] lr: 2.0000e-03 eta: 1 day, 1:34:19 time: 0.8400 data_time: 0.0287 memory: 9812 grad_norm: 2.9373 loss: 2.2973 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2153 distill.loss_dist: 1.0820 2023/05/15 01:54:39 - mmengine - INFO - Epoch(train) [44][1200/1879] lr: 2.0000e-03 eta: 1 day, 1:34:00 time: 0.7906 data_time: 0.0269 memory: 9812 grad_norm: 2.8896 loss: 2.3031 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2399 distill.loss_dist: 1.0632 2023/05/15 01:54:44 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 01:54:58 - mmengine - INFO - Epoch(train) [44][1220/1879] lr: 2.0000e-03 eta: 1 day, 1:33:44 time: 0.9498 data_time: 0.0269 memory: 9812 grad_norm: 2.8431 loss: 2.2793 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2024 distill.loss_dist: 1.0769 2023/05/15 01:55:16 - mmengine - INFO - Epoch(train) [44][1240/1879] lr: 2.0000e-03 eta: 1 day, 1:33:27 time: 0.8581 data_time: 0.0286 memory: 9812 grad_norm: 2.8719 loss: 2.2453 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2046 distill.loss_dist: 1.0406 2023/05/15 01:55:32 - mmengine - INFO - Epoch(train) [44][1260/1879] lr: 2.0000e-03 eta: 1 day, 1:33:08 time: 0.8170 data_time: 0.0290 memory: 9812 grad_norm: 2.8873 loss: 2.3283 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2888 distill.loss_dist: 1.0396 2023/05/15 01:55:50 - mmengine - INFO - Epoch(train) [44][1280/1879] lr: 2.0000e-03 eta: 1 day, 1:32:51 time: 0.8768 data_time: 0.0239 memory: 9812 grad_norm: 2.9380 loss: 2.5499 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.4565 distill.loss_dist: 1.0935 2023/05/15 01:56:07 - mmengine - INFO - Epoch(train) [44][1300/1879] lr: 2.0000e-03 eta: 1 day, 1:32:33 time: 0.8539 data_time: 0.0255 memory: 9812 grad_norm: 2.9072 loss: 2.2445 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1660 distill.loss_dist: 1.0786 2023/05/15 01:56:25 - mmengine - INFO - Epoch(train) [44][1320/1879] lr: 2.0000e-03 eta: 1 day, 1:32:16 time: 0.8933 data_time: 0.0250 memory: 9812 grad_norm: 2.8496 loss: 2.3852 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3173 distill.loss_dist: 1.0679 2023/05/15 01:56:42 - mmengine - INFO - Epoch(train) [44][1340/1879] lr: 2.0000e-03 eta: 1 day, 1:31:59 time: 0.8738 data_time: 0.0300 memory: 9812 grad_norm: 2.8526 loss: 2.2931 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2627 distill.loss_dist: 1.0304 2023/05/15 01:56:58 - mmengine - INFO - Epoch(train) [44][1360/1879] lr: 2.0000e-03 eta: 1 day, 1:31:40 time: 0.8170 data_time: 0.0252 memory: 9812 grad_norm: 3.0027 loss: 2.4236 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3240 distill.loss_dist: 1.0996 2023/05/15 01:57:17 - mmengine - INFO - Epoch(train) [44][1380/1879] lr: 2.0000e-03 eta: 1 day, 1:31:24 time: 0.9176 data_time: 0.0291 memory: 9812 grad_norm: 2.8648 loss: 2.1452 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1226 distill.loss_dist: 1.0226 2023/05/15 01:57:34 - mmengine - INFO - Epoch(train) [44][1400/1879] lr: 2.0000e-03 eta: 1 day, 1:31:07 time: 0.8784 data_time: 0.0258 memory: 9812 grad_norm: 2.9781 loss: 2.5681 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4649 distill.loss_dist: 1.1032 2023/05/15 01:57:51 - mmengine - INFO - Epoch(train) [44][1420/1879] lr: 2.0000e-03 eta: 1 day, 1:30:48 time: 0.8143 data_time: 0.0256 memory: 9812 grad_norm: 2.8714 loss: 2.1713 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1238 distill.loss_dist: 1.0475 2023/05/15 01:58:10 - mmengine - INFO - Epoch(train) [44][1440/1879] lr: 2.0000e-03 eta: 1 day, 1:30:33 time: 0.9604 data_time: 0.0262 memory: 9812 grad_norm: 2.8807 loss: 2.4347 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3813 distill.loss_dist: 1.0534 2023/05/15 01:58:26 - mmengine - INFO - Epoch(train) [44][1460/1879] lr: 2.0000e-03 eta: 1 day, 1:30:15 time: 0.8220 data_time: 0.0274 memory: 9812 grad_norm: 2.8805 loss: 2.4792 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.4106 distill.loss_dist: 1.0686 2023/05/15 01:58:43 - mmengine - INFO - Epoch(train) [44][1480/1879] lr: 2.0000e-03 eta: 1 day, 1:29:57 time: 0.8444 data_time: 0.0276 memory: 9812 grad_norm: 2.8643 loss: 2.3498 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2556 distill.loss_dist: 1.0941 2023/05/15 01:59:02 - mmengine - INFO - Epoch(train) [44][1500/1879] lr: 2.0000e-03 eta: 1 day, 1:29:42 time: 0.9567 data_time: 0.0262 memory: 9812 grad_norm: 2.9367 loss: 2.2881 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2345 distill.loss_dist: 1.0536 2023/05/15 01:59:19 - mmengine - INFO - Epoch(train) [44][1520/1879] lr: 2.0000e-03 eta: 1 day, 1:29:23 time: 0.8420 data_time: 0.0288 memory: 9812 grad_norm: 2.9031 loss: 2.4276 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3722 distill.loss_dist: 1.0553 2023/05/15 01:59:35 - mmengine - INFO - Epoch(train) [44][1540/1879] lr: 2.0000e-03 eta: 1 day, 1:29:04 time: 0.7852 data_time: 0.0314 memory: 9812 grad_norm: 2.9393 loss: 2.1491 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1044 distill.loss_dist: 1.0447 2023/05/15 01:59:54 - mmengine - INFO - Epoch(train) [44][1560/1879] lr: 2.0000e-03 eta: 1 day, 1:28:48 time: 0.9414 data_time: 0.0293 memory: 9812 grad_norm: 2.9358 loss: 2.1914 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1539 distill.loss_dist: 1.0374 2023/05/15 02:00:09 - mmengine - INFO - Epoch(train) [44][1580/1879] lr: 2.0000e-03 eta: 1 day, 1:28:29 time: 0.7789 data_time: 0.0277 memory: 9812 grad_norm: 2.9635 loss: 2.3394 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2905 distill.loss_dist: 1.0489 2023/05/15 02:00:26 - mmengine - INFO - Epoch(train) [44][1600/1879] lr: 2.0000e-03 eta: 1 day, 1:28:11 time: 0.8392 data_time: 0.0256 memory: 9812 grad_norm: 2.8880 loss: 2.2186 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1594 distill.loss_dist: 1.0592 2023/05/15 02:00:44 - mmengine - INFO - Epoch(train) [44][1620/1879] lr: 2.0000e-03 eta: 1 day, 1:27:54 time: 0.8965 data_time: 0.1167 memory: 9812 grad_norm: 2.8584 loss: 2.3587 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2920 distill.loss_dist: 1.0667 2023/05/15 02:01:01 - mmengine - INFO - Epoch(train) [44][1640/1879] lr: 2.0000e-03 eta: 1 day, 1:27:36 time: 0.8630 data_time: 0.0278 memory: 9812 grad_norm: 2.8699 loss: 2.1816 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1388 distill.loss_dist: 1.0428 2023/05/15 02:01:19 - mmengine - INFO - Epoch(train) [44][1660/1879] lr: 2.0000e-03 eta: 1 day, 1:27:19 time: 0.8711 data_time: 0.0269 memory: 9812 grad_norm: 2.9513 loss: 2.4434 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3804 distill.loss_dist: 1.0630 2023/05/15 02:01:36 - mmengine - INFO - Epoch(train) [44][1680/1879] lr: 2.0000e-03 eta: 1 day, 1:27:02 time: 0.8804 data_time: 0.0270 memory: 9812 grad_norm: 2.9006 loss: 2.3102 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2508 distill.loss_dist: 1.0593 2023/05/15 02:01:54 - mmengine - INFO - Epoch(train) [44][1700/1879] lr: 2.0000e-03 eta: 1 day, 1:26:45 time: 0.8892 data_time: 0.0309 memory: 9812 grad_norm: 2.8966 loss: 2.3053 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2340 distill.loss_dist: 1.0713 2023/05/15 02:02:11 - mmengine - INFO - Epoch(train) [44][1720/1879] lr: 2.0000e-03 eta: 1 day, 1:26:26 time: 0.8192 data_time: 0.0291 memory: 9812 grad_norm: 2.8886 loss: 2.2261 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1765 distill.loss_dist: 1.0496 2023/05/15 02:02:29 - mmengine - INFO - Epoch(train) [44][1740/1879] lr: 2.0000e-03 eta: 1 day, 1:26:10 time: 0.9067 data_time: 0.0254 memory: 9812 grad_norm: 2.8924 loss: 2.4036 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3832 distill.loss_dist: 1.0204 2023/05/15 02:02:45 - mmengine - INFO - Epoch(train) [44][1760/1879] lr: 2.0000e-03 eta: 1 day, 1:25:52 time: 0.8309 data_time: 0.0277 memory: 9812 grad_norm: 2.9977 loss: 2.2975 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2315 distill.loss_dist: 1.0661 2023/05/15 02:03:03 - mmengine - INFO - Epoch(train) [44][1780/1879] lr: 2.0000e-03 eta: 1 day, 1:25:35 time: 0.8879 data_time: 0.0308 memory: 9812 grad_norm: 2.9178 loss: 2.3388 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2869 distill.loss_dist: 1.0519 2023/05/15 02:03:21 - mmengine - INFO - Epoch(train) [44][1800/1879] lr: 2.0000e-03 eta: 1 day, 1:25:17 time: 0.8760 data_time: 0.0253 memory: 9812 grad_norm: 2.8666 loss: 2.4329 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3690 distill.loss_dist: 1.0638 2023/05/15 02:03:37 - mmengine - INFO - Epoch(train) [44][1820/1879] lr: 2.0000e-03 eta: 1 day, 1:24:59 time: 0.8111 data_time: 0.0295 memory: 9812 grad_norm: 2.8900 loss: 2.3341 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2757 distill.loss_dist: 1.0585 2023/05/15 02:03:55 - mmengine - INFO - Epoch(train) [44][1840/1879] lr: 2.0000e-03 eta: 1 day, 1:24:41 time: 0.8786 data_time: 0.0279 memory: 9812 grad_norm: 2.8983 loss: 2.3967 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3390 distill.loss_dist: 1.0577 2023/05/15 02:04:12 - mmengine - INFO - Epoch(train) [44][1860/1879] lr: 2.0000e-03 eta: 1 day, 1:24:24 time: 0.8832 data_time: 0.0248 memory: 9812 grad_norm: 2.9320 loss: 2.3101 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2712 distill.loss_dist: 1.0389 2023/05/15 02:04:26 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 02:04:26 - mmengine - INFO - Epoch(train) [44][1879/1879] lr: 2.0000e-03 eta: 1 day, 1:24:05 time: 0.7171 data_time: 0.0222 memory: 9812 grad_norm: 2.9594 loss: 2.3794 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.3082 distill.loss_dist: 1.0712 2023/05/15 02:04:46 - mmengine - INFO - Epoch(val) [44][ 20/155] eta: 0:02:12 time: 0.9805 data_time: 0.9175 memory: 1484 2023/05/15 02:04:59 - mmengine - INFO - Epoch(val) [44][ 40/155] eta: 0:01:35 time: 0.6719 data_time: 0.6064 memory: 1484 2023/05/15 02:05:18 - mmengine - INFO - Epoch(val) [44][ 60/155] eta: 0:01:21 time: 0.9369 data_time: 0.8711 memory: 1484 2023/05/15 02:05:31 - mmengine - INFO - Epoch(val) [44][ 80/155] eta: 0:01:01 time: 0.6707 data_time: 0.6066 memory: 1484 2023/05/15 02:05:50 - mmengine - INFO - Epoch(val) [44][100/155] eta: 0:00:46 time: 0.9521 data_time: 0.8880 memory: 1484 2023/05/15 02:06:05 - mmengine - INFO - Epoch(val) [44][120/155] eta: 0:00:28 time: 0.7090 data_time: 0.6412 memory: 1484 2023/05/15 02:06:25 - mmengine - INFO - Epoch(val) [44][140/155] eta: 0:00:12 time: 1.0256 data_time: 0.9658 memory: 1484 2023/05/15 02:06:54 - mmengine - INFO - Epoch(val) [44][ 20/155] eta: 0:16:27 time: 0.9985 data_time: 0.8447 memory: 1582 2023/05/15 02:07:08 - mmengine - INFO - Epoch(val) [44][ 40/155] eta: 0:07:41 time: 0.7197 data_time: 0.5655 memory: 1582 2023/05/15 02:07:25 - mmengine - INFO - Epoch(val) [44][ 60/155] eta: 0:04:41 time: 0.8493 data_time: 0.6938 memory: 1582 2023/05/15 02:07:40 - mmengine - INFO - Epoch(val) [44][ 80/155] eta: 0:03:00 time: 0.7194 data_time: 0.5697 memory: 1582 2023/05/15 02:07:58 - mmengine - INFO - Epoch(val) [44][100/155] eta: 0:01:55 time: 0.9297 data_time: 0.7787 memory: 1582 2023/05/15 02:08:13 - mmengine - INFO - Epoch(val) [44][120/155] eta: 0:01:05 time: 0.7383 data_time: 0.5820 memory: 1582 2023/05/15 02:08:31 - mmengine - INFO - Epoch(val) [44][140/155] eta: 0:00:26 time: 0.9073 data_time: 0.7563 memory: 1582 2023/05/15 02:08:43 - mmengine - INFO - Epoch(val) [44][155/155] acc/top1: 0.6662 acc/top5: 0.8733 acc/mean1: 0.6661 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6602 time: 0.8114 2023/05/15 02:09:04 - mmengine - INFO - Epoch(train) [45][ 20/1879] lr: 2.0000e-03 eta: 1 day, 1:23:52 time: 1.0725 data_time: 0.4442 memory: 9812 grad_norm: 2.8903 loss: 2.1443 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1131 distill.loss_dist: 1.0312 2023/05/15 02:09:21 - mmengine - INFO - Epoch(train) [45][ 40/1879] lr: 2.0000e-03 eta: 1 day, 1:23:34 time: 0.8270 data_time: 0.1721 memory: 9812 grad_norm: 2.8992 loss: 2.2816 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.2109 distill.loss_dist: 1.0707 2023/05/15 02:09:37 - mmengine - INFO - Epoch(train) [45][ 60/1879] lr: 2.0000e-03 eta: 1 day, 1:23:15 time: 0.8081 data_time: 0.2822 memory: 9812 grad_norm: 2.9511 loss: 2.2836 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2346 distill.loss_dist: 1.0490 2023/05/15 02:09:56 - mmengine - INFO - Epoch(train) [45][ 80/1879] lr: 2.0000e-03 eta: 1 day, 1:23:00 time: 0.9561 data_time: 0.3017 memory: 9812 grad_norm: 2.8992 loss: 2.3588 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2683 distill.loss_dist: 1.0905 2023/05/15 02:10:11 - mmengine - INFO - Epoch(train) [45][ 100/1879] lr: 2.0000e-03 eta: 1 day, 1:22:40 time: 0.7657 data_time: 0.2146 memory: 9812 grad_norm: 2.8952 loss: 2.2632 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1969 distill.loss_dist: 1.0663 2023/05/15 02:10:28 - mmengine - INFO - Epoch(train) [45][ 120/1879] lr: 2.0000e-03 eta: 1 day, 1:22:21 time: 0.8222 data_time: 0.2511 memory: 9812 grad_norm: 2.8374 loss: 2.2011 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1443 distill.loss_dist: 1.0568 2023/05/15 02:10:47 - mmengine - INFO - Epoch(train) [45][ 140/1879] lr: 2.0000e-03 eta: 1 day, 1:22:06 time: 0.9567 data_time: 0.1152 memory: 9812 grad_norm: 2.9305 loss: 2.3048 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2513 distill.loss_dist: 1.0535 2023/05/15 02:11:05 - mmengine - INFO - Epoch(train) [45][ 160/1879] lr: 2.0000e-03 eta: 1 day, 1:21:50 time: 0.9190 data_time: 0.0272 memory: 9812 grad_norm: 2.9841 loss: 2.5193 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4628 distill.loss_dist: 1.0565 2023/05/15 02:11:22 - mmengine - INFO - Epoch(train) [45][ 180/1879] lr: 2.0000e-03 eta: 1 day, 1:21:31 time: 0.8172 data_time: 0.0251 memory: 9812 grad_norm: 2.8420 loss: 2.1321 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0835 distill.loss_dist: 1.0486 2023/05/15 02:11:40 - mmengine - INFO - Epoch(train) [45][ 200/1879] lr: 2.0000e-03 eta: 1 day, 1:21:15 time: 0.8961 data_time: 0.0253 memory: 9812 grad_norm: 2.8224 loss: 2.0820 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0731 distill.loss_dist: 1.0089 2023/05/15 02:11:56 - mmengine - INFO - Epoch(train) [45][ 220/1879] lr: 2.0000e-03 eta: 1 day, 1:20:57 time: 0.8407 data_time: 0.0300 memory: 9812 grad_norm: 2.9005 loss: 2.4574 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3680 distill.loss_dist: 1.0895 2023/05/15 02:12:13 - mmengine - INFO - Epoch(train) [45][ 240/1879] lr: 2.0000e-03 eta: 1 day, 1:20:38 time: 0.8355 data_time: 0.0251 memory: 9812 grad_norm: 2.9382 loss: 2.3236 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2699 distill.loss_dist: 1.0536 2023/05/15 02:12:32 - mmengine - INFO - Epoch(train) [45][ 260/1879] lr: 2.0000e-03 eta: 1 day, 1:20:22 time: 0.9249 data_time: 0.0268 memory: 9812 grad_norm: 2.9274 loss: 2.2711 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1953 distill.loss_dist: 1.0757 2023/05/15 02:12:49 - mmengine - INFO - Epoch(train) [45][ 280/1879] lr: 2.0000e-03 eta: 1 day, 1:20:05 time: 0.8570 data_time: 0.0279 memory: 9812 grad_norm: 2.8532 loss: 2.4038 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3669 distill.loss_dist: 1.0370 2023/05/15 02:13:04 - mmengine - INFO - Epoch(train) [45][ 300/1879] lr: 2.0000e-03 eta: 1 day, 1:19:45 time: 0.7799 data_time: 0.0268 memory: 9812 grad_norm: 2.9028 loss: 2.3287 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2491 distill.loss_dist: 1.0796 2023/05/15 02:13:22 - mmengine - INFO - Epoch(train) [45][ 320/1879] lr: 2.0000e-03 eta: 1 day, 1:19:28 time: 0.8817 data_time: 0.0265 memory: 9812 grad_norm: 2.8936 loss: 2.3332 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2568 distill.loss_dist: 1.0764 2023/05/15 02:13:24 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 02:13:39 - mmengine - INFO - Epoch(train) [45][ 340/1879] lr: 2.0000e-03 eta: 1 day, 1:19:10 time: 0.8468 data_time: 0.0540 memory: 9812 grad_norm: 2.8975 loss: 2.1926 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1580 distill.loss_dist: 1.0346 2023/05/15 02:13:57 - mmengine - INFO - Epoch(train) [45][ 360/1879] lr: 2.0000e-03 eta: 1 day, 1:18:53 time: 0.8729 data_time: 0.0836 memory: 9812 grad_norm: 2.8801 loss: 2.4984 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4382 distill.loss_dist: 1.0602 2023/05/15 02:14:14 - mmengine - INFO - Epoch(train) [45][ 380/1879] lr: 2.0000e-03 eta: 1 day, 1:18:36 time: 0.8830 data_time: 0.1723 memory: 9812 grad_norm: 2.9464 loss: 2.2292 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2105 distill.loss_dist: 1.0187 2023/05/15 02:14:33 - mmengine - INFO - Epoch(train) [45][ 400/1879] lr: 2.0000e-03 eta: 1 day, 1:18:20 time: 0.9265 data_time: 0.2414 memory: 9812 grad_norm: 2.9797 loss: 2.3828 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3274 distill.loss_dist: 1.0554 2023/05/15 02:14:48 - mmengine - INFO - Epoch(train) [45][ 420/1879] lr: 2.0000e-03 eta: 1 day, 1:18:00 time: 0.7622 data_time: 0.2198 memory: 9812 grad_norm: 2.9115 loss: 2.1908 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1440 distill.loss_dist: 1.0467 2023/05/15 02:15:06 - mmengine - INFO - Epoch(train) [45][ 440/1879] lr: 2.0000e-03 eta: 1 day, 1:17:43 time: 0.9115 data_time: 0.0875 memory: 9812 grad_norm: 2.9461 loss: 2.1945 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1510 distill.loss_dist: 1.0435 2023/05/15 02:15:22 - mmengine - INFO - Epoch(train) [45][ 460/1879] lr: 2.0000e-03 eta: 1 day, 1:17:24 time: 0.8090 data_time: 0.0261 memory: 9812 grad_norm: 2.9372 loss: 2.4315 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3531 distill.loss_dist: 1.0784 2023/05/15 02:15:41 - mmengine - INFO - Epoch(train) [45][ 480/1879] lr: 2.0000e-03 eta: 1 day, 1:17:09 time: 0.9492 data_time: 0.0278 memory: 9812 grad_norm: 2.8050 loss: 2.1326 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0864 distill.loss_dist: 1.0461 2023/05/15 02:15:57 - mmengine - INFO - Epoch(train) [45][ 500/1879] lr: 2.0000e-03 eta: 1 day, 1:16:50 time: 0.7964 data_time: 0.0291 memory: 9812 grad_norm: 2.9019 loss: 2.2198 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1741 distill.loss_dist: 1.0457 2023/05/15 02:16:14 - mmengine - INFO - Epoch(train) [45][ 520/1879] lr: 2.0000e-03 eta: 1 day, 1:16:32 time: 0.8367 data_time: 0.0289 memory: 9812 grad_norm: 2.9155 loss: 2.3506 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2791 distill.loss_dist: 1.0715 2023/05/15 02:16:32 - mmengine - INFO - Epoch(train) [45][ 540/1879] lr: 2.0000e-03 eta: 1 day, 1:16:15 time: 0.8794 data_time: 0.0250 memory: 9812 grad_norm: 2.9376 loss: 2.3393 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2739 distill.loss_dist: 1.0654 2023/05/15 02:16:49 - mmengine - INFO - Epoch(train) [45][ 560/1879] lr: 2.0000e-03 eta: 1 day, 1:15:57 time: 0.8500 data_time: 0.0273 memory: 9812 grad_norm: 2.9061 loss: 2.4404 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3758 distill.loss_dist: 1.0646 2023/05/15 02:17:06 - mmengine - INFO - Epoch(train) [45][ 580/1879] lr: 2.0000e-03 eta: 1 day, 1:15:39 time: 0.8724 data_time: 0.0295 memory: 9812 grad_norm: 2.8876 loss: 2.2942 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2336 distill.loss_dist: 1.0606 2023/05/15 02:17:24 - mmengine - INFO - Epoch(train) [45][ 600/1879] lr: 2.0000e-03 eta: 1 day, 1:15:22 time: 0.8730 data_time: 0.0253 memory: 9812 grad_norm: 2.9570 loss: 2.3998 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3233 distill.loss_dist: 1.0765 2023/05/15 02:17:40 - mmengine - INFO - Epoch(train) [45][ 620/1879] lr: 2.0000e-03 eta: 1 day, 1:15:03 time: 0.7999 data_time: 0.0271 memory: 9812 grad_norm: 2.8871 loss: 2.3293 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2472 distill.loss_dist: 1.0822 2023/05/15 02:18:00 - mmengine - INFO - Epoch(train) [45][ 640/1879] lr: 2.0000e-03 eta: 1 day, 1:14:49 time: 0.9912 data_time: 0.0252 memory: 9812 grad_norm: 2.9285 loss: 2.4706 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4437 distill.loss_dist: 1.0269 2023/05/15 02:18:16 - mmengine - INFO - Epoch(train) [45][ 660/1879] lr: 2.0000e-03 eta: 1 day, 1:14:30 time: 0.8093 data_time: 0.0269 memory: 9812 grad_norm: 2.9071 loss: 2.2233 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1747 distill.loss_dist: 1.0486 2023/05/15 02:18:32 - mmengine - INFO - Epoch(train) [45][ 680/1879] lr: 2.0000e-03 eta: 1 day, 1:14:11 time: 0.8017 data_time: 0.0253 memory: 9812 grad_norm: 2.8768 loss: 2.2776 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2215 distill.loss_dist: 1.0561 2023/05/15 02:18:50 - mmengine - INFO - Epoch(train) [45][ 700/1879] lr: 2.0000e-03 eta: 1 day, 1:13:55 time: 0.9242 data_time: 0.0294 memory: 9812 grad_norm: 2.9675 loss: 2.3745 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.3237 distill.loss_dist: 1.0507 2023/05/15 02:19:06 - mmengine - INFO - Epoch(train) [45][ 720/1879] lr: 2.0000e-03 eta: 1 day, 1:13:36 time: 0.8042 data_time: 0.0275 memory: 9812 grad_norm: 2.9629 loss: 2.3907 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3286 distill.loss_dist: 1.0621 2023/05/15 02:19:23 - mmengine - INFO - Epoch(train) [45][ 740/1879] lr: 2.0000e-03 eta: 1 day, 1:13:18 time: 0.8354 data_time: 0.0312 memory: 9812 grad_norm: 2.9036 loss: 2.4432 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3742 distill.loss_dist: 1.0691 2023/05/15 02:19:42 - mmengine - INFO - Epoch(train) [45][ 760/1879] lr: 2.0000e-03 eta: 1 day, 1:13:02 time: 0.9343 data_time: 0.0373 memory: 9812 grad_norm: 2.8981 loss: 2.2358 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2010 distill.loss_dist: 1.0348 2023/05/15 02:19:59 - mmengine - INFO - Epoch(train) [45][ 780/1879] lr: 2.0000e-03 eta: 1 day, 1:12:44 time: 0.8588 data_time: 0.0269 memory: 9812 grad_norm: 2.8579 loss: 2.3248 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2748 distill.loss_dist: 1.0499 2023/05/15 02:20:15 - mmengine - INFO - Epoch(train) [45][ 800/1879] lr: 2.0000e-03 eta: 1 day, 1:12:25 time: 0.8005 data_time: 0.0444 memory: 9812 grad_norm: 2.9009 loss: 2.3550 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2983 distill.loss_dist: 1.0568 2023/05/15 02:20:32 - mmengine - INFO - Epoch(train) [45][ 820/1879] lr: 2.0000e-03 eta: 1 day, 1:12:07 time: 0.8596 data_time: 0.0381 memory: 9812 grad_norm: 2.8662 loss: 2.3021 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.2642 distill.loss_dist: 1.0379 2023/05/15 02:20:50 - mmengine - INFO - Epoch(train) [45][ 840/1879] lr: 2.0000e-03 eta: 1 day, 1:11:51 time: 0.9064 data_time: 0.0249 memory: 9812 grad_norm: 2.8369 loss: 2.4391 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.3895 distill.loss_dist: 1.0496 2023/05/15 02:21:08 - mmengine - INFO - Epoch(train) [45][ 860/1879] lr: 2.0000e-03 eta: 1 day, 1:11:34 time: 0.8662 data_time: 0.1333 memory: 9812 grad_norm: 2.9374 loss: 2.4123 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3108 distill.loss_dist: 1.1016 2023/05/15 02:21:25 - mmengine - INFO - Epoch(train) [45][ 880/1879] lr: 2.0000e-03 eta: 1 day, 1:11:16 time: 0.8822 data_time: 0.1262 memory: 9812 grad_norm: 2.8584 loss: 2.2461 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1752 distill.loss_dist: 1.0709 2023/05/15 02:21:42 - mmengine - INFO - Epoch(train) [45][ 900/1879] lr: 2.0000e-03 eta: 1 day, 1:10:58 time: 0.8201 data_time: 0.0326 memory: 9812 grad_norm: 2.9499 loss: 2.2759 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2150 distill.loss_dist: 1.0609 2023/05/15 02:22:00 - mmengine - INFO - Epoch(train) [45][ 920/1879] lr: 2.0000e-03 eta: 1 day, 1:10:42 time: 0.9237 data_time: 0.0274 memory: 9812 grad_norm: 2.8894 loss: 2.3559 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2903 distill.loss_dist: 1.0656 2023/05/15 02:22:18 - mmengine - INFO - Epoch(train) [45][ 940/1879] lr: 2.0000e-03 eta: 1 day, 1:10:24 time: 0.8679 data_time: 0.0296 memory: 9812 grad_norm: 2.9591 loss: 2.4500 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3777 distill.loss_dist: 1.0723 2023/05/15 02:22:34 - mmengine - INFO - Epoch(train) [45][ 960/1879] lr: 2.0000e-03 eta: 1 day, 1:10:06 time: 0.8167 data_time: 0.0271 memory: 9812 grad_norm: 2.9251 loss: 2.3459 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2657 distill.loss_dist: 1.0802 2023/05/15 02:22:53 - mmengine - INFO - Epoch(train) [45][ 980/1879] lr: 2.0000e-03 eta: 1 day, 1:09:50 time: 0.9363 data_time: 0.0247 memory: 9812 grad_norm: 2.8758 loss: 2.3936 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3355 distill.loss_dist: 1.0581 2023/05/15 02:23:09 - mmengine - INFO - Epoch(train) [45][1000/1879] lr: 2.0000e-03 eta: 1 day, 1:09:31 time: 0.8126 data_time: 0.0255 memory: 9812 grad_norm: 2.8081 loss: 2.2140 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1666 distill.loss_dist: 1.0474 2023/05/15 02:23:25 - mmengine - INFO - Epoch(train) [45][1020/1879] lr: 2.0000e-03 eta: 1 day, 1:09:12 time: 0.8086 data_time: 0.0281 memory: 9812 grad_norm: 2.9090 loss: 2.3753 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3145 distill.loss_dist: 1.0608 2023/05/15 02:23:44 - mmengine - INFO - Epoch(train) [45][1040/1879] lr: 2.0000e-03 eta: 1 day, 1:08:57 time: 0.9488 data_time: 0.0249 memory: 9812 grad_norm: 2.8923 loss: 2.2083 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1475 distill.loss_dist: 1.0608 2023/05/15 02:24:00 - mmengine - INFO - Epoch(train) [45][1060/1879] lr: 2.0000e-03 eta: 1 day, 1:08:38 time: 0.8126 data_time: 0.0318 memory: 9812 grad_norm: 2.8266 loss: 2.3981 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3418 distill.loss_dist: 1.0564 2023/05/15 02:24:18 - mmengine - INFO - Epoch(train) [45][1080/1879] lr: 2.0000e-03 eta: 1 day, 1:08:21 time: 0.8779 data_time: 0.1038 memory: 9812 grad_norm: 2.8685 loss: 2.2660 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2092 distill.loss_dist: 1.0568 2023/05/15 02:24:35 - mmengine - INFO - Epoch(train) [45][1100/1879] lr: 2.0000e-03 eta: 1 day, 1:08:03 time: 0.8476 data_time: 0.0677 memory: 9812 grad_norm: 2.9727 loss: 2.3839 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3105 distill.loss_dist: 1.0733 2023/05/15 02:24:53 - mmengine - INFO - Epoch(train) [45][1120/1879] lr: 2.0000e-03 eta: 1 day, 1:07:46 time: 0.8886 data_time: 0.0988 memory: 9812 grad_norm: 2.9351 loss: 2.2025 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1764 distill.loss_dist: 1.0261 2023/05/15 02:25:10 - mmengine - INFO - Epoch(train) [45][1140/1879] lr: 2.0000e-03 eta: 1 day, 1:07:28 time: 0.8382 data_time: 0.0285 memory: 9812 grad_norm: 2.9544 loss: 2.3399 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2874 distill.loss_dist: 1.0525 2023/05/15 02:25:27 - mmengine - INFO - Epoch(train) [45][1160/1879] lr: 2.0000e-03 eta: 1 day, 1:07:11 time: 0.8705 data_time: 0.0266 memory: 9812 grad_norm: 2.9061 loss: 2.3371 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3036 distill.loss_dist: 1.0335 2023/05/15 02:25:45 - mmengine - INFO - Epoch(train) [45][1180/1879] lr: 2.0000e-03 eta: 1 day, 1:06:54 time: 0.8826 data_time: 0.0307 memory: 9812 grad_norm: 2.9500 loss: 2.4102 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3836 distill.loss_dist: 1.0266 2023/05/15 02:26:02 - mmengine - INFO - Epoch(train) [45][1200/1879] lr: 2.0000e-03 eta: 1 day, 1:06:36 time: 0.8520 data_time: 0.0616 memory: 9812 grad_norm: 2.9262 loss: 2.2495 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2321 distill.loss_dist: 1.0174 2023/05/15 02:26:19 - mmengine - INFO - Epoch(train) [45][1220/1879] lr: 2.0000e-03 eta: 1 day, 1:06:18 time: 0.8496 data_time: 0.0466 memory: 9812 grad_norm: 2.9026 loss: 2.3971 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3261 distill.loss_dist: 1.0710 2023/05/15 02:26:37 - mmengine - INFO - Epoch(train) [45][1240/1879] lr: 2.0000e-03 eta: 1 day, 1:06:01 time: 0.8973 data_time: 0.0356 memory: 9812 grad_norm: 2.9808 loss: 2.3110 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2629 distill.loss_dist: 1.0481 2023/05/15 02:26:52 - mmengine - INFO - Epoch(train) [45][1260/1879] lr: 2.0000e-03 eta: 1 day, 1:05:42 time: 0.7846 data_time: 0.0517 memory: 9812 grad_norm: 2.9605 loss: 2.2804 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2488 distill.loss_dist: 1.0316 2023/05/15 02:27:10 - mmengine - INFO - Epoch(train) [45][1280/1879] lr: 2.0000e-03 eta: 1 day, 1:05:25 time: 0.8868 data_time: 0.0253 memory: 9812 grad_norm: 2.8979 loss: 2.2345 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1781 distill.loss_dist: 1.0564 2023/05/15 02:27:29 - mmengine - INFO - Epoch(train) [45][1300/1879] lr: 2.0000e-03 eta: 1 day, 1:05:10 time: 0.9537 data_time: 0.0297 memory: 9812 grad_norm: 2.9658 loss: 2.1560 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1385 distill.loss_dist: 1.0175 2023/05/15 02:27:46 - mmengine - INFO - Epoch(train) [45][1320/1879] lr: 2.0000e-03 eta: 1 day, 1:04:51 time: 0.8157 data_time: 0.0941 memory: 9812 grad_norm: 2.8960 loss: 2.3304 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2711 distill.loss_dist: 1.0593 2023/05/15 02:27:49 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 02:28:02 - mmengine - INFO - Epoch(train) [45][1340/1879] lr: 2.0000e-03 eta: 1 day, 1:04:33 time: 0.8372 data_time: 0.2044 memory: 9812 grad_norm: 2.9131 loss: 2.2534 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1925 distill.loss_dist: 1.0609 2023/05/15 02:28:20 - mmengine - INFO - Epoch(train) [45][1360/1879] lr: 2.0000e-03 eta: 1 day, 1:04:15 time: 0.8700 data_time: 0.2188 memory: 9812 grad_norm: 2.9203 loss: 2.2567 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1961 distill.loss_dist: 1.0606 2023/05/15 02:28:37 - mmengine - INFO - Epoch(train) [45][1380/1879] lr: 2.0000e-03 eta: 1 day, 1:03:58 time: 0.8841 data_time: 0.2183 memory: 9812 grad_norm: 2.9234 loss: 2.2211 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1535 distill.loss_dist: 1.0675 2023/05/15 02:28:54 - mmengine - INFO - Epoch(train) [45][1400/1879] lr: 2.0000e-03 eta: 1 day, 1:03:40 time: 0.8150 data_time: 0.0250 memory: 9812 grad_norm: 2.8642 loss: 2.2084 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1765 distill.loss_dist: 1.0320 2023/05/15 02:29:13 - mmengine - INFO - Epoch(train) [45][1420/1879] lr: 2.0000e-03 eta: 1 day, 1:03:24 time: 0.9382 data_time: 0.0272 memory: 9812 grad_norm: 2.8605 loss: 2.3077 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2598 distill.loss_dist: 1.0479 2023/05/15 02:29:29 - mmengine - INFO - Epoch(train) [45][1440/1879] lr: 2.0000e-03 eta: 1 day, 1:03:05 time: 0.7976 data_time: 0.0250 memory: 9812 grad_norm: 2.9028 loss: 2.3078 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2487 distill.loss_dist: 1.0591 2023/05/15 02:29:45 - mmengine - INFO - Epoch(train) [45][1460/1879] lr: 2.0000e-03 eta: 1 day, 1:02:46 time: 0.8024 data_time: 0.0281 memory: 9812 grad_norm: 2.9044 loss: 2.0803 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0643 distill.loss_dist: 1.0160 2023/05/15 02:30:03 - mmengine - INFO - Epoch(train) [45][1480/1879] lr: 2.0000e-03 eta: 1 day, 1:02:29 time: 0.9021 data_time: 0.1155 memory: 9812 grad_norm: 2.9445 loss: 2.4760 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3965 distill.loss_dist: 1.0795 2023/05/15 02:30:20 - mmengine - INFO - Epoch(train) [45][1500/1879] lr: 2.0000e-03 eta: 1 day, 1:02:12 time: 0.8631 data_time: 0.2548 memory: 9812 grad_norm: 2.8838 loss: 2.3464 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3067 distill.loss_dist: 1.0397 2023/05/15 02:30:38 - mmengine - INFO - Epoch(train) [45][1520/1879] lr: 2.0000e-03 eta: 1 day, 1:01:55 time: 0.8955 data_time: 0.4029 memory: 9812 grad_norm: 2.9175 loss: 2.4396 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3591 distill.loss_dist: 1.0806 2023/05/15 02:30:55 - mmengine - INFO - Epoch(train) [45][1540/1879] lr: 2.0000e-03 eta: 1 day, 1:01:37 time: 0.8472 data_time: 0.2174 memory: 9812 grad_norm: 2.9829 loss: 2.1535 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0961 distill.loss_dist: 1.0574 2023/05/15 02:31:12 - mmengine - INFO - Epoch(train) [45][1560/1879] lr: 2.0000e-03 eta: 1 day, 1:01:19 time: 0.8487 data_time: 0.1920 memory: 9812 grad_norm: 2.9040 loss: 2.3090 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2373 distill.loss_dist: 1.0717 2023/05/15 02:31:30 - mmengine - INFO - Epoch(train) [45][1580/1879] lr: 2.0000e-03 eta: 1 day, 1:01:03 time: 0.9226 data_time: 0.3701 memory: 9812 grad_norm: 2.9754 loss: 2.4602 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4013 distill.loss_dist: 1.0589 2023/05/15 02:31:47 - mmengine - INFO - Epoch(train) [45][1600/1879] lr: 2.0000e-03 eta: 1 day, 1:00:46 time: 0.8547 data_time: 0.2232 memory: 9812 grad_norm: 2.8651 loss: 2.3298 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2716 distill.loss_dist: 1.0582 2023/05/15 02:32:05 - mmengine - INFO - Epoch(train) [45][1620/1879] lr: 2.0000e-03 eta: 1 day, 1:00:29 time: 0.8951 data_time: 0.0333 memory: 9812 grad_norm: 2.7990 loss: 2.4715 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.3772 distill.loss_dist: 1.0944 2023/05/15 02:32:21 - mmengine - INFO - Epoch(train) [45][1640/1879] lr: 2.0000e-03 eta: 1 day, 1:00:10 time: 0.8060 data_time: 0.0279 memory: 9812 grad_norm: 2.9285 loss: 2.2183 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1759 distill.loss_dist: 1.0424 2023/05/15 02:32:40 - mmengine - INFO - Epoch(train) [45][1660/1879] lr: 2.0000e-03 eta: 1 day, 0:59:53 time: 0.9080 data_time: 0.0253 memory: 9812 grad_norm: 2.9147 loss: 2.2571 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2312 distill.loss_dist: 1.0260 2023/05/15 02:32:56 - mmengine - INFO - Epoch(train) [45][1680/1879] lr: 2.0000e-03 eta: 1 day, 0:59:35 time: 0.8411 data_time: 0.0280 memory: 9812 grad_norm: 2.9252 loss: 2.3190 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2709 distill.loss_dist: 1.0481 2023/05/15 02:33:12 - mmengine - INFO - Epoch(train) [45][1700/1879] lr: 2.0000e-03 eta: 1 day, 0:59:16 time: 0.7989 data_time: 0.0267 memory: 9812 grad_norm: 2.9448 loss: 2.2278 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2003 distill.loss_dist: 1.0275 2023/05/15 02:33:31 - mmengine - INFO - Epoch(train) [45][1720/1879] lr: 2.0000e-03 eta: 1 day, 0:59:00 time: 0.9017 data_time: 0.0292 memory: 9812 grad_norm: 2.9160 loss: 2.2337 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1816 distill.loss_dist: 1.0521 2023/05/15 02:33:48 - mmengine - INFO - Epoch(train) [45][1740/1879] lr: 2.0000e-03 eta: 1 day, 0:58:43 time: 0.8980 data_time: 0.2031 memory: 9812 grad_norm: 2.9107 loss: 2.5118 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4433 distill.loss_dist: 1.0685 2023/05/15 02:34:05 - mmengine - INFO - Epoch(train) [45][1760/1879] lr: 2.0000e-03 eta: 1 day, 0:58:24 time: 0.8140 data_time: 0.1728 memory: 9812 grad_norm: 2.8678 loss: 2.0455 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0045 distill.loss_dist: 1.0410 2023/05/15 02:34:23 - mmengine - INFO - Epoch(train) [45][1780/1879] lr: 2.0000e-03 eta: 1 day, 0:58:07 time: 0.8863 data_time: 0.2053 memory: 9812 grad_norm: 2.8992 loss: 2.2591 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2145 distill.loss_dist: 1.0445 2023/05/15 02:34:40 - mmengine - INFO - Epoch(train) [45][1800/1879] lr: 2.0000e-03 eta: 1 day, 0:57:50 time: 0.8748 data_time: 0.0313 memory: 9812 grad_norm: 2.9530 loss: 2.4086 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3707 distill.loss_dist: 1.0379 2023/05/15 02:34:57 - mmengine - INFO - Epoch(train) [45][1820/1879] lr: 2.0000e-03 eta: 1 day, 0:57:32 time: 0.8523 data_time: 0.0235 memory: 9812 grad_norm: 2.8985 loss: 2.2941 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.2484 distill.loss_dist: 1.0456 2023/05/15 02:35:16 - mmengine - INFO - Epoch(train) [45][1840/1879] lr: 2.0000e-03 eta: 1 day, 0:57:17 time: 0.9369 data_time: 0.0258 memory: 9812 grad_norm: 2.9940 loss: 2.4143 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3412 distill.loss_dist: 1.0732 2023/05/15 02:35:32 - mmengine - INFO - Epoch(train) [45][1860/1879] lr: 2.0000e-03 eta: 1 day, 0:56:58 time: 0.8277 data_time: 0.0289 memory: 9812 grad_norm: 2.9168 loss: 2.4217 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3457 distill.loss_dist: 1.0760 2023/05/15 02:35:45 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 02:35:45 - mmengine - INFO - Epoch(train) [45][1879/1879] lr: 2.0000e-03 eta: 1 day, 0:56:37 time: 0.6702 data_time: 0.0227 memory: 9812 grad_norm: 3.1182 loss: 2.3065 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.2660 distill.loss_dist: 1.0405 2023/05/15 02:35:45 - mmengine - INFO - Saving checkpoint at 45 epochs 2023/05/15 02:36:07 - mmengine - INFO - Epoch(val) [45][ 20/155] eta: 0:02:13 time: 0.9918 data_time: 0.9256 memory: 1484 2023/05/15 02:36:20 - mmengine - INFO - Epoch(val) [45][ 40/155] eta: 0:01:36 time: 0.6790 data_time: 0.6140 memory: 1484 2023/05/15 02:36:38 - mmengine - INFO - Epoch(val) [45][ 60/155] eta: 0:01:21 time: 0.9013 data_time: 0.8381 memory: 1484 2023/05/15 02:36:52 - mmengine - INFO - Epoch(val) [45][ 80/155] eta: 0:01:00 time: 0.6773 data_time: 0.6137 memory: 1484 2023/05/15 02:37:11 - mmengine - INFO - Epoch(val) [45][100/155] eta: 0:00:45 time: 0.9302 data_time: 0.8690 memory: 1484 2023/05/15 02:37:24 - mmengine - INFO - Epoch(val) [45][120/155] eta: 0:00:28 time: 0.6851 data_time: 0.6231 memory: 1484 2023/05/15 02:37:44 - mmengine - INFO - Epoch(val) [45][140/155] eta: 0:00:12 time: 1.0079 data_time: 0.9488 memory: 1484 2023/05/15 02:38:13 - mmengine - INFO - Epoch(val) [45][ 20/155] eta: 0:16:15 time: 0.9917 data_time: 0.8376 memory: 1582 2023/05/15 02:38:27 - mmengine - INFO - Epoch(val) [45][ 40/155] eta: 0:07:35 time: 0.6866 data_time: 0.5345 memory: 1582 2023/05/15 02:38:45 - mmengine - INFO - Epoch(val) [45][ 60/155] eta: 0:04:40 time: 0.9362 data_time: 0.7830 memory: 1582 2023/05/15 02:38:59 - mmengine - INFO - Epoch(val) [45][ 80/155] eta: 0:02:58 time: 0.6843 data_time: 0.5343 memory: 1582 2023/05/15 02:39:18 - mmengine - INFO - Epoch(val) [45][100/155] eta: 0:01:55 time: 0.9288 data_time: 0.7766 memory: 1582 2023/05/15 02:39:31 - mmengine - INFO - Epoch(val) [45][120/155] eta: 0:01:05 time: 0.6924 data_time: 0.5373 memory: 1582 2023/05/15 02:39:51 - mmengine - INFO - Epoch(val) [45][140/155] eta: 0:00:26 time: 1.0022 data_time: 0.8532 memory: 1582 2023/05/15 02:40:02 - mmengine - INFO - Epoch(val) [45][155/155] acc/top1: 0.6674 acc/top5: 0.8733 acc/mean1: 0.6673 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6638 time: 0.8140 2023/05/15 02:40:24 - mmengine - INFO - Epoch(train) [46][ 20/1879] lr: 2.0000e-03 eta: 1 day, 0:56:25 time: 1.0900 data_time: 0.4920 memory: 9812 grad_norm: 2.9249 loss: 2.2141 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1658 distill.loss_dist: 1.0483 2023/05/15 02:40:40 - mmengine - INFO - Epoch(train) [46][ 40/1879] lr: 2.0000e-03 eta: 1 day, 0:56:07 time: 0.8162 data_time: 0.0507 memory: 9812 grad_norm: 2.8887 loss: 2.3185 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2795 distill.loss_dist: 1.0390 2023/05/15 02:40:57 - mmengine - INFO - Epoch(train) [46][ 60/1879] lr: 2.0000e-03 eta: 1 day, 0:55:49 time: 0.8558 data_time: 0.0626 memory: 9812 grad_norm: 3.0029 loss: 2.3169 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2405 distill.loss_dist: 1.0764 2023/05/15 02:41:16 - mmengine - INFO - Epoch(train) [46][ 80/1879] lr: 2.0000e-03 eta: 1 day, 0:55:33 time: 0.9424 data_time: 0.0295 memory: 9812 grad_norm: 2.9141 loss: 2.2010 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1829 distill.loss_dist: 1.0182 2023/05/15 02:41:33 - mmengine - INFO - Epoch(train) [46][ 100/1879] lr: 2.0000e-03 eta: 1 day, 0:55:15 time: 0.8304 data_time: 0.0325 memory: 9812 grad_norm: 2.9938 loss: 2.2336 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1875 distill.loss_dist: 1.0461 2023/05/15 02:41:49 - mmengine - INFO - Epoch(train) [46][ 120/1879] lr: 2.0000e-03 eta: 1 day, 0:54:57 time: 0.8194 data_time: 0.0253 memory: 9812 grad_norm: 2.9017 loss: 2.2215 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1809 distill.loss_dist: 1.0406 2023/05/15 02:42:07 - mmengine - INFO - Epoch(train) [46][ 140/1879] lr: 2.0000e-03 eta: 1 day, 0:54:40 time: 0.9083 data_time: 0.0286 memory: 9812 grad_norm: 2.9453 loss: 2.2343 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1901 distill.loss_dist: 1.0442 2023/05/15 02:42:24 - mmengine - INFO - Epoch(train) [46][ 160/1879] lr: 2.0000e-03 eta: 1 day, 0:54:22 time: 0.8561 data_time: 0.0265 memory: 9812 grad_norm: 2.9348 loss: 2.3614 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.3125 distill.loss_dist: 1.0488 2023/05/15 02:42:41 - mmengine - INFO - Epoch(train) [46][ 180/1879] lr: 2.0000e-03 eta: 1 day, 0:54:04 time: 0.8452 data_time: 0.0284 memory: 9812 grad_norm: 2.9579 loss: 2.4181 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3548 distill.loss_dist: 1.0633 2023/05/15 02:42:59 - mmengine - INFO - Epoch(train) [46][ 200/1879] lr: 2.0000e-03 eta: 1 day, 0:53:47 time: 0.8568 data_time: 0.0259 memory: 9812 grad_norm: 2.9853 loss: 2.3848 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3399 distill.loss_dist: 1.0450 2023/05/15 02:43:14 - mmengine - INFO - Epoch(train) [46][ 220/1879] lr: 2.0000e-03 eta: 1 day, 0:53:28 time: 0.7944 data_time: 0.0282 memory: 9812 grad_norm: 2.9979 loss: 2.2201 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1898 distill.loss_dist: 1.0303 2023/05/15 02:43:31 - mmengine - INFO - Epoch(train) [46][ 240/1879] lr: 2.0000e-03 eta: 1 day, 0:53:09 time: 0.8303 data_time: 0.0317 memory: 9812 grad_norm: 2.9259 loss: 2.4053 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3200 distill.loss_dist: 1.0853 2023/05/15 02:43:49 - mmengine - INFO - Epoch(train) [46][ 260/1879] lr: 2.0000e-03 eta: 1 day, 0:52:53 time: 0.9183 data_time: 0.0286 memory: 9812 grad_norm: 2.9127 loss: 2.3488 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2691 distill.loss_dist: 1.0797 2023/05/15 02:44:07 - mmengine - INFO - Epoch(train) [46][ 280/1879] lr: 2.0000e-03 eta: 1 day, 0:52:36 time: 0.8619 data_time: 0.0290 memory: 9812 grad_norm: 2.9048 loss: 2.3312 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2997 distill.loss_dist: 1.0314 2023/05/15 02:44:23 - mmengine - INFO - Epoch(train) [46][ 300/1879] lr: 2.0000e-03 eta: 1 day, 0:52:17 time: 0.8282 data_time: 0.0239 memory: 9812 grad_norm: 2.8824 loss: 2.0872 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0742 distill.loss_dist: 1.0130 2023/05/15 02:44:41 - mmengine - INFO - Epoch(train) [46][ 320/1879] lr: 2.0000e-03 eta: 1 day, 0:52:00 time: 0.8712 data_time: 0.0253 memory: 9812 grad_norm: 2.8803 loss: 2.3393 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2751 distill.loss_dist: 1.0642 2023/05/15 02:44:59 - mmengine - INFO - Epoch(train) [46][ 340/1879] lr: 2.0000e-03 eta: 1 day, 0:51:43 time: 0.8926 data_time: 0.0296 memory: 9812 grad_norm: 2.9388 loss: 2.3746 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3082 distill.loss_dist: 1.0664 2023/05/15 02:45:15 - mmengine - INFO - Epoch(train) [46][ 360/1879] lr: 2.0000e-03 eta: 1 day, 0:51:24 time: 0.8158 data_time: 0.0266 memory: 9812 grad_norm: 2.9407 loss: 2.2878 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2442 distill.loss_dist: 1.0436 2023/05/15 02:45:33 - mmengine - INFO - Epoch(train) [46][ 380/1879] lr: 2.0000e-03 eta: 1 day, 0:51:07 time: 0.8771 data_time: 0.0291 memory: 9812 grad_norm: 2.9218 loss: 2.2836 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2170 distill.loss_dist: 1.0666 2023/05/15 02:45:50 - mmengine - INFO - Epoch(train) [46][ 400/1879] lr: 2.0000e-03 eta: 1 day, 0:50:50 time: 0.8776 data_time: 0.1132 memory: 9812 grad_norm: 2.8400 loss: 2.2001 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1803 distill.loss_dist: 1.0198 2023/05/15 02:46:08 - mmengine - INFO - Epoch(train) [46][ 420/1879] lr: 2.0000e-03 eta: 1 day, 0:50:33 time: 0.8845 data_time: 0.1738 memory: 9812 grad_norm: 2.9443 loss: 2.3280 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2677 distill.loss_dist: 1.0603 2023/05/15 02:46:24 - mmengine - INFO - Epoch(train) [46][ 440/1879] lr: 2.0000e-03 eta: 1 day, 0:50:14 time: 0.8099 data_time: 0.1304 memory: 9812 grad_norm: 2.8692 loss: 2.4260 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3331 distill.loss_dist: 1.0929 2023/05/15 02:46:29 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 02:46:41 - mmengine - INFO - Epoch(train) [46][ 460/1879] lr: 2.0000e-03 eta: 1 day, 0:49:56 time: 0.8295 data_time: 0.1568 memory: 9812 grad_norm: 2.8676 loss: 2.1642 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1616 distill.loss_dist: 1.0025 2023/05/15 02:46:59 - mmengine - INFO - Epoch(train) [46][ 480/1879] lr: 2.0000e-03 eta: 1 day, 0:49:40 time: 0.9421 data_time: 0.0543 memory: 9812 grad_norm: 2.9238 loss: 2.1846 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1408 distill.loss_dist: 1.0438 2023/05/15 02:47:16 - mmengine - INFO - Epoch(train) [46][ 500/1879] lr: 2.0000e-03 eta: 1 day, 0:49:22 time: 0.8461 data_time: 0.0265 memory: 9812 grad_norm: 2.9452 loss: 2.1834 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1494 distill.loss_dist: 1.0341 2023/05/15 02:47:33 - mmengine - INFO - Epoch(train) [46][ 520/1879] lr: 2.0000e-03 eta: 1 day, 0:49:03 time: 0.8057 data_time: 0.0666 memory: 9812 grad_norm: 2.9676 loss: 2.2723 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2001 distill.loss_dist: 1.0722 2023/05/15 02:47:50 - mmengine - INFO - Epoch(train) [46][ 540/1879] lr: 2.0000e-03 eta: 1 day, 0:48:47 time: 0.8903 data_time: 0.0489 memory: 9812 grad_norm: 2.9028 loss: 2.1608 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1498 distill.loss_dist: 1.0110 2023/05/15 02:48:08 - mmengine - INFO - Epoch(train) [46][ 560/1879] lr: 2.0000e-03 eta: 1 day, 0:48:29 time: 0.8645 data_time: 0.1741 memory: 9812 grad_norm: 2.9117 loss: 2.4882 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.4112 distill.loss_dist: 1.0770 2023/05/15 02:48:25 - mmengine - INFO - Epoch(train) [46][ 580/1879] lr: 2.0000e-03 eta: 1 day, 0:48:11 time: 0.8553 data_time: 0.1137 memory: 9812 grad_norm: 2.9341 loss: 2.2931 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.2631 distill.loss_dist: 1.0300 2023/05/15 02:48:43 - mmengine - INFO - Epoch(train) [46][ 600/1879] lr: 2.0000e-03 eta: 1 day, 0:47:55 time: 0.8938 data_time: 0.0485 memory: 9812 grad_norm: 2.9231 loss: 2.2571 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2349 distill.loss_dist: 1.0222 2023/05/15 02:49:00 - mmengine - INFO - Epoch(train) [46][ 620/1879] lr: 2.0000e-03 eta: 1 day, 0:47:38 time: 0.8880 data_time: 0.1002 memory: 9812 grad_norm: 2.9047 loss: 2.3464 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2951 distill.loss_dist: 1.0513 2023/05/15 02:49:19 - mmengine - INFO - Epoch(train) [46][ 640/1879] lr: 2.0000e-03 eta: 1 day, 0:47:22 time: 0.9268 data_time: 0.2116 memory: 9812 grad_norm: 2.9650 loss: 2.3889 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3114 distill.loss_dist: 1.0775 2023/05/15 02:49:35 - mmengine - INFO - Epoch(train) [46][ 660/1879] lr: 2.0000e-03 eta: 1 day, 0:47:03 time: 0.8188 data_time: 0.0454 memory: 9812 grad_norm: 2.9770 loss: 2.4889 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.4178 distill.loss_dist: 1.0711 2023/05/15 02:49:52 - mmengine - INFO - Epoch(train) [46][ 680/1879] lr: 2.0000e-03 eta: 1 day, 0:46:45 time: 0.8440 data_time: 0.1166 memory: 9812 grad_norm: 2.9514 loss: 2.4681 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3900 distill.loss_dist: 1.0781 2023/05/15 02:50:12 - mmengine - INFO - Epoch(train) [46][ 700/1879] lr: 2.0000e-03 eta: 1 day, 0:46:30 time: 0.9595 data_time: 0.0510 memory: 9812 grad_norm: 2.8210 loss: 2.1573 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1252 distill.loss_dist: 1.0321 2023/05/15 02:50:28 - mmengine - INFO - Epoch(train) [46][ 720/1879] lr: 2.0000e-03 eta: 1 day, 0:46:11 time: 0.8052 data_time: 0.0994 memory: 9812 grad_norm: 2.9542 loss: 2.2913 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.2698 distill.loss_dist: 1.0215 2023/05/15 02:50:44 - mmengine - INFO - Epoch(train) [46][ 740/1879] lr: 2.0000e-03 eta: 1 day, 0:45:53 time: 0.8389 data_time: 0.0271 memory: 9812 grad_norm: 2.9831 loss: 2.3994 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.3440 distill.loss_dist: 1.0554 2023/05/15 02:51:03 - mmengine - INFO - Epoch(train) [46][ 760/1879] lr: 2.0000e-03 eta: 1 day, 0:45:37 time: 0.9260 data_time: 0.0264 memory: 9812 grad_norm: 2.8768 loss: 2.1828 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1230 distill.loss_dist: 1.0598 2023/05/15 02:51:20 - mmengine - INFO - Epoch(train) [46][ 780/1879] lr: 2.0000e-03 eta: 1 day, 0:45:19 time: 0.8301 data_time: 0.0251 memory: 9812 grad_norm: 3.0117 loss: 2.3317 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2630 distill.loss_dist: 1.0687 2023/05/15 02:51:36 - mmengine - INFO - Epoch(train) [46][ 800/1879] lr: 2.0000e-03 eta: 1 day, 0:45:00 time: 0.8272 data_time: 0.0248 memory: 9812 grad_norm: 2.9191 loss: 2.2142 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1661 distill.loss_dist: 1.0481 2023/05/15 02:51:55 - mmengine - INFO - Epoch(train) [46][ 820/1879] lr: 2.0000e-03 eta: 1 day, 0:44:45 time: 0.9591 data_time: 0.0248 memory: 9812 grad_norm: 2.9408 loss: 2.1637 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1086 distill.loss_dist: 1.0551 2023/05/15 02:52:12 - mmengine - INFO - Epoch(train) [46][ 840/1879] lr: 2.0000e-03 eta: 1 day, 0:44:27 time: 0.8220 data_time: 0.0259 memory: 9812 grad_norm: 2.8859 loss: 2.1017 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.0676 distill.loss_dist: 1.0340 2023/05/15 02:52:28 - mmengine - INFO - Epoch(train) [46][ 860/1879] lr: 2.0000e-03 eta: 1 day, 0:44:08 time: 0.8214 data_time: 0.0266 memory: 9812 grad_norm: 2.8525 loss: 2.3150 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2438 distill.loss_dist: 1.0711 2023/05/15 02:52:47 - mmengine - INFO - Epoch(train) [46][ 880/1879] lr: 2.0000e-03 eta: 1 day, 0:43:52 time: 0.9393 data_time: 0.0261 memory: 9812 grad_norm: 2.9455 loss: 2.3127 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2693 distill.loss_dist: 1.0434 2023/05/15 02:53:04 - mmengine - INFO - Epoch(train) [46][ 900/1879] lr: 2.0000e-03 eta: 1 day, 0:43:34 time: 0.8389 data_time: 0.0259 memory: 9812 grad_norm: 2.9213 loss: 2.4724 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4081 distill.loss_dist: 1.0643 2023/05/15 02:53:20 - mmengine - INFO - Epoch(train) [46][ 920/1879] lr: 2.0000e-03 eta: 1 day, 0:43:16 time: 0.8144 data_time: 0.0273 memory: 9812 grad_norm: 2.9988 loss: 2.1805 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1582 distill.loss_dist: 1.0223 2023/05/15 02:53:38 - mmengine - INFO - Epoch(train) [46][ 940/1879] lr: 2.0000e-03 eta: 1 day, 0:42:59 time: 0.8978 data_time: 0.0277 memory: 9812 grad_norm: 2.8689 loss: 2.2623 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2028 distill.loss_dist: 1.0595 2023/05/15 02:53:54 - mmengine - INFO - Epoch(train) [46][ 960/1879] lr: 2.0000e-03 eta: 1 day, 0:42:40 time: 0.8176 data_time: 0.0286 memory: 9812 grad_norm: 2.9640 loss: 2.3292 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2735 distill.loss_dist: 1.0557 2023/05/15 02:54:11 - mmengine - INFO - Epoch(train) [46][ 980/1879] lr: 2.0000e-03 eta: 1 day, 0:42:22 time: 0.8184 data_time: 0.0268 memory: 9812 grad_norm: 2.8920 loss: 2.2771 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2404 distill.loss_dist: 1.0367 2023/05/15 02:54:28 - mmengine - INFO - Epoch(train) [46][1000/1879] lr: 2.0000e-03 eta: 1 day, 0:42:05 time: 0.8796 data_time: 0.0267 memory: 9812 grad_norm: 2.9616 loss: 2.3216 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2791 distill.loss_dist: 1.0424 2023/05/15 02:54:48 - mmengine - INFO - Epoch(train) [46][1020/1879] lr: 2.0000e-03 eta: 1 day, 0:41:49 time: 0.9595 data_time: 0.0245 memory: 9812 grad_norm: 2.9149 loss: 2.1843 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1398 distill.loss_dist: 1.0445 2023/05/15 02:55:03 - mmengine - INFO - Epoch(train) [46][1040/1879] lr: 2.0000e-03 eta: 1 day, 0:41:30 time: 0.7864 data_time: 0.0234 memory: 9812 grad_norm: 2.9122 loss: 2.3853 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3104 distill.loss_dist: 1.0750 2023/05/15 02:55:20 - mmengine - INFO - Epoch(train) [46][1060/1879] lr: 2.0000e-03 eta: 1 day, 0:41:12 time: 0.8352 data_time: 0.0264 memory: 9812 grad_norm: 2.9202 loss: 2.3328 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2665 distill.loss_dist: 1.0662 2023/05/15 02:55:38 - mmengine - INFO - Epoch(train) [46][1080/1879] lr: 2.0000e-03 eta: 1 day, 0:40:56 time: 0.9157 data_time: 0.0256 memory: 9812 grad_norm: 2.9275 loss: 2.4927 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.4212 distill.loss_dist: 1.0716 2023/05/15 02:55:56 - mmengine - INFO - Epoch(train) [46][1100/1879] lr: 2.0000e-03 eta: 1 day, 0:40:39 time: 0.8885 data_time: 0.0278 memory: 9812 grad_norm: 2.9682 loss: 2.3924 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3376 distill.loss_dist: 1.0548 2023/05/15 02:56:12 - mmengine - INFO - Epoch(train) [46][1120/1879] lr: 2.0000e-03 eta: 1 day, 0:40:19 time: 0.7833 data_time: 0.0322 memory: 9812 grad_norm: 3.0187 loss: 2.2586 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2131 distill.loss_dist: 1.0455 2023/05/15 02:56:30 - mmengine - INFO - Epoch(train) [46][1140/1879] lr: 2.0000e-03 eta: 1 day, 0:40:03 time: 0.9188 data_time: 0.0277 memory: 9812 grad_norm: 2.9764 loss: 2.2826 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2648 distill.loss_dist: 1.0178 2023/05/15 02:56:47 - mmengine - INFO - Epoch(train) [46][1160/1879] lr: 2.0000e-03 eta: 1 day, 0:39:45 time: 0.8300 data_time: 0.0314 memory: 9812 grad_norm: 2.8695 loss: 2.2955 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2646 distill.loss_dist: 1.0309 2023/05/15 02:57:03 - mmengine - INFO - Epoch(train) [46][1180/1879] lr: 2.0000e-03 eta: 1 day, 0:39:26 time: 0.8206 data_time: 0.0278 memory: 9812 grad_norm: 2.9367 loss: 2.3148 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2857 distill.loss_dist: 1.0291 2023/05/15 02:57:22 - mmengine - INFO - Epoch(train) [46][1200/1879] lr: 2.0000e-03 eta: 1 day, 0:39:10 time: 0.9125 data_time: 0.0273 memory: 9812 grad_norm: 2.9277 loss: 2.3160 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2419 distill.loss_dist: 1.0741 2023/05/15 02:57:39 - mmengine - INFO - Epoch(train) [46][1220/1879] lr: 2.0000e-03 eta: 1 day, 0:38:53 time: 0.8800 data_time: 0.0295 memory: 9812 grad_norm: 3.0251 loss: 2.3058 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2717 distill.loss_dist: 1.0341 2023/05/15 02:57:55 - mmengine - INFO - Epoch(train) [46][1240/1879] lr: 2.0000e-03 eta: 1 day, 0:38:34 time: 0.8043 data_time: 0.0251 memory: 9812 grad_norm: 2.9148 loss: 2.2085 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1845 distill.loss_dist: 1.0239 2023/05/15 02:58:13 - mmengine - INFO - Epoch(train) [46][1260/1879] lr: 2.0000e-03 eta: 1 day, 0:38:17 time: 0.8906 data_time: 0.0567 memory: 9812 grad_norm: 2.9138 loss: 2.3377 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2859 distill.loss_dist: 1.0518 2023/05/15 02:58:30 - mmengine - INFO - Epoch(train) [46][1280/1879] lr: 2.0000e-03 eta: 1 day, 0:37:59 time: 0.8343 data_time: 0.1275 memory: 9812 grad_norm: 2.9533 loss: 2.3765 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3327 distill.loss_dist: 1.0438 2023/05/15 02:58:48 - mmengine - INFO - Epoch(train) [46][1300/1879] lr: 2.0000e-03 eta: 1 day, 0:37:42 time: 0.8937 data_time: 0.2105 memory: 9812 grad_norm: 2.9809 loss: 2.2934 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2351 distill.loss_dist: 1.0582 2023/05/15 02:59:06 - mmengine - INFO - Epoch(train) [46][1320/1879] lr: 2.0000e-03 eta: 1 day, 0:37:25 time: 0.8976 data_time: 0.1314 memory: 9812 grad_norm: 2.9637 loss: 2.3748 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3355 distill.loss_dist: 1.0393 2023/05/15 02:59:23 - mmengine - INFO - Epoch(train) [46][1340/1879] lr: 2.0000e-03 eta: 1 day, 0:37:07 time: 0.8390 data_time: 0.0266 memory: 9812 grad_norm: 2.9455 loss: 2.3010 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2516 distill.loss_dist: 1.0494 2023/05/15 02:59:39 - mmengine - INFO - Epoch(train) [46][1360/1879] lr: 2.0000e-03 eta: 1 day, 0:36:49 time: 0.8298 data_time: 0.0276 memory: 9812 grad_norm: 2.9611 loss: 2.4240 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3702 distill.loss_dist: 1.0538 2023/05/15 02:59:56 - mmengine - INFO - Epoch(train) [46][1380/1879] lr: 2.0000e-03 eta: 1 day, 0:36:31 time: 0.8650 data_time: 0.0239 memory: 9812 grad_norm: 2.9070 loss: 2.1621 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1400 distill.loss_dist: 1.0221 2023/05/15 03:00:15 - mmengine - INFO - Epoch(train) [46][1400/1879] lr: 2.0000e-03 eta: 1 day, 0:36:15 time: 0.9159 data_time: 0.0266 memory: 9812 grad_norm: 2.9232 loss: 2.2290 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1761 distill.loss_dist: 1.0528 2023/05/15 03:00:31 - mmengine - INFO - Epoch(train) [46][1420/1879] lr: 2.0000e-03 eta: 1 day, 0:35:56 time: 0.7952 data_time: 0.0280 memory: 9812 grad_norm: 2.9157 loss: 2.3349 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2639 distill.loss_dist: 1.0710 2023/05/15 03:00:50 - mmengine - INFO - Epoch(train) [46][1440/1879] lr: 2.0000e-03 eta: 1 day, 0:35:40 time: 0.9439 data_time: 0.0277 memory: 9812 grad_norm: 3.0009 loss: 2.5944 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.4845 distill.loss_dist: 1.1099 2023/05/15 03:00:53 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 03:01:07 - mmengine - INFO - Epoch(train) [46][1460/1879] lr: 2.0000e-03 eta: 1 day, 0:35:23 time: 0.8509 data_time: 0.0274 memory: 9812 grad_norm: 2.9538 loss: 2.3891 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3254 distill.loss_dist: 1.0637 2023/05/15 03:01:23 - mmengine - INFO - Epoch(train) [46][1480/1879] lr: 2.0000e-03 eta: 1 day, 0:35:04 time: 0.8124 data_time: 0.0286 memory: 9812 grad_norm: 2.8990 loss: 2.2638 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2291 distill.loss_dist: 1.0347 2023/05/15 03:01:41 - mmengine - INFO - Epoch(train) [46][1500/1879] lr: 2.0000e-03 eta: 1 day, 0:34:47 time: 0.8990 data_time: 0.0287 memory: 9812 grad_norm: 3.0020 loss: 2.2918 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2485 distill.loss_dist: 1.0433 2023/05/15 03:01:57 - mmengine - INFO - Epoch(train) [46][1520/1879] lr: 2.0000e-03 eta: 1 day, 0:34:29 time: 0.8220 data_time: 0.0285 memory: 9812 grad_norm: 2.9186 loss: 2.2474 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1919 distill.loss_dist: 1.0555 2023/05/15 03:02:15 - mmengine - INFO - Epoch(train) [46][1540/1879] lr: 2.0000e-03 eta: 1 day, 0:34:12 time: 0.8816 data_time: 0.0267 memory: 9812 grad_norm: 2.9513 loss: 2.0791 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0366 distill.loss_dist: 1.0425 2023/05/15 03:02:33 - mmengine - INFO - Epoch(train) [46][1560/1879] lr: 2.0000e-03 eta: 1 day, 0:33:55 time: 0.9145 data_time: 0.0269 memory: 9812 grad_norm: 3.0460 loss: 2.2923 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2550 distill.loss_dist: 1.0373 2023/05/15 03:02:49 - mmengine - INFO - Epoch(train) [46][1580/1879] lr: 2.0000e-03 eta: 1 day, 0:33:36 time: 0.8038 data_time: 0.0258 memory: 9812 grad_norm: 2.9819 loss: 2.3224 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2512 distill.loss_dist: 1.0712 2023/05/15 03:03:07 - mmengine - INFO - Epoch(train) [46][1600/1879] lr: 2.0000e-03 eta: 1 day, 0:33:20 time: 0.8905 data_time: 0.0303 memory: 9812 grad_norm: 2.9681 loss: 2.2661 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2236 distill.loss_dist: 1.0425 2023/05/15 03:03:24 - mmengine - INFO - Epoch(train) [46][1620/1879] lr: 2.0000e-03 eta: 1 day, 0:33:02 time: 0.8490 data_time: 0.0264 memory: 9812 grad_norm: 2.9336 loss: 2.2175 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2005 distill.loss_dist: 1.0170 2023/05/15 03:03:42 - mmengine - INFO - Epoch(train) [46][1640/1879] lr: 2.0000e-03 eta: 1 day, 0:32:45 time: 0.8751 data_time: 0.0234 memory: 9812 grad_norm: 3.0189 loss: 2.4462 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3685 distill.loss_dist: 1.0777 2023/05/15 03:03:58 - mmengine - INFO - Epoch(train) [46][1660/1879] lr: 2.0000e-03 eta: 1 day, 0:32:26 time: 0.8209 data_time: 0.0278 memory: 9812 grad_norm: 2.9526 loss: 2.2807 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2370 distill.loss_dist: 1.0436 2023/05/15 03:04:16 - mmengine - INFO - Epoch(train) [46][1680/1879] lr: 2.0000e-03 eta: 1 day, 0:32:09 time: 0.8839 data_time: 0.0252 memory: 9812 grad_norm: 3.0545 loss: 2.3203 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2339 distill.loss_dist: 1.0864 2023/05/15 03:04:33 - mmengine - INFO - Epoch(train) [46][1700/1879] lr: 2.0000e-03 eta: 1 day, 0:31:51 time: 0.8359 data_time: 0.0311 memory: 9812 grad_norm: 2.9429 loss: 2.3302 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2788 distill.loss_dist: 1.0514 2023/05/15 03:04:50 - mmengine - INFO - Epoch(train) [46][1720/1879] lr: 2.0000e-03 eta: 1 day, 0:31:34 time: 0.8808 data_time: 0.0313 memory: 9812 grad_norm: 2.9894 loss: 2.2338 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2099 distill.loss_dist: 1.0239 2023/05/15 03:05:09 - mmengine - INFO - Epoch(train) [46][1740/1879] lr: 2.0000e-03 eta: 1 day, 0:31:17 time: 0.9124 data_time: 0.0258 memory: 9812 grad_norm: 2.9703 loss: 2.3088 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.2829 distill.loss_dist: 1.0259 2023/05/15 03:05:26 - mmengine - INFO - Epoch(train) [46][1760/1879] lr: 2.0000e-03 eta: 1 day, 0:31:00 time: 0.8515 data_time: 0.0290 memory: 9812 grad_norm: 2.8676 loss: 2.2665 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2220 distill.loss_dist: 1.0445 2023/05/15 03:05:43 - mmengine - INFO - Epoch(train) [46][1780/1879] lr: 2.0000e-03 eta: 1 day, 0:30:42 time: 0.8506 data_time: 0.0260 memory: 9812 grad_norm: 2.9051 loss: 2.2739 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2425 distill.loss_dist: 1.0314 2023/05/15 03:05:59 - mmengine - INFO - Epoch(train) [46][1800/1879] lr: 2.0000e-03 eta: 1 day, 0:30:24 time: 0.8363 data_time: 0.0291 memory: 9812 grad_norm: 2.8904 loss: 2.2321 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2171 distill.loss_dist: 1.0150 2023/05/15 03:06:18 - mmengine - INFO - Epoch(train) [46][1820/1879] lr: 2.0000e-03 eta: 1 day, 0:30:08 time: 0.9478 data_time: 0.0264 memory: 9812 grad_norm: 2.9692 loss: 2.3116 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2593 distill.loss_dist: 1.0524 2023/05/15 03:06:34 - mmengine - INFO - Epoch(train) [46][1840/1879] lr: 2.0000e-03 eta: 1 day, 0:29:49 time: 0.7880 data_time: 0.0291 memory: 9812 grad_norm: 2.9336 loss: 2.4140 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.3347 distill.loss_dist: 1.0794 2023/05/15 03:06:50 - mmengine - INFO - Epoch(train) [46][1860/1879] lr: 2.0000e-03 eta: 1 day, 0:29:30 time: 0.7922 data_time: 0.0250 memory: 9812 grad_norm: 2.9671 loss: 2.1512 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1252 distill.loss_dist: 1.0260 2023/05/15 03:07:04 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 03:07:04 - mmengine - INFO - Epoch(train) [46][1879/1879] lr: 2.0000e-03 eta: 1 day, 0:29:11 time: 0.7400 data_time: 0.0212 memory: 9812 grad_norm: 3.0559 loss: 2.3811 student.top1_acc: 0.7143 student.top5_acc: 0.7143 student.loss_cls: 1.3269 distill.loss_dist: 1.0542 2023/05/15 03:07:24 - mmengine - INFO - Epoch(val) [46][ 20/155] eta: 0:02:11 time: 0.9763 data_time: 0.9123 memory: 1484 2023/05/15 03:07:38 - mmengine - INFO - Epoch(val) [46][ 40/155] eta: 0:01:36 time: 0.6992 data_time: 0.6326 memory: 1484 2023/05/15 03:07:57 - mmengine - INFO - Epoch(val) [46][ 60/155] eta: 0:01:22 time: 0.9425 data_time: 0.8784 memory: 1484 2023/05/15 03:08:11 - mmengine - INFO - Epoch(val) [46][ 80/155] eta: 0:01:02 time: 0.6899 data_time: 0.6297 memory: 1484 2023/05/15 03:08:30 - mmengine - INFO - Epoch(val) [46][100/155] eta: 0:00:47 time: 0.9683 data_time: 0.8799 memory: 1484 2023/05/15 03:08:43 - mmengine - INFO - Epoch(val) [46][120/155] eta: 0:00:28 time: 0.6425 data_time: 0.5776 memory: 1484 2023/05/15 03:09:02 - mmengine - INFO - Epoch(val) [46][140/155] eta: 0:00:12 time: 0.9611 data_time: 0.8976 memory: 1484 2023/05/15 03:09:31 - mmengine - INFO - Epoch(val) [46][ 20/155] eta: 0:16:19 time: 0.9923 data_time: 0.8364 memory: 1582 2023/05/15 03:09:46 - mmengine - INFO - Epoch(val) [46][ 40/155] eta: 0:07:40 time: 0.7465 data_time: 0.5926 memory: 1582 2023/05/15 03:10:03 - mmengine - INFO - Epoch(val) [46][ 60/155] eta: 0:04:41 time: 0.8833 data_time: 0.7303 memory: 1582 2023/05/15 03:10:17 - mmengine - INFO - Epoch(val) [46][ 80/155] eta: 0:02:59 time: 0.6917 data_time: 0.5352 memory: 1582 2023/05/15 03:10:36 - mmengine - INFO - Epoch(val) [46][100/155] eta: 0:01:55 time: 0.9294 data_time: 0.7733 memory: 1582 2023/05/15 03:10:50 - mmengine - INFO - Epoch(val) [46][120/155] eta: 0:01:05 time: 0.7075 data_time: 0.5557 memory: 1582 2023/05/15 03:11:10 - mmengine - INFO - Epoch(val) [46][140/155] eta: 0:00:26 time: 0.9792 data_time: 0.8230 memory: 1582 2023/05/15 03:11:21 - mmengine - INFO - Epoch(val) [46][155/155] acc/top1: 0.6682 acc/top5: 0.8737 acc/mean1: 0.6681 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6629 time: 0.8157 2023/05/15 03:11:21 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_43.pth is removed 2023/05/15 03:11:22 - mmengine - INFO - The best checkpoint with 0.6682 acc/top1 at 46 epoch is saved to best_acc_top1_epoch_46.pth. 2023/05/15 03:11:42 - mmengine - INFO - Epoch(train) [47][ 20/1879] lr: 2.0000e-03 eta: 1 day, 0:28:57 time: 1.0225 data_time: 0.5153 memory: 9812 grad_norm: 2.8713 loss: 2.1537 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0926 distill.loss_dist: 1.0611 2023/05/15 03:11:59 - mmengine - INFO - Epoch(train) [47][ 40/1879] lr: 2.0000e-03 eta: 1 day, 0:28:39 time: 0.8388 data_time: 0.1177 memory: 9812 grad_norm: 2.8873 loss: 2.2602 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2546 distill.loss_dist: 1.0056 2023/05/15 03:12:16 - mmengine - INFO - Epoch(train) [47][ 60/1879] lr: 2.0000e-03 eta: 1 day, 0:28:21 time: 0.8440 data_time: 0.2051 memory: 9812 grad_norm: 2.9634 loss: 2.1172 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0817 distill.loss_dist: 1.0355 2023/05/15 03:12:35 - mmengine - INFO - Epoch(train) [47][ 80/1879] lr: 2.0000e-03 eta: 1 day, 0:28:05 time: 0.9308 data_time: 0.1709 memory: 9812 grad_norm: 3.0212 loss: 2.3180 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2475 distill.loss_dist: 1.0705 2023/05/15 03:12:52 - mmengine - INFO - Epoch(train) [47][ 100/1879] lr: 2.0000e-03 eta: 1 day, 0:27:48 time: 0.8697 data_time: 0.0453 memory: 9812 grad_norm: 2.9758 loss: 2.2005 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1582 distill.loss_dist: 1.0423 2023/05/15 03:13:09 - mmengine - INFO - Epoch(train) [47][ 120/1879] lr: 2.0000e-03 eta: 1 day, 0:27:29 time: 0.8151 data_time: 0.0250 memory: 9812 grad_norm: 3.0189 loss: 2.4149 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.3395 distill.loss_dist: 1.0753 2023/05/15 03:13:27 - mmengine - INFO - Epoch(train) [47][ 140/1879] lr: 2.0000e-03 eta: 1 day, 0:27:13 time: 0.9476 data_time: 0.0317 memory: 9812 grad_norm: 2.9320 loss: 2.3057 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2327 distill.loss_dist: 1.0730 2023/05/15 03:13:44 - mmengine - INFO - Epoch(train) [47][ 160/1879] lr: 2.0000e-03 eta: 1 day, 0:26:55 time: 0.8082 data_time: 0.0255 memory: 9812 grad_norm: 2.9783 loss: 2.3003 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2787 distill.loss_dist: 1.0216 2023/05/15 03:14:00 - mmengine - INFO - Epoch(train) [47][ 180/1879] lr: 2.0000e-03 eta: 1 day, 0:26:36 time: 0.8019 data_time: 0.0296 memory: 9812 grad_norm: 2.9660 loss: 2.3893 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.3416 distill.loss_dist: 1.0477 2023/05/15 03:14:18 - mmengine - INFO - Epoch(train) [47][ 200/1879] lr: 2.0000e-03 eta: 1 day, 0:26:20 time: 0.9370 data_time: 0.0268 memory: 9812 grad_norm: 2.8956 loss: 2.2384 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.2078 distill.loss_dist: 1.0306 2023/05/15 03:14:35 - mmengine - INFO - Epoch(train) [47][ 220/1879] lr: 2.0000e-03 eta: 1 day, 0:26:02 time: 0.8384 data_time: 0.0319 memory: 9812 grad_norm: 2.9124 loss: 2.2318 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1773 distill.loss_dist: 1.0545 2023/05/15 03:14:52 - mmengine - INFO - Epoch(train) [47][ 240/1879] lr: 2.0000e-03 eta: 1 day, 0:25:44 time: 0.8454 data_time: 0.0776 memory: 9812 grad_norm: 2.9540 loss: 2.3439 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.2783 distill.loss_dist: 1.0656 2023/05/15 03:15:11 - mmengine - INFO - Epoch(train) [47][ 260/1879] lr: 2.0000e-03 eta: 1 day, 0:25:28 time: 0.9520 data_time: 0.0403 memory: 9812 grad_norm: 2.9523 loss: 2.3067 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2469 distill.loss_dist: 1.0598 2023/05/15 03:15:27 - mmengine - INFO - Epoch(train) [47][ 280/1879] lr: 2.0000e-03 eta: 1 day, 0:25:09 time: 0.7632 data_time: 0.0281 memory: 9812 grad_norm: 2.9325 loss: 2.2849 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2510 distill.loss_dist: 1.0339 2023/05/15 03:15:43 - mmengine - INFO - Epoch(train) [47][ 300/1879] lr: 2.0000e-03 eta: 1 day, 0:24:50 time: 0.8187 data_time: 0.0264 memory: 9812 grad_norm: 2.9922 loss: 2.1877 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.1456 distill.loss_dist: 1.0421 2023/05/15 03:16:01 - mmengine - INFO - Epoch(train) [47][ 320/1879] lr: 2.0000e-03 eta: 1 day, 0:24:34 time: 0.9264 data_time: 0.0272 memory: 9812 grad_norm: 2.9433 loss: 2.3542 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.3035 distill.loss_dist: 1.0507 2023/05/15 03:16:19 - mmengine - INFO - Epoch(train) [47][ 340/1879] lr: 2.0000e-03 eta: 1 day, 0:24:17 time: 0.8848 data_time: 0.0287 memory: 9812 grad_norm: 2.9197 loss: 2.2212 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.1708 distill.loss_dist: 1.0504 2023/05/15 03:16:36 - mmengine - INFO - Epoch(train) [47][ 360/1879] lr: 2.0000e-03 eta: 1 day, 0:23:59 time: 0.8574 data_time: 0.0291 memory: 9812 grad_norm: 3.0016 loss: 2.1648 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0994 distill.loss_dist: 1.0653 2023/05/15 03:16:55 - mmengine - INFO - Epoch(train) [47][ 380/1879] lr: 2.0000e-03 eta: 1 day, 0:23:44 time: 0.9420 data_time: 0.0287 memory: 9812 grad_norm: 2.9007 loss: 2.2313 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1758 distill.loss_dist: 1.0555 2023/05/15 03:17:11 - mmengine - INFO - Epoch(train) [47][ 400/1879] lr: 2.0000e-03 eta: 1 day, 0:23:25 time: 0.7942 data_time: 0.0266 memory: 9812 grad_norm: 2.9862 loss: 2.5793 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.5066 distill.loss_dist: 1.0727 2023/05/15 03:17:27 - mmengine - INFO - Epoch(train) [47][ 420/1879] lr: 2.0000e-03 eta: 1 day, 0:23:05 time: 0.7895 data_time: 0.0281 memory: 9812 grad_norm: 3.0420 loss: 2.6040 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.5151 distill.loss_dist: 1.0889 2023/05/15 03:17:45 - mmengine - INFO - Epoch(train) [47][ 440/1879] lr: 2.0000e-03 eta: 1 day, 0:22:49 time: 0.9283 data_time: 0.0244 memory: 9812 grad_norm: 3.0284 loss: 2.2745 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2108 distill.loss_dist: 1.0636 2023/05/15 03:18:03 - mmengine - INFO - Epoch(train) [47][ 460/1879] lr: 2.0000e-03 eta: 1 day, 0:22:32 time: 0.8774 data_time: 0.0276 memory: 9812 grad_norm: 2.9657 loss: 2.1865 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1472 distill.loss_dist: 1.0392 2023/05/15 03:18:19 - mmengine - INFO - Epoch(train) [47][ 480/1879] lr: 2.0000e-03 eta: 1 day, 0:22:14 time: 0.8200 data_time: 0.0262 memory: 9812 grad_norm: 2.9921 loss: 2.1510 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1197 distill.loss_dist: 1.0314 2023/05/15 03:18:37 - mmengine - INFO - Epoch(train) [47][ 500/1879] lr: 2.0000e-03 eta: 1 day, 0:21:57 time: 0.8898 data_time: 0.0247 memory: 9812 grad_norm: 2.9074 loss: 2.2486 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2360 distill.loss_dist: 1.0126 2023/05/15 03:18:55 - mmengine - INFO - Epoch(train) [47][ 520/1879] lr: 2.0000e-03 eta: 1 day, 0:21:40 time: 0.8994 data_time: 0.0285 memory: 9812 grad_norm: 2.9842 loss: 2.3492 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.2807 distill.loss_dist: 1.0685 2023/05/15 03:19:11 - mmengine - INFO - Epoch(train) [47][ 540/1879] lr: 2.0000e-03 eta: 1 day, 0:21:21 time: 0.8082 data_time: 0.0264 memory: 9812 grad_norm: 2.9471 loss: 2.2301 student.top1_acc: 0.3125 student.top5_acc: 0.5625 student.loss_cls: 1.1879 distill.loss_dist: 1.0422 2023/05/15 03:19:29 - mmengine - INFO - Epoch(train) [47][ 560/1879] lr: 2.0000e-03 eta: 1 day, 0:21:05 time: 0.8967 data_time: 0.0245 memory: 9812 grad_norm: 3.0397 loss: 2.2402 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2010 distill.loss_dist: 1.0392 2023/05/15 03:19:35 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 03:19:47 - mmengine - INFO - Epoch(train) [47][ 580/1879] lr: 2.0000e-03 eta: 1 day, 0:20:47 time: 0.8723 data_time: 0.0288 memory: 9812 grad_norm: 2.9510 loss: 2.1889 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1656 distill.loss_dist: 1.0233 2023/05/15 03:20:03 - mmengine - INFO - Epoch(train) [47][ 600/1879] lr: 2.0000e-03 eta: 1 day, 0:20:29 time: 0.8066 data_time: 0.0288 memory: 9812 grad_norm: 2.8441 loss: 2.2344 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1789 distill.loss_dist: 1.0555 2023/05/15 03:20:21 - mmengine - INFO - Epoch(train) [47][ 620/1879] lr: 2.0000e-03 eta: 1 day, 0:20:12 time: 0.8846 data_time: 0.0277 memory: 9812 grad_norm: 2.9639 loss: 2.2283 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1798 distill.loss_dist: 1.0485 2023/05/15 03:20:39 - mmengine - INFO - Epoch(train) [47][ 640/1879] lr: 2.0000e-03 eta: 1 day, 0:19:55 time: 0.9171 data_time: 0.0284 memory: 9812 grad_norm: 2.9760 loss: 2.5294 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4668 distill.loss_dist: 1.0626 2023/05/15 03:20:55 - mmengine - INFO - Epoch(train) [47][ 660/1879] lr: 2.0000e-03 eta: 1 day, 0:19:37 time: 0.8104 data_time: 0.0280 memory: 9812 grad_norm: 3.0007 loss: 2.2284 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.1834 distill.loss_dist: 1.0450 2023/05/15 03:21:13 - mmengine - INFO - Epoch(train) [47][ 680/1879] lr: 2.0000e-03 eta: 1 day, 0:19:20 time: 0.8957 data_time: 0.0282 memory: 9812 grad_norm: 3.0288 loss: 2.4454 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3912 distill.loss_dist: 1.0542 2023/05/15 03:21:31 - mmengine - INFO - Epoch(train) [47][ 700/1879] lr: 2.0000e-03 eta: 1 day, 0:19:03 time: 0.8827 data_time: 0.0263 memory: 9812 grad_norm: 2.9361 loss: 2.4589 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3984 distill.loss_dist: 1.0605 2023/05/15 03:21:47 - mmengine - INFO - Epoch(train) [47][ 720/1879] lr: 2.0000e-03 eta: 1 day, 0:18:44 time: 0.8035 data_time: 0.0370 memory: 9812 grad_norm: 2.9458 loss: 2.3393 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3020 distill.loss_dist: 1.0373 2023/05/15 03:22:06 - mmengine - INFO - Epoch(train) [47][ 740/1879] lr: 2.0000e-03 eta: 1 day, 0:18:28 time: 0.9269 data_time: 0.0268 memory: 9812 grad_norm: 2.9607 loss: 2.0613 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0271 distill.loss_dist: 1.0342 2023/05/15 03:22:23 - mmengine - INFO - Epoch(train) [47][ 760/1879] lr: 2.0000e-03 eta: 1 day, 0:18:11 time: 0.8933 data_time: 0.0749 memory: 9812 grad_norm: 2.9745 loss: 2.2773 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2054 distill.loss_dist: 1.0719 2023/05/15 03:22:40 - mmengine - INFO - Epoch(train) [47][ 780/1879] lr: 2.0000e-03 eta: 1 day, 0:17:52 time: 0.8129 data_time: 0.1397 memory: 9812 grad_norm: 2.9746 loss: 2.3015 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2361 distill.loss_dist: 1.0654 2023/05/15 03:22:57 - mmengine - INFO - Epoch(train) [47][ 800/1879] lr: 2.0000e-03 eta: 1 day, 0:17:34 time: 0.8372 data_time: 0.0908 memory: 9812 grad_norm: 2.9259 loss: 2.3029 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2553 distill.loss_dist: 1.0476 2023/05/15 03:23:15 - mmengine - INFO - Epoch(train) [47][ 820/1879] lr: 2.0000e-03 eta: 1 day, 0:17:18 time: 0.9201 data_time: 0.0405 memory: 9812 grad_norm: 3.0667 loss: 2.6071 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.5451 distill.loss_dist: 1.0620 2023/05/15 03:23:31 - mmengine - INFO - Epoch(train) [47][ 840/1879] lr: 2.0000e-03 eta: 1 day, 0:16:59 time: 0.8015 data_time: 0.0279 memory: 9812 grad_norm: 2.9777 loss: 2.2295 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1702 distill.loss_dist: 1.0593 2023/05/15 03:23:48 - mmengine - INFO - Epoch(train) [47][ 860/1879] lr: 2.0000e-03 eta: 1 day, 0:16:41 time: 0.8468 data_time: 0.0264 memory: 9812 grad_norm: 2.9163 loss: 2.3272 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2837 distill.loss_dist: 1.0435 2023/05/15 03:24:06 - mmengine - INFO - Epoch(train) [47][ 880/1879] lr: 2.0000e-03 eta: 1 day, 0:16:25 time: 0.8968 data_time: 0.0968 memory: 9812 grad_norm: 2.9154 loss: 2.1900 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1573 distill.loss_dist: 1.0327 2023/05/15 03:24:23 - mmengine - INFO - Epoch(train) [47][ 900/1879] lr: 2.0000e-03 eta: 1 day, 0:16:07 time: 0.8623 data_time: 0.1507 memory: 9812 grad_norm: 2.9742 loss: 2.3945 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3356 distill.loss_dist: 1.0589 2023/05/15 03:24:39 - mmengine - INFO - Epoch(train) [47][ 920/1879] lr: 2.0000e-03 eta: 1 day, 0:15:48 time: 0.7868 data_time: 0.1081 memory: 9812 grad_norm: 2.9156 loss: 2.2551 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2067 distill.loss_dist: 1.0484 2023/05/15 03:24:59 - mmengine - INFO - Epoch(train) [47][ 940/1879] lr: 2.0000e-03 eta: 1 day, 0:15:33 time: 0.9811 data_time: 0.0284 memory: 9812 grad_norm: 2.9877 loss: 2.2707 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2230 distill.loss_dist: 1.0477 2023/05/15 03:25:15 - mmengine - INFO - Epoch(train) [47][ 960/1879] lr: 2.0000e-03 eta: 1 day, 0:15:15 time: 0.8347 data_time: 0.1841 memory: 9812 grad_norm: 2.9550 loss: 2.2562 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2131 distill.loss_dist: 1.0431 2023/05/15 03:25:32 - mmengine - INFO - Epoch(train) [47][ 980/1879] lr: 2.0000e-03 eta: 1 day, 0:14:57 time: 0.8321 data_time: 0.1748 memory: 9812 grad_norm: 3.0220 loss: 2.5166 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4642 distill.loss_dist: 1.0524 2023/05/15 03:25:49 - mmengine - INFO - Epoch(train) [47][1000/1879] lr: 2.0000e-03 eta: 1 day, 0:14:39 time: 0.8453 data_time: 0.3348 memory: 9812 grad_norm: 2.9013 loss: 2.2568 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2150 distill.loss_dist: 1.0418 2023/05/15 03:26:08 - mmengine - INFO - Epoch(train) [47][1020/1879] lr: 2.0000e-03 eta: 1 day, 0:14:23 time: 0.9519 data_time: 0.5153 memory: 9812 grad_norm: 2.9359 loss: 2.2688 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2330 distill.loss_dist: 1.0358 2023/05/15 03:26:23 - mmengine - INFO - Epoch(train) [47][1040/1879] lr: 2.0000e-03 eta: 1 day, 0:14:03 time: 0.7641 data_time: 0.3076 memory: 9812 grad_norm: 2.9074 loss: 2.3589 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3104 distill.loss_dist: 1.0486 2023/05/15 03:26:39 - mmengine - INFO - Epoch(train) [47][1060/1879] lr: 2.0000e-03 eta: 1 day, 0:13:44 time: 0.7871 data_time: 0.3396 memory: 9812 grad_norm: 3.0150 loss: 2.3061 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2722 distill.loss_dist: 1.0338 2023/05/15 03:26:58 - mmengine - INFO - Epoch(train) [47][1080/1879] lr: 2.0000e-03 eta: 1 day, 0:13:29 time: 0.9709 data_time: 0.4207 memory: 9812 grad_norm: 2.9650 loss: 2.2370 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2055 distill.loss_dist: 1.0315 2023/05/15 03:27:16 - mmengine - INFO - Epoch(train) [47][1100/1879] lr: 2.0000e-03 eta: 1 day, 0:13:13 time: 0.9032 data_time: 0.4506 memory: 9812 grad_norm: 2.9248 loss: 2.2951 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2482 distill.loss_dist: 1.0469 2023/05/15 03:27:32 - mmengine - INFO - Epoch(train) [47][1120/1879] lr: 2.0000e-03 eta: 1 day, 0:12:53 time: 0.7866 data_time: 0.3478 memory: 9812 grad_norm: 2.9853 loss: 2.1591 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1094 distill.loss_dist: 1.0497 2023/05/15 03:27:50 - mmengine - INFO - Epoch(train) [47][1140/1879] lr: 2.0000e-03 eta: 1 day, 0:12:37 time: 0.9124 data_time: 0.4645 memory: 9812 grad_norm: 2.9763 loss: 2.2532 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1843 distill.loss_dist: 1.0690 2023/05/15 03:28:08 - mmengine - INFO - Epoch(train) [47][1160/1879] lr: 2.0000e-03 eta: 1 day, 0:12:19 time: 0.8506 data_time: 0.4256 memory: 9812 grad_norm: 3.0074 loss: 2.2224 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1890 distill.loss_dist: 1.0334 2023/05/15 03:28:24 - mmengine - INFO - Epoch(train) [47][1180/1879] lr: 2.0000e-03 eta: 1 day, 0:12:01 time: 0.8470 data_time: 0.4091 memory: 9812 grad_norm: 2.9641 loss: 2.4020 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3357 distill.loss_dist: 1.0664 2023/05/15 03:28:44 - mmengine - INFO - Epoch(train) [47][1200/1879] lr: 2.0000e-03 eta: 1 day, 0:11:46 time: 0.9608 data_time: 0.5132 memory: 9812 grad_norm: 3.0260 loss: 2.4305 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3634 distill.loss_dist: 1.0671 2023/05/15 03:29:00 - mmengine - INFO - Epoch(train) [47][1220/1879] lr: 2.0000e-03 eta: 1 day, 0:11:27 time: 0.8175 data_time: 0.2436 memory: 9812 grad_norm: 2.9066 loss: 2.2573 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2096 distill.loss_dist: 1.0478 2023/05/15 03:29:15 - mmengine - INFO - Epoch(train) [47][1240/1879] lr: 2.0000e-03 eta: 1 day, 0:11:08 time: 0.7573 data_time: 0.2114 memory: 9812 grad_norm: 2.9758 loss: 2.3815 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3208 distill.loss_dist: 1.0607 2023/05/15 03:29:34 - mmengine - INFO - Epoch(train) [47][1260/1879] lr: 2.0000e-03 eta: 1 day, 0:10:52 time: 0.9631 data_time: 0.3916 memory: 9812 grad_norm: 2.9487 loss: 2.3082 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2460 distill.loss_dist: 1.0622 2023/05/15 03:29:51 - mmengine - INFO - Epoch(train) [47][1280/1879] lr: 2.0000e-03 eta: 1 day, 0:10:34 time: 0.8348 data_time: 0.2369 memory: 9812 grad_norm: 3.0326 loss: 2.3566 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2910 distill.loss_dist: 1.0656 2023/05/15 03:30:08 - mmengine - INFO - Epoch(train) [47][1300/1879] lr: 2.0000e-03 eta: 1 day, 0:10:17 time: 0.8587 data_time: 0.1505 memory: 9812 grad_norm: 2.9403 loss: 2.2109 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1836 distill.loss_dist: 1.0273 2023/05/15 03:30:27 - mmengine - INFO - Epoch(train) [47][1320/1879] lr: 2.0000e-03 eta: 1 day, 0:10:01 time: 0.9362 data_time: 0.2281 memory: 9812 grad_norm: 2.9966 loss: 2.3018 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2368 distill.loss_dist: 1.0650 2023/05/15 03:30:43 - mmengine - INFO - Epoch(train) [47][1340/1879] lr: 2.0000e-03 eta: 1 day, 0:09:42 time: 0.7933 data_time: 0.2478 memory: 9812 grad_norm: 2.9281 loss: 2.1986 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1312 distill.loss_dist: 1.0674 2023/05/15 03:31:00 - mmengine - INFO - Epoch(train) [47][1360/1879] lr: 2.0000e-03 eta: 1 day, 0:09:24 time: 0.8584 data_time: 0.4122 memory: 9812 grad_norm: 2.9805 loss: 2.4630 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.3842 distill.loss_dist: 1.0788 2023/05/15 03:31:19 - mmengine - INFO - Epoch(train) [47][1380/1879] lr: 2.0000e-03 eta: 1 day, 0:09:08 time: 0.9424 data_time: 0.4874 memory: 9812 grad_norm: 3.0026 loss: 2.3112 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2829 distill.loss_dist: 1.0283 2023/05/15 03:31:35 - mmengine - INFO - Epoch(train) [47][1400/1879] lr: 2.0000e-03 eta: 1 day, 0:08:49 time: 0.7990 data_time: 0.2885 memory: 9812 grad_norm: 2.9271 loss: 2.2877 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2539 distill.loss_dist: 1.0338 2023/05/15 03:31:52 - mmengine - INFO - Epoch(train) [47][1420/1879] lr: 2.0000e-03 eta: 1 day, 0:08:32 time: 0.8680 data_time: 0.3643 memory: 9812 grad_norm: 2.9008 loss: 2.2498 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1974 distill.loss_dist: 1.0524 2023/05/15 03:32:11 - mmengine - INFO - Epoch(train) [47][1440/1879] lr: 2.0000e-03 eta: 1 day, 0:08:16 time: 0.9210 data_time: 0.4637 memory: 9812 grad_norm: 2.9768 loss: 2.4926 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.4494 distill.loss_dist: 1.0432 2023/05/15 03:32:28 - mmengine - INFO - Epoch(train) [47][1460/1879] lr: 2.0000e-03 eta: 1 day, 0:07:58 time: 0.8393 data_time: 0.3897 memory: 9812 grad_norm: 3.0043 loss: 2.3174 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2838 distill.loss_dist: 1.0336 2023/05/15 03:32:44 - mmengine - INFO - Epoch(train) [47][1480/1879] lr: 2.0000e-03 eta: 1 day, 0:07:39 time: 0.8122 data_time: 0.3100 memory: 9812 grad_norm: 2.9039 loss: 2.0984 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0777 distill.loss_dist: 1.0207 2023/05/15 03:33:02 - mmengine - INFO - Epoch(train) [47][1500/1879] lr: 2.0000e-03 eta: 1 day, 0:07:22 time: 0.8878 data_time: 0.3577 memory: 9812 grad_norm: 2.9401 loss: 2.2479 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1962 distill.loss_dist: 1.0517 2023/05/15 03:33:20 - mmengine - INFO - Epoch(train) [47][1520/1879] lr: 2.0000e-03 eta: 1 day, 0:07:06 time: 0.9172 data_time: 0.1735 memory: 9812 grad_norm: 3.0019 loss: 2.3248 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2820 distill.loss_dist: 1.0428 2023/05/15 03:33:37 - mmengine - INFO - Epoch(train) [47][1540/1879] lr: 2.0000e-03 eta: 1 day, 0:06:48 time: 0.8287 data_time: 0.0416 memory: 9812 grad_norm: 2.9782 loss: 2.3385 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2734 distill.loss_dist: 1.0651 2023/05/15 03:33:54 - mmengine - INFO - Epoch(train) [47][1560/1879] lr: 2.0000e-03 eta: 1 day, 0:06:30 time: 0.8712 data_time: 0.1781 memory: 9812 grad_norm: 2.9457 loss: 2.2677 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2193 distill.loss_dist: 1.0484 2023/05/15 03:33:59 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 03:34:12 - mmengine - INFO - Epoch(train) [47][1580/1879] lr: 2.0000e-03 eta: 1 day, 0:06:13 time: 0.8928 data_time: 0.1459 memory: 9812 grad_norm: 2.9466 loss: 2.2812 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2491 distill.loss_dist: 1.0320 2023/05/15 03:34:29 - mmengine - INFO - Epoch(train) [47][1600/1879] lr: 2.0000e-03 eta: 1 day, 0:05:55 time: 0.8288 data_time: 0.1233 memory: 9812 grad_norm: 2.9400 loss: 2.0977 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0443 distill.loss_dist: 1.0533 2023/05/15 03:34:47 - mmengine - INFO - Epoch(train) [47][1620/1879] lr: 2.0000e-03 eta: 1 day, 0:05:39 time: 0.9005 data_time: 0.1662 memory: 9812 grad_norm: 2.9763 loss: 2.3146 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2485 distill.loss_dist: 1.0661 2023/05/15 03:35:04 - mmengine - INFO - Epoch(train) [47][1640/1879] lr: 2.0000e-03 eta: 1 day, 0:05:21 time: 0.8657 data_time: 0.0634 memory: 9812 grad_norm: 2.9791 loss: 2.3775 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3186 distill.loss_dist: 1.0589 2023/05/15 03:35:21 - mmengine - INFO - Epoch(train) [47][1660/1879] lr: 2.0000e-03 eta: 1 day, 0:05:03 time: 0.8333 data_time: 0.0421 memory: 9812 grad_norm: 2.9677 loss: 2.2777 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2311 distill.loss_dist: 1.0466 2023/05/15 03:35:39 - mmengine - INFO - Epoch(train) [47][1680/1879] lr: 2.0000e-03 eta: 1 day, 0:04:47 time: 0.9139 data_time: 0.1109 memory: 9812 grad_norm: 3.0290 loss: 2.2866 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2449 distill.loss_dist: 1.0418 2023/05/15 03:35:56 - mmengine - INFO - Epoch(train) [47][1700/1879] lr: 2.0000e-03 eta: 1 day, 0:04:29 time: 0.8690 data_time: 0.0269 memory: 9812 grad_norm: 2.9591 loss: 2.3073 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2305 distill.loss_dist: 1.0768 2023/05/15 03:36:12 - mmengine - INFO - Epoch(train) [47][1720/1879] lr: 2.0000e-03 eta: 1 day, 0:04:10 time: 0.7945 data_time: 0.1441 memory: 9812 grad_norm: 2.9827 loss: 2.2644 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2488 distill.loss_dist: 1.0156 2023/05/15 03:36:30 - mmengine - INFO - Epoch(train) [47][1740/1879] lr: 2.0000e-03 eta: 1 day, 0:03:54 time: 0.9033 data_time: 0.1007 memory: 9812 grad_norm: 3.0136 loss: 2.1985 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1481 distill.loss_dist: 1.0504 2023/05/15 03:36:46 - mmengine - INFO - Epoch(train) [47][1760/1879] lr: 2.0000e-03 eta: 1 day, 0:03:35 time: 0.8021 data_time: 0.0472 memory: 9812 grad_norm: 3.0198 loss: 2.3638 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3024 distill.loss_dist: 1.0614 2023/05/15 03:37:03 - mmengine - INFO - Epoch(train) [47][1780/1879] lr: 2.0000e-03 eta: 1 day, 0:03:16 time: 0.8303 data_time: 0.0800 memory: 9812 grad_norm: 2.9938 loss: 2.3145 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2423 distill.loss_dist: 1.0722 2023/05/15 03:37:22 - mmengine - INFO - Epoch(train) [47][1800/1879] lr: 2.0000e-03 eta: 1 day, 0:03:01 time: 0.9712 data_time: 0.0845 memory: 9812 grad_norm: 2.9855 loss: 2.4133 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3242 distill.loss_dist: 1.0891 2023/05/15 03:37:38 - mmengine - INFO - Epoch(train) [47][1820/1879] lr: 2.0000e-03 eta: 1 day, 0:02:42 time: 0.7876 data_time: 0.0304 memory: 9812 grad_norm: 2.9550 loss: 2.1403 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1082 distill.loss_dist: 1.0322 2023/05/15 03:37:55 - mmengine - INFO - Epoch(train) [47][1840/1879] lr: 2.0000e-03 eta: 1 day, 0:02:24 time: 0.8442 data_time: 0.0297 memory: 9812 grad_norm: 2.9660 loss: 2.1466 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1304 distill.loss_dist: 1.0163 2023/05/15 03:38:12 - mmengine - INFO - Epoch(train) [47][1860/1879] lr: 2.0000e-03 eta: 1 day, 0:02:07 time: 0.8635 data_time: 0.1190 memory: 9812 grad_norm: 2.9563 loss: 2.4092 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.3613 distill.loss_dist: 1.0479 2023/05/15 03:38:26 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 03:38:26 - mmengine - INFO - Epoch(train) [47][1879/1879] lr: 2.0000e-03 eta: 1 day, 0:01:47 time: 0.7502 data_time: 0.0286 memory: 9812 grad_norm: 3.1678 loss: 2.4133 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.3365 distill.loss_dist: 1.0768 2023/05/15 03:38:46 - mmengine - INFO - Epoch(val) [47][ 20/155] eta: 0:02:13 time: 0.9906 data_time: 0.9261 memory: 1484 2023/05/15 03:39:00 - mmengine - INFO - Epoch(val) [47][ 40/155] eta: 0:01:36 time: 0.6858 data_time: 0.6203 memory: 1484 2023/05/15 03:39:18 - mmengine - INFO - Epoch(val) [47][ 60/155] eta: 0:01:22 time: 0.9256 data_time: 0.8598 memory: 1484 2023/05/15 03:39:31 - mmengine - INFO - Epoch(val) [47][ 80/155] eta: 0:01:01 time: 0.6581 data_time: 0.5929 memory: 1484 2023/05/15 03:39:50 - mmengine - INFO - Epoch(val) [47][100/155] eta: 0:00:46 time: 0.9424 data_time: 0.8766 memory: 1484 2023/05/15 03:40:04 - mmengine - INFO - Epoch(val) [47][120/155] eta: 0:00:28 time: 0.6938 data_time: 0.6300 memory: 1484 2023/05/15 03:40:24 - mmengine - INFO - Epoch(val) [47][140/155] eta: 0:00:12 time: 1.0002 data_time: 0.9375 memory: 1484 2023/05/15 03:40:53 - mmengine - INFO - Epoch(val) [47][ 20/155] eta: 0:16:24 time: 0.9964 data_time: 0.8402 memory: 1582 2023/05/15 03:41:08 - mmengine - INFO - Epoch(val) [47][ 40/155] eta: 0:07:40 time: 0.7113 data_time: 0.5354 memory: 1582 2023/05/15 03:41:26 - mmengine - INFO - Epoch(val) [47][ 60/155] eta: 0:04:42 time: 0.9303 data_time: 0.7804 memory: 1582 2023/05/15 03:41:41 - mmengine - INFO - Epoch(val) [47][ 80/155] eta: 0:03:01 time: 0.7226 data_time: 0.5663 memory: 1582 2023/05/15 03:42:00 - mmengine - INFO - Epoch(val) [47][100/155] eta: 0:01:56 time: 0.9642 data_time: 0.8096 memory: 1582 2023/05/15 03:42:13 - mmengine - INFO - Epoch(val) [47][120/155] eta: 0:01:05 time: 0.6499 data_time: 0.4954 memory: 1582 2023/05/15 03:42:32 - mmengine - INFO - Epoch(val) [47][140/155] eta: 0:00:26 time: 0.9360 data_time: 0.7845 memory: 1582 2023/05/15 03:42:43 - mmengine - INFO - Epoch(val) [47][155/155] acc/top1: 0.6698 acc/top5: 0.8751 acc/mean1: 0.6697 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6576 time: 0.8124 2023/05/15 03:42:43 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_46.pth is removed 2023/05/15 03:42:44 - mmengine - INFO - The best checkpoint with 0.6698 acc/top1 at 47 epoch is saved to best_acc_top1_epoch_47.pth. 2023/05/15 03:43:06 - mmengine - INFO - Epoch(train) [48][ 20/1879] lr: 2.0000e-03 eta: 1 day, 0:01:36 time: 1.1236 data_time: 0.6960 memory: 9812 grad_norm: 2.9611 loss: 2.2923 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2333 distill.loss_dist: 1.0591 2023/05/15 03:43:24 - mmengine - INFO - Epoch(train) [48][ 40/1879] lr: 2.0000e-03 eta: 1 day, 0:01:18 time: 0.8797 data_time: 0.4675 memory: 9812 grad_norm: 2.9688 loss: 2.1690 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1365 distill.loss_dist: 1.0325 2023/05/15 03:43:40 - mmengine - INFO - Epoch(train) [48][ 60/1879] lr: 2.0000e-03 eta: 1 day, 0:01:00 time: 0.7987 data_time: 0.3718 memory: 9812 grad_norm: 2.9817 loss: 2.4311 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3854 distill.loss_dist: 1.0458 2023/05/15 03:43:59 - mmengine - INFO - Epoch(train) [48][ 80/1879] lr: 2.0000e-03 eta: 1 day, 0:00:43 time: 0.9237 data_time: 0.5001 memory: 9812 grad_norm: 2.9466 loss: 2.3582 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2824 distill.loss_dist: 1.0757 2023/05/15 03:44:15 - mmengine - INFO - Epoch(train) [48][ 100/1879] lr: 2.0000e-03 eta: 1 day, 0:00:25 time: 0.8067 data_time: 0.3168 memory: 9812 grad_norm: 2.9997 loss: 2.3696 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3301 distill.loss_dist: 1.0396 2023/05/15 03:44:31 - mmengine - INFO - Epoch(train) [48][ 120/1879] lr: 2.0000e-03 eta: 1 day, 0:00:06 time: 0.7973 data_time: 0.1389 memory: 9812 grad_norm: 3.0104 loss: 2.2889 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2437 distill.loss_dist: 1.0452 2023/05/15 03:44:49 - mmengine - INFO - Epoch(train) [48][ 140/1879] lr: 2.0000e-03 eta: 23:59:50 time: 0.9355 data_time: 0.1921 memory: 9812 grad_norm: 2.9588 loss: 2.4591 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3757 distill.loss_dist: 1.0833 2023/05/15 03:45:06 - mmengine - INFO - Epoch(train) [48][ 160/1879] lr: 2.0000e-03 eta: 23:59:32 time: 0.8347 data_time: 0.1802 memory: 9812 grad_norm: 2.9818 loss: 2.2505 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2375 distill.loss_dist: 1.0130 2023/05/15 03:45:24 - mmengine - INFO - Epoch(train) [48][ 180/1879] lr: 2.0000e-03 eta: 23:59:15 time: 0.8792 data_time: 0.3491 memory: 9812 grad_norm: 3.0778 loss: 2.3379 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2808 distill.loss_dist: 1.0571 2023/05/15 03:45:42 - mmengine - INFO - Epoch(train) [48][ 200/1879] lr: 2.0000e-03 eta: 23:58:58 time: 0.8958 data_time: 0.2664 memory: 9812 grad_norm: 3.0298 loss: 2.2168 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1617 distill.loss_dist: 1.0552 2023/05/15 03:45:58 - mmengine - INFO - Epoch(train) [48][ 220/1879] lr: 2.0000e-03 eta: 23:58:39 time: 0.8167 data_time: 0.0480 memory: 9812 grad_norm: 2.9683 loss: 2.4208 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3604 distill.loss_dist: 1.0604 2023/05/15 03:46:14 - mmengine - INFO - Epoch(train) [48][ 240/1879] lr: 2.0000e-03 eta: 23:58:21 time: 0.8248 data_time: 0.0250 memory: 9812 grad_norm: 2.9164 loss: 2.3140 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2691 distill.loss_dist: 1.0449 2023/05/15 03:46:33 - mmengine - INFO - Epoch(train) [48][ 260/1879] lr: 2.0000e-03 eta: 23:58:05 time: 0.9328 data_time: 0.0264 memory: 9812 grad_norm: 2.9203 loss: 2.1674 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1338 distill.loss_dist: 1.0336 2023/05/15 03:46:51 - mmengine - INFO - Epoch(train) [48][ 280/1879] lr: 2.0000e-03 eta: 23:57:48 time: 0.8736 data_time: 0.0278 memory: 9812 grad_norm: 3.0036 loss: 2.1931 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1467 distill.loss_dist: 1.0464 2023/05/15 03:47:07 - mmengine - INFO - Epoch(train) [48][ 300/1879] lr: 2.0000e-03 eta: 23:57:29 time: 0.7943 data_time: 0.0260 memory: 9812 grad_norm: 2.9716 loss: 2.2628 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2094 distill.loss_dist: 1.0534 2023/05/15 03:47:26 - mmengine - INFO - Epoch(train) [48][ 320/1879] lr: 2.0000e-03 eta: 23:57:14 time: 0.9976 data_time: 0.0276 memory: 9812 grad_norm: 3.0098 loss: 2.3265 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2697 distill.loss_dist: 1.0567 2023/05/15 03:47:42 - mmengine - INFO - Epoch(train) [48][ 340/1879] lr: 2.0000e-03 eta: 23:56:55 time: 0.7773 data_time: 0.0304 memory: 9812 grad_norm: 2.9640 loss: 2.3242 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2641 distill.loss_dist: 1.0601 2023/05/15 03:47:59 - mmengine - INFO - Epoch(train) [48][ 360/1879] lr: 2.0000e-03 eta: 23:56:37 time: 0.8355 data_time: 0.0255 memory: 9812 grad_norm: 2.9530 loss: 2.3095 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2598 distill.loss_dist: 1.0497 2023/05/15 03:48:17 - mmengine - INFO - Epoch(train) [48][ 380/1879] lr: 2.0000e-03 eta: 23:56:20 time: 0.9083 data_time: 0.0284 memory: 9812 grad_norm: 2.9793 loss: 2.3087 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2298 distill.loss_dist: 1.0789 2023/05/15 03:48:33 - mmengine - INFO - Epoch(train) [48][ 400/1879] lr: 2.0000e-03 eta: 23:56:02 time: 0.8225 data_time: 0.0289 memory: 9812 grad_norm: 2.9399 loss: 2.1180 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1148 distill.loss_dist: 1.0032 2023/05/15 03:48:51 - mmengine - INFO - Epoch(train) [48][ 420/1879] lr: 2.0000e-03 eta: 23:55:44 time: 0.8702 data_time: 0.0238 memory: 9812 grad_norm: 2.9977 loss: 2.4282 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3696 distill.loss_dist: 1.0586 2023/05/15 03:49:09 - mmengine - INFO - Epoch(train) [48][ 440/1879] lr: 2.0000e-03 eta: 23:55:27 time: 0.8915 data_time: 0.0265 memory: 9812 grad_norm: 3.0547 loss: 2.1979 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1743 distill.loss_dist: 1.0236 2023/05/15 03:49:26 - mmengine - INFO - Epoch(train) [48][ 460/1879] lr: 2.0000e-03 eta: 23:55:10 time: 0.8692 data_time: 0.0278 memory: 9812 grad_norm: 2.9672 loss: 2.2262 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1782 distill.loss_dist: 1.0480 2023/05/15 03:49:42 - mmengine - INFO - Epoch(train) [48][ 480/1879] lr: 2.0000e-03 eta: 23:54:51 time: 0.8030 data_time: 0.0255 memory: 9812 grad_norm: 2.9655 loss: 2.2155 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1697 distill.loss_dist: 1.0458 2023/05/15 03:49:59 - mmengine - INFO - Epoch(train) [48][ 500/1879] lr: 2.0000e-03 eta: 23:54:34 time: 0.8586 data_time: 0.0893 memory: 9812 grad_norm: 2.9499 loss: 2.2099 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1675 distill.loss_dist: 1.0424 2023/05/15 03:50:18 - mmengine - INFO - Epoch(train) [48][ 520/1879] lr: 2.0000e-03 eta: 23:54:18 time: 0.9413 data_time: 0.4322 memory: 9812 grad_norm: 2.9420 loss: 2.2889 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.2405 distill.loss_dist: 1.0484 2023/05/15 03:50:34 - mmengine - INFO - Epoch(train) [48][ 540/1879] lr: 2.0000e-03 eta: 23:53:59 time: 0.7952 data_time: 0.3502 memory: 9812 grad_norm: 2.9970 loss: 2.1858 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1622 distill.loss_dist: 1.0237 2023/05/15 03:50:51 - mmengine - INFO - Epoch(train) [48][ 560/1879] lr: 2.0000e-03 eta: 23:53:41 time: 0.8515 data_time: 0.3801 memory: 9812 grad_norm: 3.0157 loss: 2.3344 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2894 distill.loss_dist: 1.0450 2023/05/15 03:51:10 - mmengine - INFO - Epoch(train) [48][ 580/1879] lr: 2.0000e-03 eta: 23:53:25 time: 0.9188 data_time: 0.3975 memory: 9812 grad_norm: 2.8894 loss: 2.2438 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2047 distill.loss_dist: 1.0391 2023/05/15 03:51:28 - mmengine - INFO - Epoch(train) [48][ 600/1879] lr: 2.0000e-03 eta: 23:53:09 time: 0.9166 data_time: 0.0900 memory: 9812 grad_norm: 2.9406 loss: 2.3377 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2938 distill.loss_dist: 1.0439 2023/05/15 03:51:45 - mmengine - INFO - Epoch(train) [48][ 620/1879] lr: 2.0000e-03 eta: 23:52:51 time: 0.8428 data_time: 0.1837 memory: 9812 grad_norm: 2.9673 loss: 2.1579 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1144 distill.loss_dist: 1.0435 2023/05/15 03:52:00 - mmengine - INFO - Epoch(train) [48][ 640/1879] lr: 2.0000e-03 eta: 23:52:31 time: 0.7660 data_time: 0.2402 memory: 9812 grad_norm: 3.0513 loss: 2.3844 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3456 distill.loss_dist: 1.0388 2023/05/15 03:52:20 - mmengine - INFO - Epoch(train) [48][ 660/1879] lr: 2.0000e-03 eta: 23:52:16 time: 0.9817 data_time: 0.5219 memory: 9812 grad_norm: 3.0288 loss: 2.3184 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2689 distill.loss_dist: 1.0495 2023/05/15 03:52:35 - mmengine - INFO - Epoch(train) [48][ 680/1879] lr: 2.0000e-03 eta: 23:51:56 time: 0.7541 data_time: 0.3000 memory: 9812 grad_norm: 2.9540 loss: 2.3130 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2975 distill.loss_dist: 1.0155 2023/05/15 03:52:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 03:52:52 - mmengine - INFO - Epoch(train) [48][ 700/1879] lr: 2.0000e-03 eta: 23:51:38 time: 0.8330 data_time: 0.2402 memory: 9812 grad_norm: 2.9444 loss: 2.1830 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1592 distill.loss_dist: 1.0238 2023/05/15 03:53:11 - mmengine - INFO - Epoch(train) [48][ 720/1879] lr: 2.0000e-03 eta: 23:51:22 time: 0.9471 data_time: 0.0315 memory: 9812 grad_norm: 2.9762 loss: 2.3692 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3224 distill.loss_dist: 1.0468 2023/05/15 03:53:27 - mmengine - INFO - Epoch(train) [48][ 740/1879] lr: 2.0000e-03 eta: 23:51:04 time: 0.8394 data_time: 0.0307 memory: 9812 grad_norm: 3.0199 loss: 2.4763 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.4198 distill.loss_dist: 1.0566 2023/05/15 03:53:44 - mmengine - INFO - Epoch(train) [48][ 760/1879] lr: 2.0000e-03 eta: 23:50:46 time: 0.8439 data_time: 0.0283 memory: 9812 grad_norm: 3.0443 loss: 2.2662 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2151 distill.loss_dist: 1.0511 2023/05/15 03:54:01 - mmengine - INFO - Epoch(train) [48][ 780/1879] lr: 2.0000e-03 eta: 23:50:29 time: 0.8456 data_time: 0.0255 memory: 9812 grad_norm: 2.9870 loss: 2.2335 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1910 distill.loss_dist: 1.0424 2023/05/15 03:54:18 - mmengine - INFO - Epoch(train) [48][ 800/1879] lr: 2.0000e-03 eta: 23:50:11 time: 0.8600 data_time: 0.0263 memory: 9812 grad_norm: 2.9363 loss: 2.2109 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1539 distill.loss_dist: 1.0570 2023/05/15 03:54:35 - mmengine - INFO - Epoch(train) [48][ 820/1879] lr: 2.0000e-03 eta: 23:49:53 time: 0.8353 data_time: 0.0365 memory: 9812 grad_norm: 3.0569 loss: 2.3774 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3224 distill.loss_dist: 1.0549 2023/05/15 03:54:54 - mmengine - INFO - Epoch(train) [48][ 840/1879] lr: 2.0000e-03 eta: 23:49:38 time: 0.9668 data_time: 0.0265 memory: 9812 grad_norm: 2.9084 loss: 2.2112 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1783 distill.loss_dist: 1.0329 2023/05/15 03:55:11 - mmengine - INFO - Epoch(train) [48][ 860/1879] lr: 2.0000e-03 eta: 23:49:20 time: 0.8390 data_time: 0.0406 memory: 9812 grad_norm: 2.9095 loss: 2.1020 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0569 distill.loss_dist: 1.0450 2023/05/15 03:55:27 - mmengine - INFO - Epoch(train) [48][ 880/1879] lr: 2.0000e-03 eta: 23:49:01 time: 0.8060 data_time: 0.0564 memory: 9812 grad_norm: 2.9787 loss: 2.2966 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2210 distill.loss_dist: 1.0756 2023/05/15 03:55:46 - mmengine - INFO - Epoch(train) [48][ 900/1879] lr: 2.0000e-03 eta: 23:48:45 time: 0.9156 data_time: 0.0421 memory: 9812 grad_norm: 3.0025 loss: 2.2420 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1865 distill.loss_dist: 1.0555 2023/05/15 03:56:04 - mmengine - INFO - Epoch(train) [48][ 920/1879] lr: 2.0000e-03 eta: 23:48:28 time: 0.8933 data_time: 0.0297 memory: 9812 grad_norm: 2.9570 loss: 1.9802 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9785 distill.loss_dist: 1.0016 2023/05/15 03:56:20 - mmengine - INFO - Epoch(train) [48][ 940/1879] lr: 2.0000e-03 eta: 23:48:10 time: 0.8462 data_time: 0.0287 memory: 9812 grad_norm: 2.9880 loss: 2.2203 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1619 distill.loss_dist: 1.0585 2023/05/15 03:56:38 - mmengine - INFO - Epoch(train) [48][ 960/1879] lr: 2.0000e-03 eta: 23:47:53 time: 0.8869 data_time: 0.0290 memory: 9812 grad_norm: 2.9524 loss: 2.2047 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1668 distill.loss_dist: 1.0379 2023/05/15 03:56:54 - mmengine - INFO - Epoch(train) [48][ 980/1879] lr: 2.0000e-03 eta: 23:47:34 time: 0.7999 data_time: 0.0267 memory: 9812 grad_norm: 2.9674 loss: 2.4557 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.4214 distill.loss_dist: 1.0343 2023/05/15 03:57:10 - mmengine - INFO - Epoch(train) [48][1000/1879] lr: 2.0000e-03 eta: 23:47:15 time: 0.8046 data_time: 0.0272 memory: 9812 grad_norm: 2.9473 loss: 2.2517 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2185 distill.loss_dist: 1.0332 2023/05/15 03:57:29 - mmengine - INFO - Epoch(train) [48][1020/1879] lr: 2.0000e-03 eta: 23:46:59 time: 0.9181 data_time: 0.0269 memory: 9812 grad_norm: 2.9931 loss: 2.3438 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2693 distill.loss_dist: 1.0745 2023/05/15 03:57:44 - mmengine - INFO - Epoch(train) [48][1040/1879] lr: 2.0000e-03 eta: 23:46:39 time: 0.7679 data_time: 0.0287 memory: 9812 grad_norm: 3.0148 loss: 2.4139 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3894 distill.loss_dist: 1.0245 2023/05/15 03:58:04 - mmengine - INFO - Epoch(train) [48][1060/1879] lr: 2.0000e-03 eta: 23:46:25 time: 0.9925 data_time: 0.0261 memory: 9812 grad_norm: 2.9563 loss: 2.2020 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1676 distill.loss_dist: 1.0344 2023/05/15 03:58:21 - mmengine - INFO - Epoch(train) [48][1080/1879] lr: 2.0000e-03 eta: 23:46:07 time: 0.8508 data_time: 0.0265 memory: 9812 grad_norm: 3.0077 loss: 2.2321 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1504 distill.loss_dist: 1.0817 2023/05/15 03:58:37 - mmengine - INFO - Epoch(train) [48][1100/1879] lr: 2.0000e-03 eta: 23:45:48 time: 0.7927 data_time: 0.0263 memory: 9812 grad_norm: 2.9698 loss: 2.5134 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.4359 distill.loss_dist: 1.0775 2023/05/15 03:58:56 - mmengine - INFO - Epoch(train) [48][1120/1879] lr: 2.0000e-03 eta: 23:45:32 time: 0.9418 data_time: 0.0270 memory: 9812 grad_norm: 2.9681 loss: 2.3559 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3017 distill.loss_dist: 1.0542 2023/05/15 03:59:12 - mmengine - INFO - Epoch(train) [48][1140/1879] lr: 2.0000e-03 eta: 23:45:14 time: 0.8340 data_time: 0.0260 memory: 9812 grad_norm: 2.9327 loss: 2.2304 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1796 distill.loss_dist: 1.0507 2023/05/15 03:59:28 - mmengine - INFO - Epoch(train) [48][1160/1879] lr: 2.0000e-03 eta: 23:44:55 time: 0.8011 data_time: 0.0251 memory: 9812 grad_norm: 2.9267 loss: 2.1449 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.0719 distill.loss_dist: 1.0730 2023/05/15 03:59:46 - mmengine - INFO - Epoch(train) [48][1180/1879] lr: 2.0000e-03 eta: 23:44:38 time: 0.8828 data_time: 0.0292 memory: 9812 grad_norm: 3.0014 loss: 2.2230 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1609 distill.loss_dist: 1.0621 2023/05/15 04:00:05 - mmengine - INFO - Epoch(train) [48][1200/1879] lr: 2.0000e-03 eta: 23:44:22 time: 0.9214 data_time: 0.0257 memory: 9812 grad_norm: 3.0150 loss: 2.2482 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1813 distill.loss_dist: 1.0669 2023/05/15 04:00:21 - mmengine - INFO - Epoch(train) [48][1220/1879] lr: 2.0000e-03 eta: 23:44:03 time: 0.8147 data_time: 0.0270 memory: 9812 grad_norm: 3.0919 loss: 2.4817 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4226 distill.loss_dist: 1.0591 2023/05/15 04:00:38 - mmengine - INFO - Epoch(train) [48][1240/1879] lr: 2.0000e-03 eta: 23:43:46 time: 0.8674 data_time: 0.0284 memory: 9812 grad_norm: 2.9171 loss: 2.5158 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.4466 distill.loss_dist: 1.0691 2023/05/15 04:00:56 - mmengine - INFO - Epoch(train) [48][1260/1879] lr: 2.0000e-03 eta: 23:43:29 time: 0.8901 data_time: 0.0282 memory: 9812 grad_norm: 2.9254 loss: 2.1030 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0717 distill.loss_dist: 1.0314 2023/05/15 04:01:12 - mmengine - INFO - Epoch(train) [48][1280/1879] lr: 2.0000e-03 eta: 23:43:10 time: 0.8046 data_time: 0.0281 memory: 9812 grad_norm: 2.9388 loss: 2.1725 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1544 distill.loss_dist: 1.0181 2023/05/15 04:01:30 - mmengine - INFO - Epoch(train) [48][1300/1879] lr: 2.0000e-03 eta: 23:42:53 time: 0.8876 data_time: 0.0281 memory: 9812 grad_norm: 3.0140 loss: 2.3871 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3542 distill.loss_dist: 1.0329 2023/05/15 04:01:48 - mmengine - INFO - Epoch(train) [48][1320/1879] lr: 2.0000e-03 eta: 23:42:36 time: 0.8916 data_time: 0.0267 memory: 9812 grad_norm: 3.0188 loss: 2.2668 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1900 distill.loss_dist: 1.0768 2023/05/15 04:02:04 - mmengine - INFO - Epoch(train) [48][1340/1879] lr: 2.0000e-03 eta: 23:42:18 time: 0.8274 data_time: 0.0253 memory: 9812 grad_norm: 3.0830 loss: 2.2973 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2330 distill.loss_dist: 1.0643 2023/05/15 04:02:23 - mmengine - INFO - Epoch(train) [48][1360/1879] lr: 2.0000e-03 eta: 23:42:02 time: 0.9350 data_time: 0.0274 memory: 9812 grad_norm: 3.0619 loss: 2.4058 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3464 distill.loss_dist: 1.0594 2023/05/15 04:02:38 - mmengine - INFO - Epoch(train) [48][1380/1879] lr: 2.0000e-03 eta: 23:41:43 time: 0.7656 data_time: 0.0257 memory: 9812 grad_norm: 2.9631 loss: 2.2540 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2018 distill.loss_dist: 1.0522 2023/05/15 04:02:55 - mmengine - INFO - Epoch(train) [48][1400/1879] lr: 2.0000e-03 eta: 23:41:25 time: 0.8530 data_time: 0.0253 memory: 9812 grad_norm: 3.0359 loss: 2.3588 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.3009 distill.loss_dist: 1.0579 2023/05/15 04:03:13 - mmengine - INFO - Epoch(train) [48][1420/1879] lr: 2.0000e-03 eta: 23:41:08 time: 0.8950 data_time: 0.0501 memory: 9812 grad_norm: 2.9733 loss: 2.2352 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1859 distill.loss_dist: 1.0494 2023/05/15 04:03:32 - mmengine - INFO - Epoch(train) [48][1440/1879] lr: 2.0000e-03 eta: 23:40:52 time: 0.9166 data_time: 0.0287 memory: 9812 grad_norm: 2.9859 loss: 2.1748 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1342 distill.loss_dist: 1.0406 2023/05/15 04:03:48 - mmengine - INFO - Epoch(train) [48][1460/1879] lr: 2.0000e-03 eta: 23:40:33 time: 0.8131 data_time: 0.0238 memory: 9812 grad_norm: 3.0628 loss: 2.2231 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1689 distill.loss_dist: 1.0543 2023/05/15 04:04:06 - mmengine - INFO - Epoch(train) [48][1480/1879] lr: 2.0000e-03 eta: 23:40:16 time: 0.8824 data_time: 0.0274 memory: 9812 grad_norm: 2.9892 loss: 2.2592 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2209 distill.loss_dist: 1.0383 2023/05/15 04:04:23 - mmengine - INFO - Epoch(train) [48][1500/1879] lr: 2.0000e-03 eta: 23:39:59 time: 0.8692 data_time: 0.0674 memory: 9812 grad_norm: 3.0130 loss: 2.2813 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2551 distill.loss_dist: 1.0263 2023/05/15 04:04:40 - mmengine - INFO - Epoch(train) [48][1520/1879] lr: 2.0000e-03 eta: 23:39:41 time: 0.8519 data_time: 0.1576 memory: 9812 grad_norm: 2.9892 loss: 2.3664 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3222 distill.loss_dist: 1.0442 2023/05/15 04:04:57 - mmengine - INFO - Epoch(train) [48][1540/1879] lr: 2.0000e-03 eta: 23:39:23 time: 0.8319 data_time: 0.1706 memory: 9812 grad_norm: 3.0825 loss: 2.3538 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3084 distill.loss_dist: 1.0454 2023/05/15 04:05:14 - mmengine - INFO - Epoch(train) [48][1560/1879] lr: 2.0000e-03 eta: 23:39:05 time: 0.8586 data_time: 0.1459 memory: 9812 grad_norm: 2.9996 loss: 2.2143 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1986 distill.loss_dist: 1.0156 2023/05/15 04:05:31 - mmengine - INFO - Epoch(train) [48][1580/1879] lr: 2.0000e-03 eta: 23:38:48 time: 0.8741 data_time: 0.0603 memory: 9812 grad_norm: 3.0164 loss: 1.9916 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9845 distill.loss_dist: 1.0071 2023/05/15 04:05:49 - mmengine - INFO - Epoch(train) [48][1600/1879] lr: 2.0000e-03 eta: 23:38:31 time: 0.8742 data_time: 0.0281 memory: 9812 grad_norm: 3.0313 loss: 2.2359 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1726 distill.loss_dist: 1.0633 2023/05/15 04:06:06 - mmengine - INFO - Epoch(train) [48][1620/1879] lr: 2.0000e-03 eta: 23:38:13 time: 0.8319 data_time: 0.0297 memory: 9812 grad_norm: 2.9835 loss: 2.2676 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1901 distill.loss_dist: 1.0775 2023/05/15 04:06:23 - mmengine - INFO - Epoch(train) [48][1640/1879] lr: 2.0000e-03 eta: 23:37:56 time: 0.8835 data_time: 0.0267 memory: 9812 grad_norm: 2.9783 loss: 2.5465 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4842 distill.loss_dist: 1.0624 2023/05/15 04:06:41 - mmengine - INFO - Epoch(train) [48][1660/1879] lr: 2.0000e-03 eta: 23:37:38 time: 0.8662 data_time: 0.0248 memory: 9812 grad_norm: 3.0938 loss: 2.3823 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2987 distill.loss_dist: 1.0836 2023/05/15 04:06:58 - mmengine - INFO - Epoch(train) [48][1680/1879] lr: 2.0000e-03 eta: 23:37:20 time: 0.8467 data_time: 0.0264 memory: 9812 grad_norm: 2.9623 loss: 2.3413 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2778 distill.loss_dist: 1.0635 2023/05/15 04:07:04 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 04:07:15 - mmengine - INFO - Epoch(train) [48][1700/1879] lr: 2.0000e-03 eta: 23:37:03 time: 0.8587 data_time: 0.0269 memory: 9812 grad_norm: 2.9270 loss: 2.2871 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2512 distill.loss_dist: 1.0360 2023/05/15 04:07:32 - mmengine - INFO - Epoch(train) [48][1720/1879] lr: 2.0000e-03 eta: 23:36:45 time: 0.8456 data_time: 0.0266 memory: 9812 grad_norm: 3.0067 loss: 2.1658 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1245 distill.loss_dist: 1.0412 2023/05/15 04:07:49 - mmengine - INFO - Epoch(train) [48][1740/1879] lr: 2.0000e-03 eta: 23:36:27 time: 0.8403 data_time: 0.0242 memory: 9812 grad_norm: 2.9976 loss: 2.2433 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2191 distill.loss_dist: 1.0242 2023/05/15 04:08:07 - mmengine - INFO - Epoch(train) [48][1760/1879] lr: 2.0000e-03 eta: 23:36:11 time: 0.9313 data_time: 0.0297 memory: 9812 grad_norm: 2.9555 loss: 2.4351 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3629 distill.loss_dist: 1.0722 2023/05/15 04:08:24 - mmengine - INFO - Epoch(train) [48][1780/1879] lr: 2.0000e-03 eta: 23:35:52 time: 0.8225 data_time: 0.0279 memory: 9812 grad_norm: 3.0091 loss: 2.2936 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2461 distill.loss_dist: 1.0474 2023/05/15 04:08:41 - mmengine - INFO - Epoch(train) [48][1800/1879] lr: 2.0000e-03 eta: 23:35:35 time: 0.8706 data_time: 0.0257 memory: 9812 grad_norm: 2.9911 loss: 2.2469 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2186 distill.loss_dist: 1.0283 2023/05/15 04:08:59 - mmengine - INFO - Epoch(train) [48][1820/1879] lr: 2.0000e-03 eta: 23:35:18 time: 0.8912 data_time: 0.0274 memory: 9812 grad_norm: 3.1337 loss: 2.3468 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3260 distill.loss_dist: 1.0208 2023/05/15 04:09:15 - mmengine - INFO - Epoch(train) [48][1840/1879] lr: 2.0000e-03 eta: 23:35:00 time: 0.8227 data_time: 0.0256 memory: 9812 grad_norm: 3.0230 loss: 2.2884 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2365 distill.loss_dist: 1.0519 2023/05/15 04:09:32 - mmengine - INFO - Epoch(train) [48][1860/1879] lr: 2.0000e-03 eta: 23:34:42 time: 0.8351 data_time: 0.0267 memory: 9812 grad_norm: 3.0587 loss: 2.4577 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3906 distill.loss_dist: 1.0672 2023/05/15 04:09:47 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 04:09:47 - mmengine - INFO - Epoch(train) [48][1879/1879] lr: 2.0000e-03 eta: 23:34:23 time: 0.7560 data_time: 0.0205 memory: 9812 grad_norm: 3.1367 loss: 2.3803 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.3490 distill.loss_dist: 1.0313 2023/05/15 04:09:47 - mmengine - INFO - Saving checkpoint at 48 epochs 2023/05/15 04:10:09 - mmengine - INFO - Epoch(val) [48][ 20/155] eta: 0:02:15 time: 1.0027 data_time: 0.9399 memory: 1484 2023/05/15 04:10:22 - mmengine - INFO - Epoch(val) [48][ 40/155] eta: 0:01:36 time: 0.6677 data_time: 0.6064 memory: 1484 2023/05/15 04:10:40 - mmengine - INFO - Epoch(val) [48][ 60/155] eta: 0:01:21 time: 0.9073 data_time: 0.8446 memory: 1484 2023/05/15 04:10:54 - mmengine - INFO - Epoch(val) [48][ 80/155] eta: 0:01:01 time: 0.6870 data_time: 0.6231 memory: 1484 2023/05/15 04:11:12 - mmengine - INFO - Epoch(val) [48][100/155] eta: 0:00:45 time: 0.8883 data_time: 0.8254 memory: 1484 2023/05/15 04:11:26 - mmengine - INFO - Epoch(val) [48][120/155] eta: 0:00:28 time: 0.6979 data_time: 0.6352 memory: 1484 2023/05/15 04:11:46 - mmengine - INFO - Epoch(val) [48][140/155] eta: 0:00:12 time: 1.0141 data_time: 0.9529 memory: 1484 2023/05/15 04:12:15 - mmengine - INFO - Epoch(val) [48][ 20/155] eta: 0:16:15 time: 0.9907 data_time: 0.8340 memory: 1582 2023/05/15 04:12:28 - mmengine - INFO - Epoch(val) [48][ 40/155] eta: 0:07:35 time: 0.6917 data_time: 0.5399 memory: 1582 2023/05/15 04:12:47 - mmengine - INFO - Epoch(val) [48][ 60/155] eta: 0:04:39 time: 0.9114 data_time: 0.7540 memory: 1582 2023/05/15 04:13:00 - mmengine - INFO - Epoch(val) [48][ 80/155] eta: 0:02:58 time: 0.6699 data_time: 0.5199 memory: 1582 2023/05/15 04:13:19 - mmengine - INFO - Epoch(val) [48][100/155] eta: 0:01:54 time: 0.9516 data_time: 0.7711 memory: 1582 2023/05/15 04:13:33 - mmengine - INFO - Epoch(val) [48][120/155] eta: 0:01:05 time: 0.7059 data_time: 0.5522 memory: 1582 2023/05/15 04:13:53 - mmengine - INFO - Epoch(val) [48][140/155] eta: 0:00:25 time: 0.9666 data_time: 0.8149 memory: 1582 2023/05/15 04:14:03 - mmengine - INFO - Epoch(val) [48][155/155] acc/top1: 0.6693 acc/top5: 0.8765 acc/mean1: 0.6691 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6559 time: 0.8109 2023/05/15 04:14:26 - mmengine - INFO - Epoch(train) [49][ 20/1879] lr: 2.0000e-03 eta: 23:34:12 time: 1.1273 data_time: 0.6957 memory: 9812 grad_norm: 3.0229 loss: 2.1333 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1016 distill.loss_dist: 1.0316 2023/05/15 04:14:42 - mmengine - INFO - Epoch(train) [49][ 40/1879] lr: 2.0000e-03 eta: 23:33:53 time: 0.8239 data_time: 0.3961 memory: 9812 grad_norm: 2.9873 loss: 2.2526 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2051 distill.loss_dist: 1.0475 2023/05/15 04:15:00 - mmengine - INFO - Epoch(train) [49][ 60/1879] lr: 2.0000e-03 eta: 23:33:36 time: 0.8915 data_time: 0.4710 memory: 9812 grad_norm: 2.9696 loss: 2.2887 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2329 distill.loss_dist: 1.0558 2023/05/15 04:15:18 - mmengine - INFO - Epoch(train) [49][ 80/1879] lr: 2.0000e-03 eta: 23:33:20 time: 0.8992 data_time: 0.4592 memory: 9812 grad_norm: 2.9290 loss: 2.1442 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1126 distill.loss_dist: 1.0316 2023/05/15 04:15:35 - mmengine - INFO - Epoch(train) [49][ 100/1879] lr: 2.0000e-03 eta: 23:33:02 time: 0.8549 data_time: 0.3887 memory: 9812 grad_norm: 2.9694 loss: 2.2344 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1959 distill.loss_dist: 1.0385 2023/05/15 04:15:51 - mmengine - INFO - Epoch(train) [49][ 120/1879] lr: 2.0000e-03 eta: 23:32:43 time: 0.7887 data_time: 0.2918 memory: 9812 grad_norm: 2.9725 loss: 2.2771 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2250 distill.loss_dist: 1.0522 2023/05/15 04:16:11 - mmengine - INFO - Epoch(train) [49][ 140/1879] lr: 2.0000e-03 eta: 23:32:28 time: 1.0081 data_time: 0.5661 memory: 9812 grad_norm: 2.9997 loss: 2.4829 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3966 distill.loss_dist: 1.0862 2023/05/15 04:16:28 - mmengine - INFO - Epoch(train) [49][ 160/1879] lr: 2.0000e-03 eta: 23:32:10 time: 0.8048 data_time: 0.3273 memory: 9812 grad_norm: 2.9725 loss: 2.3932 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3396 distill.loss_dist: 1.0536 2023/05/15 04:16:44 - mmengine - INFO - Epoch(train) [49][ 180/1879] lr: 2.0000e-03 eta: 23:31:51 time: 0.8236 data_time: 0.2281 memory: 9812 grad_norm: 2.9920 loss: 2.3464 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3015 distill.loss_dist: 1.0449 2023/05/15 04:17:03 - mmengine - INFO - Epoch(train) [49][ 200/1879] lr: 2.0000e-03 eta: 23:31:35 time: 0.9287 data_time: 0.3729 memory: 9812 grad_norm: 2.9398 loss: 2.2668 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2319 distill.loss_dist: 1.0348 2023/05/15 04:17:20 - mmengine - INFO - Epoch(train) [49][ 220/1879] lr: 2.0000e-03 eta: 23:31:17 time: 0.8453 data_time: 0.4035 memory: 9812 grad_norm: 3.0168 loss: 2.2967 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2533 distill.loss_dist: 1.0434 2023/05/15 04:17:35 - mmengine - INFO - Epoch(train) [49][ 240/1879] lr: 2.0000e-03 eta: 23:30:58 time: 0.7918 data_time: 0.3479 memory: 9812 grad_norm: 2.9846 loss: 2.2318 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1758 distill.loss_dist: 1.0559 2023/05/15 04:17:53 - mmengine - INFO - Epoch(train) [49][ 260/1879] lr: 2.0000e-03 eta: 23:30:42 time: 0.8914 data_time: 0.4481 memory: 9812 grad_norm: 2.9774 loss: 2.2141 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1727 distill.loss_dist: 1.0414 2023/05/15 04:18:10 - mmengine - INFO - Epoch(train) [49][ 280/1879] lr: 2.0000e-03 eta: 23:30:23 time: 0.8195 data_time: 0.3065 memory: 9812 grad_norm: 3.0301 loss: 2.3206 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2475 distill.loss_dist: 1.0730 2023/05/15 04:18:27 - mmengine - INFO - Epoch(train) [49][ 300/1879] lr: 2.0000e-03 eta: 23:30:06 time: 0.8819 data_time: 0.4170 memory: 9812 grad_norm: 2.9902 loss: 2.3499 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2845 distill.loss_dist: 1.0654 2023/05/15 04:18:47 - mmengine - INFO - Epoch(train) [49][ 320/1879] lr: 2.0000e-03 eta: 23:29:51 time: 0.9938 data_time: 0.5595 memory: 9812 grad_norm: 3.0190 loss: 2.6041 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.5208 distill.loss_dist: 1.0833 2023/05/15 04:19:02 - mmengine - INFO - Epoch(train) [49][ 340/1879] lr: 2.0000e-03 eta: 23:29:31 time: 0.7484 data_time: 0.3064 memory: 9812 grad_norm: 3.0277 loss: 2.2798 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.2329 distill.loss_dist: 1.0470 2023/05/15 04:19:18 - mmengine - INFO - Epoch(train) [49][ 360/1879] lr: 2.0000e-03 eta: 23:29:13 time: 0.8072 data_time: 0.3138 memory: 9812 grad_norm: 2.9573 loss: 2.1594 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1092 distill.loss_dist: 1.0502 2023/05/15 04:19:37 - mmengine - INFO - Epoch(train) [49][ 380/1879] lr: 2.0000e-03 eta: 23:28:57 time: 0.9363 data_time: 0.2225 memory: 9812 grad_norm: 2.9711 loss: 2.3043 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2497 distill.loss_dist: 1.0546 2023/05/15 04:19:54 - mmengine - INFO - Epoch(train) [49][ 400/1879] lr: 2.0000e-03 eta: 23:28:39 time: 0.8350 data_time: 0.0324 memory: 9812 grad_norm: 2.8845 loss: 2.2691 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2299 distill.loss_dist: 1.0392 2023/05/15 04:20:12 - mmengine - INFO - Epoch(train) [49][ 420/1879] lr: 2.0000e-03 eta: 23:28:22 time: 0.9209 data_time: 0.0263 memory: 9812 grad_norm: 2.9069 loss: 2.2555 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2038 distill.loss_dist: 1.0517 2023/05/15 04:20:31 - mmengine - INFO - Epoch(train) [49][ 440/1879] lr: 2.0000e-03 eta: 23:28:06 time: 0.9245 data_time: 0.0272 memory: 9812 grad_norm: 2.9980 loss: 2.0811 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0794 distill.loss_dist: 1.0017 2023/05/15 04:20:47 - mmengine - INFO - Epoch(train) [49][ 460/1879] lr: 2.0000e-03 eta: 23:27:48 time: 0.8141 data_time: 0.0299 memory: 9812 grad_norm: 2.9816 loss: 2.2343 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.1831 distill.loss_dist: 1.0512 2023/05/15 04:21:04 - mmengine - INFO - Epoch(train) [49][ 480/1879] lr: 2.0000e-03 eta: 23:27:30 time: 0.8553 data_time: 0.0243 memory: 9812 grad_norm: 2.9955 loss: 2.4484 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3811 distill.loss_dist: 1.0674 2023/05/15 04:21:22 - mmengine - INFO - Epoch(train) [49][ 500/1879] lr: 2.0000e-03 eta: 23:27:13 time: 0.8708 data_time: 0.0277 memory: 9812 grad_norm: 3.0571 loss: 2.2656 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1976 distill.loss_dist: 1.0680 2023/05/15 04:21:37 - mmengine - INFO - Epoch(train) [49][ 520/1879] lr: 2.0000e-03 eta: 23:26:53 time: 0.7702 data_time: 0.0262 memory: 9812 grad_norm: 2.9540 loss: 2.2365 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1721 distill.loss_dist: 1.0644 2023/05/15 04:21:54 - mmengine - INFO - Epoch(train) [49][ 540/1879] lr: 2.0000e-03 eta: 23:26:36 time: 0.8632 data_time: 0.0329 memory: 9812 grad_norm: 3.0294 loss: 2.2098 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1597 distill.loss_dist: 1.0501 2023/05/15 04:22:13 - mmengine - INFO - Epoch(train) [49][ 560/1879] lr: 2.0000e-03 eta: 23:26:20 time: 0.9523 data_time: 0.0534 memory: 9812 grad_norm: 3.0156 loss: 2.4511 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3822 distill.loss_dist: 1.0690 2023/05/15 04:22:30 - mmengine - INFO - Epoch(train) [49][ 580/1879] lr: 2.0000e-03 eta: 23:26:02 time: 0.8490 data_time: 0.0254 memory: 9812 grad_norm: 2.9687 loss: 2.2227 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1802 distill.loss_dist: 1.0425 2023/05/15 04:22:47 - mmengine - INFO - Epoch(train) [49][ 600/1879] lr: 2.0000e-03 eta: 23:25:44 time: 0.8280 data_time: 0.0261 memory: 9812 grad_norm: 3.0220 loss: 2.1940 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1270 distill.loss_dist: 1.0670 2023/05/15 04:23:06 - mmengine - INFO - Epoch(train) [49][ 620/1879] lr: 2.0000e-03 eta: 23:25:28 time: 0.9339 data_time: 0.0278 memory: 9812 grad_norm: 3.1441 loss: 2.0239 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9877 distill.loss_dist: 1.0362 2023/05/15 04:23:22 - mmengine - INFO - Epoch(train) [49][ 640/1879] lr: 2.0000e-03 eta: 23:25:10 time: 0.8201 data_time: 0.0250 memory: 9812 grad_norm: 3.0428 loss: 2.2979 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2458 distill.loss_dist: 1.0522 2023/05/15 04:23:38 - mmengine - INFO - Epoch(train) [49][ 660/1879] lr: 2.0000e-03 eta: 23:24:51 time: 0.8082 data_time: 0.0263 memory: 9812 grad_norm: 2.9901 loss: 2.2615 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2093 distill.loss_dist: 1.0522 2023/05/15 04:23:57 - mmengine - INFO - Epoch(train) [49][ 680/1879] lr: 2.0000e-03 eta: 23:24:35 time: 0.9298 data_time: 0.0282 memory: 9812 grad_norm: 3.0404 loss: 2.5181 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4623 distill.loss_dist: 1.0557 2023/05/15 04:24:13 - mmengine - INFO - Epoch(train) [49][ 700/1879] lr: 2.0000e-03 eta: 23:24:17 time: 0.8243 data_time: 0.0350 memory: 9812 grad_norm: 3.1273 loss: 2.3536 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3098 distill.loss_dist: 1.0438 2023/05/15 04:24:30 - mmengine - INFO - Epoch(train) [49][ 720/1879] lr: 2.0000e-03 eta: 23:23:59 time: 0.8360 data_time: 0.0847 memory: 9812 grad_norm: 2.9163 loss: 2.2007 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1723 distill.loss_dist: 1.0284 2023/05/15 04:24:47 - mmengine - INFO - Epoch(train) [49][ 740/1879] lr: 2.0000e-03 eta: 23:23:41 time: 0.8698 data_time: 0.1722 memory: 9812 grad_norm: 3.0624 loss: 2.3251 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.2477 distill.loss_dist: 1.0774 2023/05/15 04:25:05 - mmengine - INFO - Epoch(train) [49][ 760/1879] lr: 2.0000e-03 eta: 23:23:24 time: 0.8579 data_time: 0.2805 memory: 9812 grad_norm: 2.9601 loss: 2.3091 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2632 distill.loss_dist: 1.0459 2023/05/15 04:25:21 - mmengine - INFO - Epoch(train) [49][ 780/1879] lr: 2.0000e-03 eta: 23:23:06 time: 0.8372 data_time: 0.2521 memory: 9812 grad_norm: 2.9554 loss: 2.1452 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1074 distill.loss_dist: 1.0377 2023/05/15 04:25:40 - mmengine - INFO - Epoch(train) [49][ 800/1879] lr: 2.0000e-03 eta: 23:22:49 time: 0.9206 data_time: 0.1905 memory: 9812 grad_norm: 3.0037 loss: 2.3653 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3154 distill.loss_dist: 1.0500 2023/05/15 04:25:47 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 04:25:57 - mmengine - INFO - Epoch(train) [49][ 820/1879] lr: 2.0000e-03 eta: 23:22:31 time: 0.8327 data_time: 0.0510 memory: 9812 grad_norm: 3.0675 loss: 2.3982 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3418 distill.loss_dist: 1.0564 2023/05/15 04:26:14 - mmengine - INFO - Epoch(train) [49][ 840/1879] lr: 2.0000e-03 eta: 23:22:14 time: 0.8860 data_time: 0.0320 memory: 9812 grad_norm: 3.0481 loss: 2.3294 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2834 distill.loss_dist: 1.0459 2023/05/15 04:26:31 - mmengine - INFO - Epoch(train) [49][ 860/1879] lr: 2.0000e-03 eta: 23:21:57 time: 0.8542 data_time: 0.2286 memory: 9812 grad_norm: 2.9640 loss: 2.1625 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1151 distill.loss_dist: 1.0474 2023/05/15 04:26:48 - mmengine - INFO - Epoch(train) [49][ 880/1879] lr: 2.0000e-03 eta: 23:21:38 time: 0.8319 data_time: 0.2144 memory: 9812 grad_norm: 3.0351 loss: 2.3352 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2808 distill.loss_dist: 1.0544 2023/05/15 04:27:05 - mmengine - INFO - Epoch(train) [49][ 900/1879] lr: 2.0000e-03 eta: 23:21:21 time: 0.8672 data_time: 0.2544 memory: 9812 grad_norm: 2.9988 loss: 2.1094 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0737 distill.loss_dist: 1.0358 2023/05/15 04:27:24 - mmengine - INFO - Epoch(train) [49][ 920/1879] lr: 2.0000e-03 eta: 23:21:05 time: 0.9224 data_time: 0.4875 memory: 9812 grad_norm: 2.9242 loss: 2.1901 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1434 distill.loss_dist: 1.0467 2023/05/15 04:27:40 - mmengine - INFO - Epoch(train) [49][ 940/1879] lr: 2.0000e-03 eta: 23:20:46 time: 0.8159 data_time: 0.3712 memory: 9812 grad_norm: 3.0269 loss: 2.1313 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1091 distill.loss_dist: 1.0221 2023/05/15 04:27:57 - mmengine - INFO - Epoch(train) [49][ 960/1879] lr: 2.0000e-03 eta: 23:20:28 time: 0.8419 data_time: 0.4047 memory: 9812 grad_norm: 2.9757 loss: 2.4009 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.3300 distill.loss_dist: 1.0709 2023/05/15 04:28:15 - mmengine - INFO - Epoch(train) [49][ 980/1879] lr: 2.0000e-03 eta: 23:20:12 time: 0.9114 data_time: 0.4644 memory: 9812 grad_norm: 3.0487 loss: 2.3483 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3116 distill.loss_dist: 1.0367 2023/05/15 04:28:32 - mmengine - INFO - Epoch(train) [49][1000/1879] lr: 2.0000e-03 eta: 23:19:53 time: 0.8168 data_time: 0.1174 memory: 9812 grad_norm: 3.0175 loss: 2.4381 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3792 distill.loss_dist: 1.0589 2023/05/15 04:28:50 - mmengine - INFO - Epoch(train) [49][1020/1879] lr: 2.0000e-03 eta: 23:19:37 time: 0.9076 data_time: 0.1917 memory: 9812 grad_norm: 3.0678 loss: 2.2933 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2765 distill.loss_dist: 1.0168 2023/05/15 04:29:07 - mmengine - INFO - Epoch(train) [49][1040/1879] lr: 2.0000e-03 eta: 23:19:20 time: 0.8668 data_time: 0.0977 memory: 9812 grad_norm: 3.0136 loss: 2.1586 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1361 distill.loss_dist: 1.0225 2023/05/15 04:29:24 - mmengine - INFO - Epoch(train) [49][1060/1879] lr: 2.0000e-03 eta: 23:19:01 time: 0.8250 data_time: 0.2110 memory: 9812 grad_norm: 2.9820 loss: 2.3110 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2720 distill.loss_dist: 1.0390 2023/05/15 04:29:42 - mmengine - INFO - Epoch(train) [49][1080/1879] lr: 2.0000e-03 eta: 23:18:45 time: 0.9201 data_time: 0.4372 memory: 9812 grad_norm: 3.0215 loss: 2.3109 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2718 distill.loss_dist: 1.0392 2023/05/15 04:30:01 - mmengine - INFO - Epoch(train) [49][1100/1879] lr: 2.0000e-03 eta: 23:18:29 time: 0.9482 data_time: 0.5049 memory: 9812 grad_norm: 3.0000 loss: 2.2908 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2356 distill.loss_dist: 1.0552 2023/05/15 04:30:18 - mmengine - INFO - Epoch(train) [49][1120/1879] lr: 2.0000e-03 eta: 23:18:11 time: 0.8261 data_time: 0.3909 memory: 9812 grad_norm: 3.0210 loss: 2.2581 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1836 distill.loss_dist: 1.0745 2023/05/15 04:30:33 - mmengine - INFO - Epoch(train) [49][1140/1879] lr: 2.0000e-03 eta: 23:17:52 time: 0.7715 data_time: 0.3341 memory: 9812 grad_norm: 2.9906 loss: 2.2943 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2486 distill.loss_dist: 1.0456 2023/05/15 04:30:52 - mmengine - INFO - Epoch(train) [49][1160/1879] lr: 2.0000e-03 eta: 23:17:36 time: 0.9476 data_time: 0.5055 memory: 9812 grad_norm: 2.9814 loss: 2.2984 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2365 distill.loss_dist: 1.0618 2023/05/15 04:31:08 - mmengine - INFO - Epoch(train) [49][1180/1879] lr: 2.0000e-03 eta: 23:17:17 time: 0.8011 data_time: 0.3512 memory: 9812 grad_norm: 2.9692 loss: 2.2753 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2309 distill.loss_dist: 1.0444 2023/05/15 04:31:24 - mmengine - INFO - Epoch(train) [49][1200/1879] lr: 2.0000e-03 eta: 23:16:59 time: 0.8106 data_time: 0.3695 memory: 9812 grad_norm: 2.9899 loss: 2.3339 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2617 distill.loss_dist: 1.0722 2023/05/15 04:31:43 - mmengine - INFO - Epoch(train) [49][1220/1879] lr: 2.0000e-03 eta: 23:16:43 time: 0.9491 data_time: 0.5034 memory: 9812 grad_norm: 2.9945 loss: 2.4195 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.3595 distill.loss_dist: 1.0600 2023/05/15 04:32:00 - mmengine - INFO - Epoch(train) [49][1240/1879] lr: 2.0000e-03 eta: 23:16:25 time: 0.8232 data_time: 0.3754 memory: 9812 grad_norm: 2.9777 loss: 2.1550 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1510 distill.loss_dist: 1.0040 2023/05/15 04:32:16 - mmengine - INFO - Epoch(train) [49][1260/1879] lr: 2.0000e-03 eta: 23:16:06 time: 0.8165 data_time: 0.3108 memory: 9812 grad_norm: 3.0325 loss: 2.3692 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2922 distill.loss_dist: 1.0770 2023/05/15 04:32:34 - mmengine - INFO - Epoch(train) [49][1280/1879] lr: 2.0000e-03 eta: 23:15:49 time: 0.8878 data_time: 0.0784 memory: 9812 grad_norm: 2.9923 loss: 2.3789 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3152 distill.loss_dist: 1.0638 2023/05/15 04:32:51 - mmengine - INFO - Epoch(train) [49][1300/1879] lr: 2.0000e-03 eta: 23:15:32 time: 0.8587 data_time: 0.0275 memory: 9812 grad_norm: 2.9551 loss: 2.1873 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1539 distill.loss_dist: 1.0334 2023/05/15 04:33:09 - mmengine - INFO - Epoch(train) [49][1320/1879] lr: 2.0000e-03 eta: 23:15:15 time: 0.8923 data_time: 0.0250 memory: 9812 grad_norm: 3.0071 loss: 2.1367 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1098 distill.loss_dist: 1.0269 2023/05/15 04:33:27 - mmengine - INFO - Epoch(train) [49][1340/1879] lr: 2.0000e-03 eta: 23:14:58 time: 0.9054 data_time: 0.0303 memory: 9812 grad_norm: 3.0135 loss: 2.3038 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2544 distill.loss_dist: 1.0494 2023/05/15 04:33:44 - mmengine - INFO - Epoch(train) [49][1360/1879] lr: 2.0000e-03 eta: 23:14:40 time: 0.8293 data_time: 0.0263 memory: 9812 grad_norm: 3.0170 loss: 2.4269 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3550 distill.loss_dist: 1.0718 2023/05/15 04:34:01 - mmengine - INFO - Epoch(train) [49][1380/1879] lr: 2.0000e-03 eta: 23:14:23 time: 0.8794 data_time: 0.0277 memory: 9812 grad_norm: 2.9957 loss: 2.1976 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1555 distill.loss_dist: 1.0421 2023/05/15 04:34:18 - mmengine - INFO - Epoch(train) [49][1400/1879] lr: 2.0000e-03 eta: 23:14:04 time: 0.8120 data_time: 0.0305 memory: 9812 grad_norm: 3.0720 loss: 2.4860 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4022 distill.loss_dist: 1.0838 2023/05/15 04:34:36 - mmengine - INFO - Epoch(train) [49][1420/1879] lr: 2.0000e-03 eta: 23:13:48 time: 0.9246 data_time: 0.0260 memory: 9812 grad_norm: 3.1780 loss: 2.2996 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2337 distill.loss_dist: 1.0659 2023/05/15 04:34:52 - mmengine - INFO - Epoch(train) [49][1440/1879] lr: 2.0000e-03 eta: 23:13:29 time: 0.7751 data_time: 0.0267 memory: 9812 grad_norm: 2.9992 loss: 2.2662 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2273 distill.loss_dist: 1.0390 2023/05/15 04:35:08 - mmengine - INFO - Epoch(train) [49][1460/1879] lr: 2.0000e-03 eta: 23:13:11 time: 0.8348 data_time: 0.0282 memory: 9812 grad_norm: 2.9848 loss: 2.1650 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1453 distill.loss_dist: 1.0197 2023/05/15 04:35:25 - mmengine - INFO - Epoch(train) [49][1480/1879] lr: 2.0000e-03 eta: 23:12:52 time: 0.8191 data_time: 0.0251 memory: 9812 grad_norm: 2.9896 loss: 2.3204 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2539 distill.loss_dist: 1.0666 2023/05/15 04:35:45 - mmengine - INFO - Epoch(train) [49][1500/1879] lr: 2.0000e-03 eta: 23:12:38 time: 1.0073 data_time: 0.0322 memory: 9812 grad_norm: 2.9794 loss: 2.2860 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2457 distill.loss_dist: 1.0402 2023/05/15 04:36:01 - mmengine - INFO - Epoch(train) [49][1520/1879] lr: 2.0000e-03 eta: 23:12:19 time: 0.7843 data_time: 0.0244 memory: 9812 grad_norm: 3.0574 loss: 2.1259 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.0911 distill.loss_dist: 1.0348 2023/05/15 04:36:19 - mmengine - INFO - Epoch(train) [49][1540/1879] lr: 2.0000e-03 eta: 23:12:03 time: 0.9341 data_time: 0.0281 memory: 9812 grad_norm: 3.0520 loss: 2.2681 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2367 distill.loss_dist: 1.0315 2023/05/15 04:36:36 - mmengine - INFO - Epoch(train) [49][1560/1879] lr: 2.0000e-03 eta: 23:11:44 time: 0.8213 data_time: 0.0266 memory: 9812 grad_norm: 3.0250 loss: 2.2179 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.1871 distill.loss_dist: 1.0308 2023/05/15 04:36:52 - mmengine - INFO - Epoch(train) [49][1580/1879] lr: 2.0000e-03 eta: 23:11:26 time: 0.8409 data_time: 0.0260 memory: 9812 grad_norm: 3.0183 loss: 2.3260 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2593 distill.loss_dist: 1.0667 2023/05/15 04:37:10 - mmengine - INFO - Epoch(train) [49][1600/1879] lr: 2.0000e-03 eta: 23:11:09 time: 0.8738 data_time: 0.0261 memory: 9812 grad_norm: 2.9738 loss: 2.1728 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1255 distill.loss_dist: 1.0473 2023/05/15 04:37:27 - mmengine - INFO - Epoch(train) [49][1620/1879] lr: 2.0000e-03 eta: 23:10:51 time: 0.8294 data_time: 0.0295 memory: 9812 grad_norm: 2.9799 loss: 1.9997 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 0.9687 distill.loss_dist: 1.0310 2023/05/15 04:37:43 - mmengine - INFO - Epoch(train) [49][1640/1879] lr: 2.0000e-03 eta: 23:10:32 time: 0.7993 data_time: 0.0264 memory: 9812 grad_norm: 2.9910 loss: 2.5042 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.4364 distill.loss_dist: 1.0678 2023/05/15 04:38:02 - mmengine - INFO - Epoch(train) [49][1660/1879] lr: 2.0000e-03 eta: 23:10:17 time: 0.9676 data_time: 0.0265 memory: 9812 grad_norm: 2.9668 loss: 2.2992 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2410 distill.loss_dist: 1.0583 2023/05/15 04:38:20 - mmengine - INFO - Epoch(train) [49][1680/1879] lr: 2.0000e-03 eta: 23:10:00 time: 0.8827 data_time: 0.0267 memory: 9812 grad_norm: 3.0162 loss: 2.2745 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2496 distill.loss_dist: 1.0249 2023/05/15 04:38:36 - mmengine - INFO - Epoch(train) [49][1700/1879] lr: 2.0000e-03 eta: 23:09:41 time: 0.8297 data_time: 0.0301 memory: 9812 grad_norm: 2.9473 loss: 2.1579 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1322 distill.loss_dist: 1.0257 2023/05/15 04:38:53 - mmengine - INFO - Epoch(train) [49][1720/1879] lr: 2.0000e-03 eta: 23:09:24 time: 0.8464 data_time: 0.0244 memory: 9812 grad_norm: 3.0764 loss: 2.4518 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3913 distill.loss_dist: 1.0606 2023/05/15 04:39:13 - mmengine - INFO - Epoch(train) [49][1740/1879] lr: 2.0000e-03 eta: 23:09:09 time: 0.9974 data_time: 0.0253 memory: 9812 grad_norm: 3.0190 loss: 2.2127 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2052 distill.loss_dist: 1.0075 2023/05/15 04:39:29 - mmengine - INFO - Epoch(train) [49][1760/1879] lr: 2.0000e-03 eta: 23:08:50 time: 0.7908 data_time: 0.0250 memory: 9812 grad_norm: 3.0377 loss: 2.4617 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3968 distill.loss_dist: 1.0649 2023/05/15 04:39:46 - mmengine - INFO - Epoch(train) [49][1780/1879] lr: 2.0000e-03 eta: 23:08:32 time: 0.8304 data_time: 0.0234 memory: 9812 grad_norm: 2.9684 loss: 2.2603 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1878 distill.loss_dist: 1.0724 2023/05/15 04:40:05 - mmengine - INFO - Epoch(train) [49][1800/1879] lr: 2.0000e-03 eta: 23:08:16 time: 0.9675 data_time: 0.0261 memory: 9812 grad_norm: 3.0810 loss: 2.3767 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3155 distill.loss_dist: 1.0611 2023/05/15 04:40:11 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 04:40:21 - mmengine - INFO - Epoch(train) [49][1820/1879] lr: 2.0000e-03 eta: 23:07:57 time: 0.7780 data_time: 0.0258 memory: 9812 grad_norm: 3.0524 loss: 2.1519 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1428 distill.loss_dist: 1.0091 2023/05/15 04:40:38 - mmengine - INFO - Epoch(train) [49][1840/1879] lr: 2.0000e-03 eta: 23:07:40 time: 0.8580 data_time: 0.0259 memory: 9812 grad_norm: 2.9947 loss: 2.2341 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2000 distill.loss_dist: 1.0342 2023/05/15 04:40:57 - mmengine - INFO - Epoch(train) [49][1860/1879] lr: 2.0000e-03 eta: 23:07:24 time: 0.9677 data_time: 0.0248 memory: 9812 grad_norm: 3.0047 loss: 2.1712 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1589 distill.loss_dist: 1.0123 2023/05/15 04:41:10 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 04:41:10 - mmengine - INFO - Epoch(train) [49][1879/1879] lr: 2.0000e-03 eta: 23:07:04 time: 0.6442 data_time: 0.0211 memory: 9812 grad_norm: 3.1154 loss: 2.2841 student.top1_acc: 0.4286 student.top5_acc: 0.5714 student.loss_cls: 1.2564 distill.loss_dist: 1.0277 2023/05/15 04:41:29 - mmengine - INFO - Epoch(val) [49][ 20/155] eta: 0:02:10 time: 0.9699 data_time: 0.9000 memory: 1484 2023/05/15 04:41:42 - mmengine - INFO - Epoch(val) [49][ 40/155] eta: 0:01:34 time: 0.6769 data_time: 0.6138 memory: 1484 2023/05/15 04:42:01 - mmengine - INFO - Epoch(val) [49][ 60/155] eta: 0:01:21 time: 0.9330 data_time: 0.8623 memory: 1484 2023/05/15 04:42:14 - mmengine - INFO - Epoch(val) [49][ 80/155] eta: 0:01:00 time: 0.6495 data_time: 0.5903 memory: 1484 2023/05/15 04:42:33 - mmengine - INFO - Epoch(val) [49][100/155] eta: 0:00:46 time: 0.9608 data_time: 0.8985 memory: 1484 2023/05/15 04:42:46 - mmengine - INFO - Epoch(val) [49][120/155] eta: 0:00:28 time: 0.6383 data_time: 0.5752 memory: 1484 2023/05/15 04:43:06 - mmengine - INFO - Epoch(val) [49][140/155] eta: 0:00:12 time: 1.0116 data_time: 0.9433 memory: 1484 2023/05/15 04:43:37 - mmengine - INFO - Epoch(val) [49][ 20/155] eta: 0:16:16 time: 0.9783 data_time: 0.8256 memory: 1582 2023/05/15 04:43:51 - mmengine - INFO - Epoch(val) [49][ 40/155] eta: 0:07:37 time: 0.7177 data_time: 0.5652 memory: 1582 2023/05/15 04:44:09 - mmengine - INFO - Epoch(val) [49][ 60/155] eta: 0:04:40 time: 0.8936 data_time: 0.7376 memory: 1582 2023/05/15 04:44:23 - mmengine - INFO - Epoch(val) [49][ 80/155] eta: 0:02:59 time: 0.7003 data_time: 0.5475 memory: 1582 2023/05/15 04:44:42 - mmengine - INFO - Epoch(val) [49][100/155] eta: 0:01:55 time: 0.9684 data_time: 0.8196 memory: 1582 2023/05/15 04:44:56 - mmengine - INFO - Epoch(val) [49][120/155] eta: 0:01:05 time: 0.6714 data_time: 0.5184 memory: 1582 2023/05/15 04:45:16 - mmengine - INFO - Epoch(val) [49][140/155] eta: 0:00:26 time: 0.9852 data_time: 0.8305 memory: 1582 2023/05/15 04:45:27 - mmengine - INFO - Epoch(val) [49][155/155] acc/top1: 0.6702 acc/top5: 0.8749 acc/mean1: 0.6702 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6630 time: 0.8144 2023/05/15 04:45:27 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_47.pth is removed 2023/05/15 04:45:28 - mmengine - INFO - The best checkpoint with 0.6702 acc/top1 at 49 epoch is saved to best_acc_top1_epoch_49.pth. 2023/05/15 04:45:49 - mmengine - INFO - Epoch(train) [50][ 20/1879] lr: 2.0000e-03 eta: 23:06:51 time: 1.0872 data_time: 0.6639 memory: 9812 grad_norm: 3.0295 loss: 2.2203 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1863 distill.loss_dist: 1.0340 2023/05/15 04:46:06 - mmengine - INFO - Epoch(train) [50][ 40/1879] lr: 2.0000e-03 eta: 23:06:32 time: 0.8096 data_time: 0.3836 memory: 9812 grad_norm: 2.9320 loss: 2.3424 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2885 distill.loss_dist: 1.0538 2023/05/15 04:46:22 - mmengine - INFO - Epoch(train) [50][ 60/1879] lr: 2.0000e-03 eta: 23:06:14 time: 0.8231 data_time: 0.3960 memory: 9812 grad_norm: 2.9944 loss: 2.2236 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1564 distill.loss_dist: 1.0673 2023/05/15 04:46:40 - mmengine - INFO - Epoch(train) [50][ 80/1879] lr: 2.0000e-03 eta: 23:05:57 time: 0.8973 data_time: 0.3324 memory: 9812 grad_norm: 3.0400 loss: 2.1982 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1459 distill.loss_dist: 1.0523 2023/05/15 04:46:57 - mmengine - INFO - Epoch(train) [50][ 100/1879] lr: 2.0000e-03 eta: 23:05:39 time: 0.8318 data_time: 0.0434 memory: 9812 grad_norm: 2.9626 loss: 2.3988 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3376 distill.loss_dist: 1.0612 2023/05/15 04:47:12 - mmengine - INFO - Epoch(train) [50][ 120/1879] lr: 2.0000e-03 eta: 23:05:20 time: 0.7788 data_time: 0.0685 memory: 9812 grad_norm: 3.0552 loss: 2.0787 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0517 distill.loss_dist: 1.0270 2023/05/15 04:47:31 - mmengine - INFO - Epoch(train) [50][ 140/1879] lr: 2.0000e-03 eta: 23:05:04 time: 0.9606 data_time: 0.1438 memory: 9812 grad_norm: 3.0265 loss: 2.1838 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1303 distill.loss_dist: 1.0535 2023/05/15 04:47:49 - mmengine - INFO - Epoch(train) [50][ 160/1879] lr: 2.0000e-03 eta: 23:04:47 time: 0.8842 data_time: 0.2120 memory: 9812 grad_norm: 3.0436 loss: 2.0953 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0495 distill.loss_dist: 1.0458 2023/05/15 04:48:05 - mmengine - INFO - Epoch(train) [50][ 180/1879] lr: 2.0000e-03 eta: 23:04:28 time: 0.7941 data_time: 0.1356 memory: 9812 grad_norm: 2.9795 loss: 2.3194 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2981 distill.loss_dist: 1.0213 2023/05/15 04:48:22 - mmengine - INFO - Epoch(train) [50][ 200/1879] lr: 2.0000e-03 eta: 23:04:11 time: 0.8577 data_time: 0.0577 memory: 9812 grad_norm: 2.9744 loss: 2.2976 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.2575 distill.loss_dist: 1.0401 2023/05/15 04:48:40 - mmengine - INFO - Epoch(train) [50][ 220/1879] lr: 2.0000e-03 eta: 23:03:54 time: 0.8903 data_time: 0.2560 memory: 9812 grad_norm: 2.9743 loss: 2.1284 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1034 distill.loss_dist: 1.0250 2023/05/15 04:48:57 - mmengine - INFO - Epoch(train) [50][ 240/1879] lr: 2.0000e-03 eta: 23:03:35 time: 0.8214 data_time: 0.1985 memory: 9812 grad_norm: 2.9636 loss: 2.2014 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1463 distill.loss_dist: 1.0552 2023/05/15 04:49:14 - mmengine - INFO - Epoch(train) [50][ 260/1879] lr: 2.0000e-03 eta: 23:03:19 time: 0.8962 data_time: 0.1202 memory: 9812 grad_norm: 3.0519 loss: 2.3182 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2762 distill.loss_dist: 1.0420 2023/05/15 04:49:33 - mmengine - INFO - Epoch(train) [50][ 280/1879] lr: 2.0000e-03 eta: 23:03:03 time: 0.9433 data_time: 0.4405 memory: 9812 grad_norm: 3.0100 loss: 2.2704 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2437 distill.loss_dist: 1.0267 2023/05/15 04:49:49 - mmengine - INFO - Epoch(train) [50][ 300/1879] lr: 2.0000e-03 eta: 23:02:43 time: 0.7626 data_time: 0.3312 memory: 9812 grad_norm: 3.0172 loss: 2.1691 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1268 distill.loss_dist: 1.0422 2023/05/15 04:50:06 - mmengine - INFO - Epoch(train) [50][ 320/1879] lr: 2.0000e-03 eta: 23:02:25 time: 0.8456 data_time: 0.3576 memory: 9812 grad_norm: 2.9973 loss: 2.1771 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1221 distill.loss_dist: 1.0550 2023/05/15 04:50:26 - mmengine - INFO - Epoch(train) [50][ 340/1879] lr: 2.0000e-03 eta: 23:02:11 time: 0.9973 data_time: 0.5126 memory: 9812 grad_norm: 3.0162 loss: 2.2328 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1852 distill.loss_dist: 1.0476 2023/05/15 04:50:42 - mmengine - INFO - Epoch(train) [50][ 360/1879] lr: 2.0000e-03 eta: 23:01:52 time: 0.8232 data_time: 0.2870 memory: 9812 grad_norm: 3.0174 loss: 2.2095 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1713 distill.loss_dist: 1.0382 2023/05/15 04:50:57 - mmengine - INFO - Epoch(train) [50][ 380/1879] lr: 2.0000e-03 eta: 23:01:33 time: 0.7637 data_time: 0.3063 memory: 9812 grad_norm: 3.0182 loss: 2.1974 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1617 distill.loss_dist: 1.0357 2023/05/15 04:51:15 - mmengine - INFO - Epoch(train) [50][ 400/1879] lr: 2.0000e-03 eta: 23:01:16 time: 0.8941 data_time: 0.0774 memory: 9812 grad_norm: 2.9779 loss: 2.3233 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2759 distill.loss_dist: 1.0474 2023/05/15 04:51:32 - mmengine - INFO - Epoch(train) [50][ 420/1879] lr: 2.0000e-03 eta: 23:00:58 time: 0.8536 data_time: 0.0263 memory: 9812 grad_norm: 3.0615 loss: 2.2349 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1977 distill.loss_dist: 1.0373 2023/05/15 04:51:49 - mmengine - INFO - Epoch(train) [50][ 440/1879] lr: 2.0000e-03 eta: 23:00:40 time: 0.8175 data_time: 0.0273 memory: 9812 grad_norm: 3.0201 loss: 2.4106 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3492 distill.loss_dist: 1.0614 2023/05/15 04:52:08 - mmengine - INFO - Epoch(train) [50][ 460/1879] lr: 2.0000e-03 eta: 23:00:24 time: 0.9508 data_time: 0.2207 memory: 9812 grad_norm: 3.0779 loss: 2.5033 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.4180 distill.loss_dist: 1.0853 2023/05/15 04:52:25 - mmengine - INFO - Epoch(train) [50][ 480/1879] lr: 2.0000e-03 eta: 23:00:07 time: 0.8645 data_time: 0.0235 memory: 9812 grad_norm: 3.0506 loss: 2.1928 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1418 distill.loss_dist: 1.0510 2023/05/15 04:52:41 - mmengine - INFO - Epoch(train) [50][ 500/1879] lr: 2.0000e-03 eta: 22:59:48 time: 0.7897 data_time: 0.0261 memory: 9812 grad_norm: 2.9662 loss: 2.1684 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1470 distill.loss_dist: 1.0214 2023/05/15 04:53:00 - mmengine - INFO - Epoch(train) [50][ 520/1879] lr: 2.0000e-03 eta: 22:59:33 time: 0.9778 data_time: 0.1124 memory: 9812 grad_norm: 2.9867 loss: 2.2181 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1946 distill.loss_dist: 1.0235 2023/05/15 04:53:17 - mmengine - INFO - Epoch(train) [50][ 540/1879] lr: 2.0000e-03 eta: 22:59:14 time: 0.8054 data_time: 0.0402 memory: 9812 grad_norm: 3.0360 loss: 2.3447 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2925 distill.loss_dist: 1.0521 2023/05/15 04:53:32 - mmengine - INFO - Epoch(train) [50][ 560/1879] lr: 2.0000e-03 eta: 22:58:55 time: 0.7830 data_time: 0.0499 memory: 9812 grad_norm: 3.1201 loss: 2.2274 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1927 distill.loss_dist: 1.0347 2023/05/15 04:53:52 - mmengine - INFO - Epoch(train) [50][ 580/1879] lr: 2.0000e-03 eta: 22:58:40 time: 0.9806 data_time: 0.2700 memory: 9812 grad_norm: 3.0058 loss: 2.1917 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1535 distill.loss_dist: 1.0382 2023/05/15 04:54:09 - mmengine - INFO - Epoch(train) [50][ 600/1879] lr: 2.0000e-03 eta: 22:58:22 time: 0.8369 data_time: 0.0271 memory: 9812 grad_norm: 2.9174 loss: 2.3864 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3283 distill.loss_dist: 1.0581 2023/05/15 04:54:25 - mmengine - INFO - Epoch(train) [50][ 620/1879] lr: 2.0000e-03 eta: 22:58:03 time: 0.8151 data_time: 0.0255 memory: 9812 grad_norm: 3.0104 loss: 2.2537 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2330 distill.loss_dist: 1.0207 2023/05/15 04:54:42 - mmengine - INFO - Epoch(train) [50][ 640/1879] lr: 2.0000e-03 eta: 22:57:46 time: 0.8610 data_time: 0.0261 memory: 9812 grad_norm: 3.1007 loss: 2.4832 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4314 distill.loss_dist: 1.0518 2023/05/15 04:55:00 - mmengine - INFO - Epoch(train) [50][ 660/1879] lr: 2.0000e-03 eta: 22:57:29 time: 0.8956 data_time: 0.2147 memory: 9812 grad_norm: 2.9316 loss: 2.0804 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0565 distill.loss_dist: 1.0239 2023/05/15 04:55:18 - mmengine - INFO - Epoch(train) [50][ 680/1879] lr: 2.0000e-03 eta: 22:57:12 time: 0.8710 data_time: 0.1131 memory: 9812 grad_norm: 3.1162 loss: 2.2301 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1835 distill.loss_dist: 1.0466 2023/05/15 04:55:35 - mmengine - INFO - Epoch(train) [50][ 700/1879] lr: 2.0000e-03 eta: 22:56:54 time: 0.8509 data_time: 0.3582 memory: 9812 grad_norm: 3.1238 loss: 2.4872 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4138 distill.loss_dist: 1.0734 2023/05/15 04:55:53 - mmengine - INFO - Epoch(train) [50][ 720/1879] lr: 2.0000e-03 eta: 22:56:38 time: 0.9290 data_time: 0.5038 memory: 9812 grad_norm: 2.9777 loss: 2.3395 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2847 distill.loss_dist: 1.0547 2023/05/15 04:56:09 - mmengine - INFO - Epoch(train) [50][ 740/1879] lr: 2.0000e-03 eta: 22:56:19 time: 0.8065 data_time: 0.3625 memory: 9812 grad_norm: 3.0983 loss: 2.3171 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2591 distill.loss_dist: 1.0581 2023/05/15 04:56:25 - mmengine - INFO - Epoch(train) [50][ 760/1879] lr: 2.0000e-03 eta: 22:56:00 time: 0.7818 data_time: 0.3473 memory: 9812 grad_norm: 3.0788 loss: 2.2116 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1974 distill.loss_dist: 1.0142 2023/05/15 04:56:44 - mmengine - INFO - Epoch(train) [50][ 780/1879] lr: 2.0000e-03 eta: 22:55:45 time: 0.9651 data_time: 0.5324 memory: 9812 grad_norm: 3.0242 loss: 2.1372 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.1120 distill.loss_dist: 1.0252 2023/05/15 04:57:01 - mmengine - INFO - Epoch(train) [50][ 800/1879] lr: 2.0000e-03 eta: 22:55:27 time: 0.8476 data_time: 0.4135 memory: 9812 grad_norm: 2.9895 loss: 2.0869 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0527 distill.loss_dist: 1.0342 2023/05/15 04:57:18 - mmengine - INFO - Epoch(train) [50][ 820/1879] lr: 2.0000e-03 eta: 22:55:09 time: 0.8294 data_time: 0.3946 memory: 9812 grad_norm: 3.0215 loss: 2.2635 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2362 distill.loss_dist: 1.0273 2023/05/15 04:57:37 - mmengine - INFO - Epoch(train) [50][ 840/1879] lr: 2.0000e-03 eta: 22:54:53 time: 0.9611 data_time: 0.5294 memory: 9812 grad_norm: 3.0278 loss: 2.1962 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1459 distill.loss_dist: 1.0502 2023/05/15 04:57:53 - mmengine - INFO - Epoch(train) [50][ 860/1879] lr: 2.0000e-03 eta: 22:54:34 time: 0.8005 data_time: 0.3681 memory: 9812 grad_norm: 3.0464 loss: 2.1945 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1503 distill.loss_dist: 1.0442 2023/05/15 04:58:09 - mmengine - INFO - Epoch(train) [50][ 880/1879] lr: 2.0000e-03 eta: 22:54:15 time: 0.7836 data_time: 0.3436 memory: 9812 grad_norm: 3.0202 loss: 2.3334 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3025 distill.loss_dist: 1.0309 2023/05/15 04:58:28 - mmengine - INFO - Epoch(train) [50][ 900/1879] lr: 2.0000e-03 eta: 22:54:00 time: 0.9483 data_time: 0.5093 memory: 9812 grad_norm: 3.0048 loss: 2.2856 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2512 distill.loss_dist: 1.0344 2023/05/15 04:58:45 - mmengine - INFO - Epoch(train) [50][ 920/1879] lr: 2.0000e-03 eta: 22:53:42 time: 0.8376 data_time: 0.3504 memory: 9812 grad_norm: 3.0620 loss: 2.3655 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3004 distill.loss_dist: 1.0651 2023/05/15 04:58:52 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 04:59:00 - mmengine - INFO - Epoch(train) [50][ 940/1879] lr: 2.0000e-03 eta: 22:53:22 time: 0.7718 data_time: 0.2782 memory: 9812 grad_norm: 3.0185 loss: 2.3332 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2965 distill.loss_dist: 1.0367 2023/05/15 04:59:19 - mmengine - INFO - Epoch(train) [50][ 960/1879] lr: 2.0000e-03 eta: 22:53:07 time: 0.9538 data_time: 0.4318 memory: 9812 grad_norm: 2.9795 loss: 2.1004 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0693 distill.loss_dist: 1.0310 2023/05/15 04:59:35 - mmengine - INFO - Epoch(train) [50][ 980/1879] lr: 2.0000e-03 eta: 22:52:48 time: 0.7863 data_time: 0.2226 memory: 9812 grad_norm: 2.9646 loss: 2.3081 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2392 distill.loss_dist: 1.0689 2023/05/15 04:59:51 - mmengine - INFO - Epoch(train) [50][1000/1879] lr: 2.0000e-03 eta: 22:52:30 time: 0.8322 data_time: 0.1379 memory: 9812 grad_norm: 3.0262 loss: 2.2994 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2166 distill.loss_dist: 1.0828 2023/05/15 05:00:09 - mmengine - INFO - Epoch(train) [50][1020/1879] lr: 2.0000e-03 eta: 22:52:12 time: 0.8605 data_time: 0.2092 memory: 9812 grad_norm: 3.0202 loss: 2.1479 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1288 distill.loss_dist: 1.0192 2023/05/15 05:00:26 - mmengine - INFO - Epoch(train) [50][1040/1879] lr: 2.0000e-03 eta: 22:51:55 time: 0.8654 data_time: 0.0712 memory: 9812 grad_norm: 3.0404 loss: 2.3227 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2642 distill.loss_dist: 1.0585 2023/05/15 05:00:45 - mmengine - INFO - Epoch(train) [50][1060/1879] lr: 2.0000e-03 eta: 22:51:39 time: 0.9352 data_time: 0.0262 memory: 9812 grad_norm: 3.0325 loss: 2.2303 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1870 distill.loss_dist: 1.0434 2023/05/15 05:01:01 - mmengine - INFO - Epoch(train) [50][1080/1879] lr: 2.0000e-03 eta: 22:51:20 time: 0.8111 data_time: 0.0253 memory: 9812 grad_norm: 3.0635 loss: 2.2047 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1580 distill.loss_dist: 1.0467 2023/05/15 05:01:18 - mmengine - INFO - Epoch(train) [50][1100/1879] lr: 2.0000e-03 eta: 22:51:02 time: 0.8460 data_time: 0.0250 memory: 9812 grad_norm: 3.0416 loss: 2.2935 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2551 distill.loss_dist: 1.0384 2023/05/15 05:01:38 - mmengine - INFO - Epoch(train) [50][1120/1879] lr: 2.0000e-03 eta: 22:50:47 time: 0.9883 data_time: 0.0258 memory: 9812 grad_norm: 3.0390 loss: 2.3018 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2462 distill.loss_dist: 1.0557 2023/05/15 05:01:54 - mmengine - INFO - Epoch(train) [50][1140/1879] lr: 2.0000e-03 eta: 22:50:29 time: 0.8220 data_time: 0.0260 memory: 9812 grad_norm: 3.0804 loss: 2.2877 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2666 distill.loss_dist: 1.0210 2023/05/15 05:02:10 - mmengine - INFO - Epoch(train) [50][1160/1879] lr: 2.0000e-03 eta: 22:50:10 time: 0.8139 data_time: 0.0286 memory: 9812 grad_norm: 3.0323 loss: 2.1398 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1112 distill.loss_dist: 1.0286 2023/05/15 05:02:28 - mmengine - INFO - Epoch(train) [50][1180/1879] lr: 2.0000e-03 eta: 22:49:53 time: 0.8753 data_time: 0.0261 memory: 9812 grad_norm: 3.0287 loss: 2.1247 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0915 distill.loss_dist: 1.0332 2023/05/15 05:02:46 - mmengine - INFO - Epoch(train) [50][1200/1879] lr: 2.0000e-03 eta: 22:49:36 time: 0.8909 data_time: 0.0555 memory: 9812 grad_norm: 3.1222 loss: 2.2315 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1845 distill.loss_dist: 1.0470 2023/05/15 05:03:03 - mmengine - INFO - Epoch(train) [50][1220/1879] lr: 2.0000e-03 eta: 22:49:19 time: 0.8594 data_time: 0.1539 memory: 9812 grad_norm: 3.0324 loss: 2.4105 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3135 distill.loss_dist: 1.0969 2023/05/15 05:03:19 - mmengine - INFO - Epoch(train) [50][1240/1879] lr: 2.0000e-03 eta: 22:49:00 time: 0.7817 data_time: 0.1037 memory: 9812 grad_norm: 3.0247 loss: 2.2389 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1760 distill.loss_dist: 1.0629 2023/05/15 05:03:37 - mmengine - INFO - Epoch(train) [50][1260/1879] lr: 2.0000e-03 eta: 22:48:43 time: 0.9163 data_time: 0.1813 memory: 9812 grad_norm: 3.0542 loss: 2.4106 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3355 distill.loss_dist: 1.0752 2023/05/15 05:03:53 - mmengine - INFO - Epoch(train) [50][1280/1879] lr: 2.0000e-03 eta: 22:48:25 time: 0.8238 data_time: 0.0439 memory: 9812 grad_norm: 3.0093 loss: 2.3531 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2766 distill.loss_dist: 1.0765 2023/05/15 05:04:12 - mmengine - INFO - Epoch(train) [50][1300/1879] lr: 2.0000e-03 eta: 22:48:09 time: 0.9351 data_time: 0.1980 memory: 9812 grad_norm: 2.9816 loss: 2.0477 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0266 distill.loss_dist: 1.0211 2023/05/15 05:04:31 - mmengine - INFO - Epoch(train) [50][1320/1879] lr: 2.0000e-03 eta: 22:47:53 time: 0.9219 data_time: 0.4290 memory: 9812 grad_norm: 3.0495 loss: 2.3964 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3568 distill.loss_dist: 1.0395 2023/05/15 05:04:47 - mmengine - INFO - Epoch(train) [50][1340/1879] lr: 2.0000e-03 eta: 22:47:35 time: 0.8289 data_time: 0.3957 memory: 9812 grad_norm: 2.9963 loss: 2.3214 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2783 distill.loss_dist: 1.0431 2023/05/15 05:05:03 - mmengine - INFO - Epoch(train) [50][1360/1879] lr: 2.0000e-03 eta: 22:47:16 time: 0.7927 data_time: 0.3671 memory: 9812 grad_norm: 3.0187 loss: 2.1678 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1471 distill.loss_dist: 1.0207 2023/05/15 05:05:23 - mmengine - INFO - Epoch(train) [50][1380/1879] lr: 2.0000e-03 eta: 22:47:00 time: 0.9751 data_time: 0.5505 memory: 9812 grad_norm: 3.0161 loss: 2.3063 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2387 distill.loss_dist: 1.0676 2023/05/15 05:05:40 - mmengine - INFO - Epoch(train) [50][1400/1879] lr: 2.0000e-03 eta: 22:46:43 time: 0.8542 data_time: 0.4224 memory: 9812 grad_norm: 3.0691 loss: 2.2707 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2167 distill.loss_dist: 1.0540 2023/05/15 05:05:56 - mmengine - INFO - Epoch(train) [50][1420/1879] lr: 2.0000e-03 eta: 22:46:24 time: 0.8135 data_time: 0.3792 memory: 9812 grad_norm: 3.0659 loss: 2.1407 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1124 distill.loss_dist: 1.0283 2023/05/15 05:06:14 - mmengine - INFO - Epoch(train) [50][1440/1879] lr: 2.0000e-03 eta: 22:46:08 time: 0.9202 data_time: 0.4670 memory: 9812 grad_norm: 3.0290 loss: 2.3102 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2412 distill.loss_dist: 1.0690 2023/05/15 05:06:31 - mmengine - INFO - Epoch(train) [50][1460/1879] lr: 2.0000e-03 eta: 22:45:50 time: 0.8354 data_time: 0.3971 memory: 9812 grad_norm: 3.0672 loss: 2.2648 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2122 distill.loss_dist: 1.0527 2023/05/15 05:06:47 - mmengine - INFO - Epoch(train) [50][1480/1879] lr: 2.0000e-03 eta: 22:45:31 time: 0.7723 data_time: 0.3417 memory: 9812 grad_norm: 3.0051 loss: 2.3702 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2756 distill.loss_dist: 1.0946 2023/05/15 05:07:06 - mmengine - INFO - Epoch(train) [50][1500/1879] lr: 2.0000e-03 eta: 22:45:16 time: 0.9844 data_time: 0.5623 memory: 9812 grad_norm: 3.1541 loss: 2.3321 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2494 distill.loss_dist: 1.0827 2023/05/15 05:07:21 - mmengine - INFO - Epoch(train) [50][1520/1879] lr: 2.0000e-03 eta: 22:44:56 time: 0.7513 data_time: 0.2598 memory: 9812 grad_norm: 3.0198 loss: 2.2237 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1724 distill.loss_dist: 1.0512 2023/05/15 05:07:40 - mmengine - INFO - Epoch(train) [50][1540/1879] lr: 2.0000e-03 eta: 22:44:39 time: 0.9042 data_time: 0.2810 memory: 9812 grad_norm: 3.0269 loss: 2.0759 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0462 distill.loss_dist: 1.0297 2023/05/15 05:07:59 - mmengine - INFO - Epoch(train) [50][1560/1879] lr: 2.0000e-03 eta: 22:44:24 time: 0.9528 data_time: 0.3888 memory: 9812 grad_norm: 3.0296 loss: 2.2924 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2457 distill.loss_dist: 1.0466 2023/05/15 05:08:14 - mmengine - INFO - Epoch(train) [50][1580/1879] lr: 2.0000e-03 eta: 22:44:04 time: 0.7732 data_time: 0.3210 memory: 9812 grad_norm: 3.1070 loss: 2.1961 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1621 distill.loss_dist: 1.0339 2023/05/15 05:08:32 - mmengine - INFO - Epoch(train) [50][1600/1879] lr: 2.0000e-03 eta: 22:43:48 time: 0.9063 data_time: 0.1767 memory: 9812 grad_norm: 3.0701 loss: 2.2087 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2008 distill.loss_dist: 1.0079 2023/05/15 05:08:50 - mmengine - INFO - Epoch(train) [50][1620/1879] lr: 2.0000e-03 eta: 22:43:30 time: 0.8732 data_time: 0.2798 memory: 9812 grad_norm: 3.0425 loss: 2.0669 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0548 distill.loss_dist: 1.0121 2023/05/15 05:09:07 - mmengine - INFO - Epoch(train) [50][1640/1879] lr: 2.0000e-03 eta: 22:43:13 time: 0.8439 data_time: 0.4010 memory: 9812 grad_norm: 3.0646 loss: 2.3995 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3487 distill.loss_dist: 1.0508 2023/05/15 05:09:25 - mmengine - INFO - Epoch(train) [50][1660/1879] lr: 2.0000e-03 eta: 22:42:56 time: 0.8959 data_time: 0.4785 memory: 9812 grad_norm: 3.0651 loss: 2.2753 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2097 distill.loss_dist: 1.0656 2023/05/15 05:09:42 - mmengine - INFO - Epoch(train) [50][1680/1879] lr: 2.0000e-03 eta: 22:42:38 time: 0.8521 data_time: 0.4215 memory: 9812 grad_norm: 3.0252 loss: 2.2149 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1838 distill.loss_dist: 1.0311 2023/05/15 05:09:58 - mmengine - INFO - Epoch(train) [50][1700/1879] lr: 2.0000e-03 eta: 22:42:20 time: 0.8298 data_time: 0.4040 memory: 9812 grad_norm: 3.0502 loss: 2.3728 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2973 distill.loss_dist: 1.0755 2023/05/15 05:10:17 - mmengine - INFO - Epoch(train) [50][1720/1879] lr: 2.0000e-03 eta: 22:42:04 time: 0.9504 data_time: 0.5208 memory: 9812 grad_norm: 3.0216 loss: 2.5223 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4542 distill.loss_dist: 1.0681 2023/05/15 05:10:33 - mmengine - INFO - Epoch(train) [50][1740/1879] lr: 2.0000e-03 eta: 22:41:45 time: 0.8040 data_time: 0.3714 memory: 9812 grad_norm: 3.0272 loss: 2.3146 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3056 distill.loss_dist: 1.0090 2023/05/15 05:10:49 - mmengine - INFO - Epoch(train) [50][1760/1879] lr: 2.0000e-03 eta: 22:41:27 time: 0.7979 data_time: 0.3487 memory: 9812 grad_norm: 3.0500 loss: 2.1732 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1387 distill.loss_dist: 1.0345 2023/05/15 05:11:07 - mmengine - INFO - Epoch(train) [50][1780/1879] lr: 2.0000e-03 eta: 22:41:10 time: 0.8922 data_time: 0.4468 memory: 9812 grad_norm: 3.1026 loss: 2.5422 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4586 distill.loss_dist: 1.0836 2023/05/15 05:11:25 - mmengine - INFO - Epoch(train) [50][1800/1879] lr: 2.0000e-03 eta: 22:40:53 time: 0.8973 data_time: 0.3930 memory: 9812 grad_norm: 3.1096 loss: 2.2119 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1759 distill.loss_dist: 1.0360 2023/05/15 05:11:42 - mmengine - INFO - Epoch(train) [50][1820/1879] lr: 2.0000e-03 eta: 22:40:36 time: 0.8608 data_time: 0.4332 memory: 9812 grad_norm: 3.0425 loss: 2.1879 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1430 distill.loss_dist: 1.0449 2023/05/15 05:12:00 - mmengine - INFO - Epoch(train) [50][1840/1879] lr: 2.0000e-03 eta: 22:40:19 time: 0.8878 data_time: 0.4586 memory: 9812 grad_norm: 3.0865 loss: 2.4956 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.4162 distill.loss_dist: 1.0794 2023/05/15 05:12:18 - mmengine - INFO - Epoch(train) [50][1860/1879] lr: 2.0000e-03 eta: 22:40:01 time: 0.8709 data_time: 0.4507 memory: 9812 grad_norm: 3.1035 loss: 2.3608 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3122 distill.loss_dist: 1.0486 2023/05/15 05:12:31 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 05:12:31 - mmengine - INFO - Epoch(train) [50][1879/1879] lr: 2.0000e-03 eta: 22:39:41 time: 0.7094 data_time: 0.2548 memory: 9812 grad_norm: 3.1195 loss: 2.2420 student.top1_acc: 0.7143 student.top5_acc: 0.7143 student.loss_cls: 1.2128 distill.loss_dist: 1.0293 2023/05/15 05:12:50 - mmengine - INFO - Epoch(val) [50][ 20/155] eta: 0:02:09 time: 0.9592 data_time: 0.8932 memory: 1484 2023/05/15 05:13:04 - mmengine - INFO - Epoch(val) [50][ 40/155] eta: 0:01:35 time: 0.7053 data_time: 0.6469 memory: 1484 2023/05/15 05:13:22 - mmengine - INFO - Epoch(val) [50][ 60/155] eta: 0:01:21 time: 0.9108 data_time: 0.8460 memory: 1484 2023/05/15 05:13:36 - mmengine - INFO - Epoch(val) [50][ 80/155] eta: 0:01:01 time: 0.6913 data_time: 0.6272 memory: 1484 2023/05/15 05:13:55 - mmengine - INFO - Epoch(val) [50][100/155] eta: 0:00:46 time: 0.9724 data_time: 0.9040 memory: 1484 2023/05/15 05:14:08 - mmengine - INFO - Epoch(val) [50][120/155] eta: 0:00:28 time: 0.6224 data_time: 0.5586 memory: 1484 2023/05/15 05:14:28 - mmengine - INFO - Epoch(val) [50][140/155] eta: 0:00:12 time: 0.9944 data_time: 0.9316 memory: 1484 2023/05/15 05:14:58 - mmengine - INFO - Epoch(val) [50][ 20/155] eta: 0:16:23 time: 1.0151 data_time: 0.8554 memory: 1582 2023/05/15 05:15:11 - mmengine - INFO - Epoch(val) [50][ 40/155] eta: 0:07:36 time: 0.6504 data_time: 0.4935 memory: 1582 2023/05/15 05:15:29 - mmengine - INFO - Epoch(val) [50][ 60/155] eta: 0:04:40 time: 0.9230 data_time: 0.7663 memory: 1582 2023/05/15 05:15:43 - mmengine - INFO - Epoch(val) [50][ 80/155] eta: 0:02:58 time: 0.6831 data_time: 0.5306 memory: 1582 2023/05/15 05:16:02 - mmengine - INFO - Epoch(val) [50][100/155] eta: 0:01:55 time: 0.9538 data_time: 0.8006 memory: 1582 2023/05/15 05:16:16 - mmengine - INFO - Epoch(val) [50][120/155] eta: 0:01:05 time: 0.6791 data_time: 0.5263 memory: 1582 2023/05/15 05:16:36 - mmengine - INFO - Epoch(val) [50][140/155] eta: 0:00:26 time: 1.0039 data_time: 0.8491 memory: 1582 2023/05/15 05:16:46 - mmengine - INFO - Epoch(val) [50][155/155] acc/top1: 0.6699 acc/top5: 0.8756 acc/mean1: 0.6698 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6599 time: 0.8130 2023/05/15 05:17:09 - mmengine - INFO - Epoch(train) [51][ 20/1879] lr: 2.0000e-03 eta: 22:39:29 time: 1.1149 data_time: 0.3965 memory: 9812 grad_norm: 3.0471 loss: 2.3354 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2916 distill.loss_dist: 1.0439 2023/05/15 05:17:26 - mmengine - INFO - Epoch(train) [51][ 40/1879] lr: 2.0000e-03 eta: 22:39:11 time: 0.8530 data_time: 0.1943 memory: 9812 grad_norm: 3.0347 loss: 2.5204 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.4395 distill.loss_dist: 1.0809 2023/05/15 05:17:34 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 05:17:42 - mmengine - INFO - Epoch(train) [51][ 60/1879] lr: 2.0000e-03 eta: 22:38:52 time: 0.7993 data_time: 0.1719 memory: 9812 grad_norm: 2.9898 loss: 2.2095 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1789 distill.loss_dist: 1.0306 2023/05/15 05:18:00 - mmengine - INFO - Epoch(train) [51][ 80/1879] lr: 2.0000e-03 eta: 22:38:36 time: 0.9320 data_time: 0.0532 memory: 9812 grad_norm: 3.0627 loss: 2.1307 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1144 distill.loss_dist: 1.0164 2023/05/15 05:18:17 - mmengine - INFO - Epoch(train) [51][ 100/1879] lr: 2.0000e-03 eta: 22:38:19 time: 0.8538 data_time: 0.0245 memory: 9812 grad_norm: 2.9875 loss: 2.2507 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2154 distill.loss_dist: 1.0352 2023/05/15 05:18:34 - mmengine - INFO - Epoch(train) [51][ 120/1879] lr: 2.0000e-03 eta: 22:38:00 time: 0.8165 data_time: 0.0288 memory: 9812 grad_norm: 3.0300 loss: 2.2901 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2366 distill.loss_dist: 1.0535 2023/05/15 05:18:54 - mmengine - INFO - Epoch(train) [51][ 140/1879] lr: 2.0000e-03 eta: 22:37:46 time: 1.0018 data_time: 0.0426 memory: 9812 grad_norm: 2.9820 loss: 2.0701 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0407 distill.loss_dist: 1.0294 2023/05/15 05:19:10 - mmengine - INFO - Epoch(train) [51][ 160/1879] lr: 2.0000e-03 eta: 22:37:27 time: 0.7862 data_time: 0.0266 memory: 9812 grad_norm: 3.0510 loss: 2.2566 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2325 distill.loss_dist: 1.0241 2023/05/15 05:19:25 - mmengine - INFO - Epoch(train) [51][ 180/1879] lr: 2.0000e-03 eta: 22:37:08 time: 0.7888 data_time: 0.0267 memory: 9812 grad_norm: 3.0127 loss: 2.1125 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0799 distill.loss_dist: 1.0326 2023/05/15 05:19:44 - mmengine - INFO - Epoch(train) [51][ 200/1879] lr: 2.0000e-03 eta: 22:36:51 time: 0.9301 data_time: 0.0321 memory: 9812 grad_norm: 3.0083 loss: 2.3449 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2711 distill.loss_dist: 1.0738 2023/05/15 05:20:02 - mmengine - INFO - Epoch(train) [51][ 220/1879] lr: 2.0000e-03 eta: 22:36:35 time: 0.9137 data_time: 0.0244 memory: 9812 grad_norm: 3.0776 loss: 2.2483 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2200 distill.loss_dist: 1.0283 2023/05/15 05:20:18 - mmengine - INFO - Epoch(train) [51][ 240/1879] lr: 2.0000e-03 eta: 22:36:16 time: 0.7824 data_time: 0.0312 memory: 9812 grad_norm: 3.0464 loss: 2.3752 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3054 distill.loss_dist: 1.0698 2023/05/15 05:20:36 - mmengine - INFO - Epoch(train) [51][ 260/1879] lr: 2.0000e-03 eta: 22:35:59 time: 0.8995 data_time: 0.0426 memory: 9812 grad_norm: 3.0533 loss: 2.3916 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3180 distill.loss_dist: 1.0736 2023/05/15 05:20:52 - mmengine - INFO - Epoch(train) [51][ 280/1879] lr: 2.0000e-03 eta: 22:35:40 time: 0.7986 data_time: 0.1227 memory: 9812 grad_norm: 2.9885 loss: 2.2041 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1699 distill.loss_dist: 1.0342 2023/05/15 05:21:10 - mmengine - INFO - Epoch(train) [51][ 300/1879] lr: 2.0000e-03 eta: 22:35:23 time: 0.8910 data_time: 0.1215 memory: 9812 grad_norm: 3.1037 loss: 2.1654 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1184 distill.loss_dist: 1.0471 2023/05/15 05:21:27 - mmengine - INFO - Epoch(train) [51][ 320/1879] lr: 2.0000e-03 eta: 22:35:06 time: 0.8462 data_time: 0.0250 memory: 9812 grad_norm: 3.0983 loss: 2.4109 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3450 distill.loss_dist: 1.0659 2023/05/15 05:21:45 - mmengine - INFO - Epoch(train) [51][ 340/1879] lr: 2.0000e-03 eta: 22:34:49 time: 0.9071 data_time: 0.0252 memory: 9812 grad_norm: 3.0207 loss: 2.1685 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1455 distill.loss_dist: 1.0230 2023/05/15 05:22:01 - mmengine - INFO - Epoch(train) [51][ 360/1879] lr: 2.0000e-03 eta: 22:34:31 time: 0.8209 data_time: 0.0264 memory: 9812 grad_norm: 3.0778 loss: 2.1631 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1466 distill.loss_dist: 1.0165 2023/05/15 05:22:20 - mmengine - INFO - Epoch(train) [51][ 380/1879] lr: 2.0000e-03 eta: 22:34:15 time: 0.9384 data_time: 0.0275 memory: 9812 grad_norm: 3.1247 loss: 2.3587 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3057 distill.loss_dist: 1.0529 2023/05/15 05:22:37 - mmengine - INFO - Epoch(train) [51][ 400/1879] lr: 2.0000e-03 eta: 22:33:57 time: 0.8603 data_time: 0.0249 memory: 9812 grad_norm: 3.0364 loss: 2.2817 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2155 distill.loss_dist: 1.0662 2023/05/15 05:22:54 - mmengine - INFO - Epoch(train) [51][ 420/1879] lr: 2.0000e-03 eta: 22:33:39 time: 0.8224 data_time: 0.0264 memory: 9812 grad_norm: 2.9820 loss: 2.3586 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2901 distill.loss_dist: 1.0685 2023/05/15 05:23:12 - mmengine - INFO - Epoch(train) [51][ 440/1879] lr: 2.0000e-03 eta: 22:33:23 time: 0.9136 data_time: 0.0289 memory: 9812 grad_norm: 3.0351 loss: 2.3874 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3291 distill.loss_dist: 1.0583 2023/05/15 05:23:28 - mmengine - INFO - Epoch(train) [51][ 460/1879] lr: 2.0000e-03 eta: 22:33:04 time: 0.8149 data_time: 0.0231 memory: 9812 grad_norm: 3.0360 loss: 2.1877 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1514 distill.loss_dist: 1.0363 2023/05/15 05:23:45 - mmengine - INFO - Epoch(train) [51][ 480/1879] lr: 2.0000e-03 eta: 22:32:46 time: 0.8418 data_time: 0.0262 memory: 9812 grad_norm: 3.0461 loss: 2.2302 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1636 distill.loss_dist: 1.0667 2023/05/15 05:24:02 - mmengine - INFO - Epoch(train) [51][ 500/1879] lr: 2.0000e-03 eta: 22:32:28 time: 0.8259 data_time: 0.0274 memory: 9812 grad_norm: 3.0493 loss: 2.0851 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0744 distill.loss_dist: 1.0107 2023/05/15 05:24:21 - mmengine - INFO - Epoch(train) [51][ 520/1879] lr: 2.0000e-03 eta: 22:32:12 time: 0.9354 data_time: 0.0278 memory: 9812 grad_norm: 3.0135 loss: 2.2329 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1806 distill.loss_dist: 1.0523 2023/05/15 05:24:37 - mmengine - INFO - Epoch(train) [51][ 540/1879] lr: 2.0000e-03 eta: 22:31:54 time: 0.8307 data_time: 0.0241 memory: 9812 grad_norm: 3.1122 loss: 2.4586 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3895 distill.loss_dist: 1.0690 2023/05/15 05:24:54 - mmengine - INFO - Epoch(train) [51][ 560/1879] lr: 2.0000e-03 eta: 22:31:36 time: 0.8463 data_time: 0.0299 memory: 9812 grad_norm: 3.0448 loss: 2.3118 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2753 distill.loss_dist: 1.0365 2023/05/15 05:25:12 - mmengine - INFO - Epoch(train) [51][ 580/1879] lr: 2.0000e-03 eta: 22:31:19 time: 0.8697 data_time: 0.0396 memory: 9812 grad_norm: 3.0893 loss: 2.3774 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2831 distill.loss_dist: 1.0943 2023/05/15 05:25:28 - mmengine - INFO - Epoch(train) [51][ 600/1879] lr: 2.0000e-03 eta: 22:31:01 time: 0.8372 data_time: 0.0249 memory: 9812 grad_norm: 2.9916 loss: 2.3733 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.3261 distill.loss_dist: 1.0472 2023/05/15 05:25:48 - mmengine - INFO - Epoch(train) [51][ 620/1879] lr: 2.0000e-03 eta: 22:30:46 time: 0.9939 data_time: 0.0265 memory: 9812 grad_norm: 3.0514 loss: 2.1478 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1099 distill.loss_dist: 1.0379 2023/05/15 05:26:04 - mmengine - INFO - Epoch(train) [51][ 640/1879] lr: 2.0000e-03 eta: 22:30:27 time: 0.8126 data_time: 0.0263 memory: 9812 grad_norm: 3.0363 loss: 2.2270 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1672 distill.loss_dist: 1.0598 2023/05/15 05:26:21 - mmengine - INFO - Epoch(train) [51][ 660/1879] lr: 2.0000e-03 eta: 22:30:09 time: 0.8398 data_time: 0.0285 memory: 9812 grad_norm: 3.0295 loss: 2.1673 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1368 distill.loss_dist: 1.0305 2023/05/15 05:26:39 - mmengine - INFO - Epoch(train) [51][ 680/1879] lr: 2.0000e-03 eta: 22:29:52 time: 0.8763 data_time: 0.0297 memory: 9812 grad_norm: 3.0524 loss: 2.3110 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2634 distill.loss_dist: 1.0476 2023/05/15 05:26:56 - mmengine - INFO - Epoch(train) [51][ 700/1879] lr: 2.0000e-03 eta: 22:29:35 time: 0.8836 data_time: 0.1005 memory: 9812 grad_norm: 3.0312 loss: 2.4071 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3543 distill.loss_dist: 1.0528 2023/05/15 05:27:13 - mmengine - INFO - Epoch(train) [51][ 720/1879] lr: 2.0000e-03 eta: 22:29:17 time: 0.8309 data_time: 0.2853 memory: 9812 grad_norm: 3.1100 loss: 2.2893 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2390 distill.loss_dist: 1.0502 2023/05/15 05:27:31 - mmengine - INFO - Epoch(train) [51][ 740/1879] lr: 2.0000e-03 eta: 22:29:00 time: 0.9099 data_time: 0.4711 memory: 9812 grad_norm: 3.0151 loss: 2.4317 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3705 distill.loss_dist: 1.0613 2023/05/15 05:27:48 - mmengine - INFO - Epoch(train) [51][ 760/1879] lr: 2.0000e-03 eta: 22:28:43 time: 0.8437 data_time: 0.3126 memory: 9812 grad_norm: 3.0854 loss: 2.2033 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1763 distill.loss_dist: 1.0271 2023/05/15 05:28:03 - mmengine - INFO - Epoch(train) [51][ 780/1879] lr: 2.0000e-03 eta: 22:28:23 time: 0.7500 data_time: 0.1155 memory: 9812 grad_norm: 3.1390 loss: 2.3804 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3127 distill.loss_dist: 1.0677 2023/05/15 05:28:22 - mmengine - INFO - Epoch(train) [51][ 800/1879] lr: 2.0000e-03 eta: 22:28:07 time: 0.9218 data_time: 0.4237 memory: 9812 grad_norm: 3.0059 loss: 2.3382 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2998 distill.loss_dist: 1.0384 2023/05/15 05:28:38 - mmengine - INFO - Epoch(train) [51][ 820/1879] lr: 2.0000e-03 eta: 22:27:48 time: 0.8302 data_time: 0.3486 memory: 9812 grad_norm: 3.0769 loss: 2.2791 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2413 distill.loss_dist: 1.0379 2023/05/15 05:28:56 - mmengine - INFO - Epoch(train) [51][ 840/1879] lr: 2.0000e-03 eta: 22:27:31 time: 0.8665 data_time: 0.2097 memory: 9812 grad_norm: 3.0420 loss: 2.0066 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9922 distill.loss_dist: 1.0144 2023/05/15 05:29:13 - mmengine - INFO - Epoch(train) [51][ 860/1879] lr: 2.0000e-03 eta: 22:27:13 time: 0.8551 data_time: 0.0851 memory: 9812 grad_norm: 3.0620 loss: 2.3741 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3178 distill.loss_dist: 1.0563 2023/05/15 05:29:29 - mmengine - INFO - Epoch(train) [51][ 880/1879] lr: 2.0000e-03 eta: 22:26:55 time: 0.8094 data_time: 0.0778 memory: 9812 grad_norm: 3.1040 loss: 2.2592 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2259 distill.loss_dist: 1.0333 2023/05/15 05:29:48 - mmengine - INFO - Epoch(train) [51][ 900/1879] lr: 2.0000e-03 eta: 22:26:39 time: 0.9504 data_time: 0.0266 memory: 9812 grad_norm: 3.1753 loss: 2.4439 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.3774 distill.loss_dist: 1.0665 2023/05/15 05:30:05 - mmengine - INFO - Epoch(train) [51][ 920/1879] lr: 2.0000e-03 eta: 22:26:22 time: 0.8628 data_time: 0.0276 memory: 9812 grad_norm: 2.9944 loss: 2.1441 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1107 distill.loss_dist: 1.0334 2023/05/15 05:30:23 - mmengine - INFO - Epoch(train) [51][ 940/1879] lr: 2.0000e-03 eta: 22:26:04 time: 0.8636 data_time: 0.0241 memory: 9812 grad_norm: 3.1382 loss: 2.2517 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2148 distill.loss_dist: 1.0369 2023/05/15 05:30:40 - mmengine - INFO - Epoch(train) [51][ 960/1879] lr: 2.0000e-03 eta: 22:25:47 time: 0.8876 data_time: 0.0256 memory: 9812 grad_norm: 3.0545 loss: 2.4025 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3186 distill.loss_dist: 1.0839 2023/05/15 05:30:58 - mmengine - INFO - Epoch(train) [51][ 980/1879] lr: 2.0000e-03 eta: 22:25:31 time: 0.8999 data_time: 0.0283 memory: 9812 grad_norm: 3.0295 loss: 2.3258 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.2888 distill.loss_dist: 1.0370 2023/05/15 05:31:15 - mmengine - INFO - Epoch(train) [51][1000/1879] lr: 2.0000e-03 eta: 22:25:12 time: 0.8208 data_time: 0.0256 memory: 9812 grad_norm: 3.0530 loss: 2.2547 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.2129 distill.loss_dist: 1.0418 2023/05/15 05:31:32 - mmengine - INFO - Epoch(train) [51][1020/1879] lr: 2.0000e-03 eta: 22:24:54 time: 0.8413 data_time: 0.0284 memory: 9812 grad_norm: 3.0216 loss: 2.1937 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1571 distill.loss_dist: 1.0366 2023/05/15 05:31:49 - mmengine - INFO - Epoch(train) [51][1040/1879] lr: 2.0000e-03 eta: 22:24:37 time: 0.8881 data_time: 0.0293 memory: 9812 grad_norm: 3.0642 loss: 2.0247 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 0.9924 distill.loss_dist: 1.0323 2023/05/15 05:31:57 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 05:32:06 - mmengine - INFO - Epoch(train) [51][1060/1879] lr: 2.0000e-03 eta: 22:24:20 time: 0.8459 data_time: 0.0278 memory: 9812 grad_norm: 3.0725 loss: 2.2319 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1909 distill.loss_dist: 1.0410 2023/05/15 05:32:23 - mmengine - INFO - Epoch(train) [51][1080/1879] lr: 2.0000e-03 eta: 22:24:02 time: 0.8475 data_time: 0.0277 memory: 9812 grad_norm: 3.0888 loss: 2.2946 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2667 distill.loss_dist: 1.0278 2023/05/15 05:32:42 - mmengine - INFO - Epoch(train) [51][1100/1879] lr: 2.0000e-03 eta: 22:23:45 time: 0.9158 data_time: 0.0264 memory: 9812 grad_norm: 3.0480 loss: 2.3338 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2789 distill.loss_dist: 1.0549 2023/05/15 05:33:00 - mmengine - INFO - Epoch(train) [51][1120/1879] lr: 2.0000e-03 eta: 22:23:29 time: 0.9289 data_time: 0.0258 memory: 9812 grad_norm: 2.9814 loss: 2.3225 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2997 distill.loss_dist: 1.0228 2023/05/15 05:33:17 - mmengine - INFO - Epoch(train) [51][1140/1879] lr: 2.0000e-03 eta: 22:23:11 time: 0.8350 data_time: 0.0205 memory: 9812 grad_norm: 3.0290 loss: 2.1790 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1457 distill.loss_dist: 1.0333 2023/05/15 05:33:32 - mmengine - INFO - Epoch(train) [51][1160/1879] lr: 2.0000e-03 eta: 22:22:52 time: 0.7562 data_time: 0.0272 memory: 9812 grad_norm: 3.0343 loss: 2.2980 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2569 distill.loss_dist: 1.0411 2023/05/15 05:33:52 - mmengine - INFO - Epoch(train) [51][1180/1879] lr: 2.0000e-03 eta: 22:22:36 time: 0.9738 data_time: 0.0304 memory: 9812 grad_norm: 3.1009 loss: 2.3183 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2860 distill.loss_dist: 1.0323 2023/05/15 05:34:08 - mmengine - INFO - Epoch(train) [51][1200/1879] lr: 2.0000e-03 eta: 22:22:18 time: 0.8290 data_time: 0.0235 memory: 9812 grad_norm: 3.1426 loss: 2.2685 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2253 distill.loss_dist: 1.0432 2023/05/15 05:34:25 - mmengine - INFO - Epoch(train) [51][1220/1879] lr: 2.0000e-03 eta: 22:22:00 time: 0.8302 data_time: 0.0251 memory: 9812 grad_norm: 3.0609 loss: 2.1185 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.0787 distill.loss_dist: 1.0398 2023/05/15 05:34:44 - mmengine - INFO - Epoch(train) [51][1240/1879] lr: 2.0000e-03 eta: 22:21:44 time: 0.9628 data_time: 0.0289 memory: 9812 grad_norm: 3.0578 loss: 2.2505 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2106 distill.loss_dist: 1.0399 2023/05/15 05:34:59 - mmengine - INFO - Epoch(train) [51][1260/1879] lr: 2.0000e-03 eta: 22:21:25 time: 0.7566 data_time: 0.0287 memory: 9812 grad_norm: 3.0225 loss: 2.1730 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1220 distill.loss_dist: 1.0510 2023/05/15 05:35:17 - mmengine - INFO - Epoch(train) [51][1280/1879] lr: 2.0000e-03 eta: 22:21:08 time: 0.8807 data_time: 0.0264 memory: 9812 grad_norm: 3.0136 loss: 2.1445 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1287 distill.loss_dist: 1.0158 2023/05/15 05:35:34 - mmengine - INFO - Epoch(train) [51][1300/1879] lr: 2.0000e-03 eta: 22:20:50 time: 0.8651 data_time: 0.0236 memory: 9812 grad_norm: 3.0719 loss: 2.2722 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2086 distill.loss_dist: 1.0636 2023/05/15 05:35:50 - mmengine - INFO - Epoch(train) [51][1320/1879] lr: 2.0000e-03 eta: 22:20:32 time: 0.8110 data_time: 0.0294 memory: 9812 grad_norm: 3.0588 loss: 2.3911 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3291 distill.loss_dist: 1.0619 2023/05/15 05:36:10 - mmengine - INFO - Epoch(train) [51][1340/1879] lr: 2.0000e-03 eta: 22:20:16 time: 0.9633 data_time: 0.0263 memory: 9812 grad_norm: 3.0128 loss: 2.3478 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2761 distill.loss_dist: 1.0717 2023/05/15 05:36:26 - mmengine - INFO - Epoch(train) [51][1360/1879] lr: 2.0000e-03 eta: 22:19:58 time: 0.7985 data_time: 0.0248 memory: 9812 grad_norm: 3.0100 loss: 2.3240 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2850 distill.loss_dist: 1.0390 2023/05/15 05:36:42 - mmengine - INFO - Epoch(train) [51][1380/1879] lr: 2.0000e-03 eta: 22:19:40 time: 0.8389 data_time: 0.0278 memory: 9812 grad_norm: 3.0887 loss: 2.2758 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2345 distill.loss_dist: 1.0413 2023/05/15 05:37:02 - mmengine - INFO - Epoch(train) [51][1400/1879] lr: 2.0000e-03 eta: 22:19:25 time: 0.9901 data_time: 0.0253 memory: 9812 grad_norm: 3.0908 loss: 2.2838 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2228 distill.loss_dist: 1.0610 2023/05/15 05:37:18 - mmengine - INFO - Epoch(train) [51][1420/1879] lr: 2.0000e-03 eta: 22:19:06 time: 0.7824 data_time: 0.0268 memory: 9812 grad_norm: 3.0066 loss: 2.4059 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3352 distill.loss_dist: 1.0707 2023/05/15 05:37:35 - mmengine - INFO - Epoch(train) [51][1440/1879] lr: 2.0000e-03 eta: 22:18:48 time: 0.8369 data_time: 0.0269 memory: 9812 grad_norm: 3.0369 loss: 2.1588 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1315 distill.loss_dist: 1.0273 2023/05/15 05:37:51 - mmengine - INFO - Epoch(train) [51][1460/1879] lr: 2.0000e-03 eta: 22:18:30 time: 0.8311 data_time: 0.0279 memory: 9812 grad_norm: 2.9784 loss: 2.2502 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2032 distill.loss_dist: 1.0470 2023/05/15 05:38:09 - mmengine - INFO - Epoch(train) [51][1480/1879] lr: 2.0000e-03 eta: 22:18:12 time: 0.8778 data_time: 0.0267 memory: 9812 grad_norm: 3.0917 loss: 2.3405 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.2947 distill.loss_dist: 1.0458 2023/05/15 05:38:26 - mmengine - INFO - Epoch(train) [51][1500/1879] lr: 2.0000e-03 eta: 22:17:55 time: 0.8491 data_time: 0.0279 memory: 9812 grad_norm: 3.0556 loss: 2.3862 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3325 distill.loss_dist: 1.0537 2023/05/15 05:38:43 - mmengine - INFO - Epoch(train) [51][1520/1879] lr: 2.0000e-03 eta: 22:17:37 time: 0.8665 data_time: 0.0327 memory: 9812 grad_norm: 3.1294 loss: 2.2064 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1638 distill.loss_dist: 1.0426 2023/05/15 05:39:03 - mmengine - INFO - Epoch(train) [51][1540/1879] lr: 2.0000e-03 eta: 22:17:22 time: 0.9665 data_time: 0.0284 memory: 9812 grad_norm: 2.9948 loss: 2.4150 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3506 distill.loss_dist: 1.0644 2023/05/15 05:39:19 - mmengine - INFO - Epoch(train) [51][1560/1879] lr: 2.0000e-03 eta: 22:17:03 time: 0.7986 data_time: 0.0279 memory: 9812 grad_norm: 3.0999 loss: 2.2289 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1795 distill.loss_dist: 1.0494 2023/05/15 05:39:35 - mmengine - INFO - Epoch(train) [51][1580/1879] lr: 2.0000e-03 eta: 22:16:45 time: 0.8182 data_time: 0.0273 memory: 9812 grad_norm: 3.1151 loss: 2.4285 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3599 distill.loss_dist: 1.0686 2023/05/15 05:39:53 - mmengine - INFO - Epoch(train) [51][1600/1879] lr: 2.0000e-03 eta: 22:16:28 time: 0.9030 data_time: 0.0244 memory: 9812 grad_norm: 2.9250 loss: 2.4104 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3582 distill.loss_dist: 1.0522 2023/05/15 05:40:09 - mmengine - INFO - Epoch(train) [51][1620/1879] lr: 2.0000e-03 eta: 22:16:10 time: 0.8072 data_time: 0.0260 memory: 9812 grad_norm: 3.0080 loss: 2.1680 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1157 distill.loss_dist: 1.0523 2023/05/15 05:40:26 - mmengine - INFO - Epoch(train) [51][1640/1879] lr: 2.0000e-03 eta: 22:15:52 time: 0.8370 data_time: 0.0286 memory: 9812 grad_norm: 3.0036 loss: 2.2539 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1774 distill.loss_dist: 1.0765 2023/05/15 05:40:44 - mmengine - INFO - Epoch(train) [51][1660/1879] lr: 2.0000e-03 eta: 22:15:35 time: 0.8855 data_time: 0.0306 memory: 9812 grad_norm: 3.0135 loss: 2.2295 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2091 distill.loss_dist: 1.0204 2023/05/15 05:41:01 - mmengine - INFO - Epoch(train) [51][1680/1879] lr: 2.0000e-03 eta: 22:15:17 time: 0.8709 data_time: 0.0573 memory: 9812 grad_norm: 3.0675 loss: 2.2477 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1945 distill.loss_dist: 1.0532 2023/05/15 05:41:19 - mmengine - INFO - Epoch(train) [51][1700/1879] lr: 2.0000e-03 eta: 22:15:01 time: 0.9070 data_time: 0.0255 memory: 9812 grad_norm: 3.0804 loss: 2.1456 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1254 distill.loss_dist: 1.0202 2023/05/15 05:41:37 - mmengine - INFO - Epoch(train) [51][1720/1879] lr: 2.0000e-03 eta: 22:14:43 time: 0.8800 data_time: 0.0244 memory: 9812 grad_norm: 3.1301 loss: 2.2822 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2486 distill.loss_dist: 1.0335 2023/05/15 05:41:55 - mmengine - INFO - Epoch(train) [51][1740/1879] lr: 2.0000e-03 eta: 22:14:26 time: 0.8893 data_time: 0.0263 memory: 9812 grad_norm: 3.0611 loss: 2.3099 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2664 distill.loss_dist: 1.0435 2023/05/15 05:42:12 - mmengine - INFO - Epoch(train) [51][1760/1879] lr: 2.0000e-03 eta: 22:14:09 time: 0.8563 data_time: 0.0278 memory: 9812 grad_norm: 3.0541 loss: 2.1423 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1091 distill.loss_dist: 1.0331 2023/05/15 05:42:29 - mmengine - INFO - Epoch(train) [51][1780/1879] lr: 2.0000e-03 eta: 22:13:52 time: 0.8739 data_time: 0.0278 memory: 9812 grad_norm: 3.0523 loss: 2.3227 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2953 distill.loss_dist: 1.0274 2023/05/15 05:42:46 - mmengine - INFO - Epoch(train) [51][1800/1879] lr: 2.0000e-03 eta: 22:13:34 time: 0.8426 data_time: 0.0267 memory: 9812 grad_norm: 3.0902 loss: 2.2239 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1966 distill.loss_dist: 1.0273 2023/05/15 05:43:04 - mmengine - INFO - Epoch(train) [51][1820/1879] lr: 2.0000e-03 eta: 22:13:17 time: 0.8859 data_time: 0.0277 memory: 9812 grad_norm: 3.0241 loss: 2.3153 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2524 distill.loss_dist: 1.0629 2023/05/15 05:43:20 - mmengine - INFO - Epoch(train) [51][1840/1879] lr: 2.0000e-03 eta: 22:12:58 time: 0.7907 data_time: 0.0283 memory: 9812 grad_norm: 2.9862 loss: 2.3179 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2675 distill.loss_dist: 1.0505 2023/05/15 05:43:37 - mmengine - INFO - Epoch(train) [51][1860/1879] lr: 2.0000e-03 eta: 22:12:41 time: 0.8842 data_time: 0.0289 memory: 9812 grad_norm: 3.1184 loss: 2.3524 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2927 distill.loss_dist: 1.0597 2023/05/15 05:43:51 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 05:43:51 - mmengine - INFO - Epoch(train) [51][1879/1879] lr: 2.0000e-03 eta: 22:12:21 time: 0.7287 data_time: 0.0219 memory: 9812 grad_norm: 3.2328 loss: 2.1212 student.top1_acc: 0.8571 student.top5_acc: 0.8571 student.loss_cls: 1.1036 distill.loss_dist: 1.0176 2023/05/15 05:43:51 - mmengine - INFO - Saving checkpoint at 51 epochs 2023/05/15 05:44:12 - mmengine - INFO - Epoch(val) [51][ 20/155] eta: 0:02:13 time: 0.9886 data_time: 0.9251 memory: 1484 2023/05/15 05:44:25 - mmengine - INFO - Epoch(val) [51][ 40/155] eta: 0:01:34 time: 0.6586 data_time: 0.5949 memory: 1484 2023/05/15 05:44:44 - mmengine - INFO - Epoch(val) [51][ 60/155] eta: 0:01:21 time: 0.9370 data_time: 0.8686 memory: 1484 2023/05/15 05:44:57 - mmengine - INFO - Epoch(val) [51][ 80/155] eta: 0:01:01 time: 0.6706 data_time: 0.6092 memory: 1484 2023/05/15 05:45:16 - mmengine - INFO - Epoch(val) [51][100/155] eta: 0:00:46 time: 0.9288 data_time: 0.8681 memory: 1484 2023/05/15 05:45:29 - mmengine - INFO - Epoch(val) [51][120/155] eta: 0:00:28 time: 0.6755 data_time: 0.6075 memory: 1484 2023/05/15 05:45:49 - mmengine - INFO - Epoch(val) [51][140/155] eta: 0:00:12 time: 0.9811 data_time: 0.9160 memory: 1484 2023/05/15 05:46:17 - mmengine - INFO - Epoch(val) [51][ 20/155] eta: 0:16:12 time: 0.9805 data_time: 0.8241 memory: 1582 2023/05/15 05:46:31 - mmengine - INFO - Epoch(val) [51][ 40/155] eta: 0:07:34 time: 0.7028 data_time: 0.5533 memory: 1582 2023/05/15 05:46:50 - mmengine - INFO - Epoch(val) [51][ 60/155] eta: 0:04:38 time: 0.9063 data_time: 0.7530 memory: 1582 2023/05/15 05:47:03 - mmengine - INFO - Epoch(val) [51][ 80/155] eta: 0:02:57 time: 0.6656 data_time: 0.5083 memory: 1582 2023/05/15 05:47:21 - mmengine - INFO - Epoch(val) [51][100/155] eta: 0:01:54 time: 0.9301 data_time: 0.7763 memory: 1582 2023/05/15 05:47:37 - mmengine - INFO - Epoch(val) [51][120/155] eta: 0:01:05 time: 0.7566 data_time: 0.6049 memory: 1582 2023/05/15 05:47:57 - mmengine - INFO - Epoch(val) [51][140/155] eta: 0:00:26 time: 1.0007 data_time: 0.8488 memory: 1582 2023/05/15 05:48:07 - mmengine - INFO - Epoch(val) [51][155/155] acc/top1: 0.6709 acc/top5: 0.8749 acc/mean1: 0.6708 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6634 time: 0.8147 2023/05/15 05:48:07 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_49.pth is removed 2023/05/15 05:48:08 - mmengine - INFO - The best checkpoint with 0.6709 acc/top1 at 51 epoch is saved to best_acc_top1_epoch_51.pth. 2023/05/15 05:48:29 - mmengine - INFO - Epoch(train) [52][ 20/1879] lr: 2.0000e-03 eta: 22:12:07 time: 1.0380 data_time: 0.5470 memory: 9812 grad_norm: 3.0213 loss: 2.0094 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0129 distill.loss_dist: 0.9965 2023/05/15 05:48:45 - mmengine - INFO - Epoch(train) [52][ 40/1879] lr: 2.0000e-03 eta: 22:11:49 time: 0.8163 data_time: 0.2819 memory: 9812 grad_norm: 2.9589 loss: 2.0718 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0639 distill.loss_dist: 1.0078 2023/05/15 05:49:03 - mmengine - INFO - Epoch(train) [52][ 60/1879] lr: 2.0000e-03 eta: 22:11:32 time: 0.8884 data_time: 0.2760 memory: 9812 grad_norm: 2.9868 loss: 1.8878 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.8840 distill.loss_dist: 1.0038 2023/05/15 05:49:21 - mmengine - INFO - Epoch(train) [52][ 80/1879] lr: 2.0000e-03 eta: 22:11:15 time: 0.9010 data_time: 0.2814 memory: 9812 grad_norm: 3.0787 loss: 2.4082 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3667 distill.loss_dist: 1.0415 2023/05/15 05:49:37 - mmengine - INFO - Epoch(train) [52][ 100/1879] lr: 2.0000e-03 eta: 22:10:56 time: 0.8051 data_time: 0.3025 memory: 9812 grad_norm: 3.0576 loss: 2.3434 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2831 distill.loss_dist: 1.0604 2023/05/15 05:49:54 - mmengine - INFO - Epoch(train) [52][ 120/1879] lr: 2.0000e-03 eta: 22:10:38 time: 0.8304 data_time: 0.1841 memory: 9812 grad_norm: 3.0030 loss: 2.1797 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1554 distill.loss_dist: 1.0243 2023/05/15 05:50:13 - mmengine - INFO - Epoch(train) [52][ 140/1879] lr: 2.0000e-03 eta: 22:10:23 time: 0.9573 data_time: 0.0823 memory: 9812 grad_norm: 3.0183 loss: 2.2274 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1877 distill.loss_dist: 1.0397 2023/05/15 05:50:29 - mmengine - INFO - Epoch(train) [52][ 160/1879] lr: 2.0000e-03 eta: 22:10:04 time: 0.7928 data_time: 0.1120 memory: 9812 grad_norm: 3.0325 loss: 2.2942 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2610 distill.loss_dist: 1.0332 2023/05/15 05:50:39 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 05:50:46 - mmengine - INFO - Epoch(train) [52][ 180/1879] lr: 2.0000e-03 eta: 22:09:46 time: 0.8578 data_time: 0.0426 memory: 9812 grad_norm: 2.9834 loss: 2.2351 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2058 distill.loss_dist: 1.0293 2023/05/15 05:51:04 - mmengine - INFO - Epoch(train) [52][ 200/1879] lr: 2.0000e-03 eta: 22:09:29 time: 0.8727 data_time: 0.0263 memory: 9812 grad_norm: 3.1052 loss: 2.2433 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2167 distill.loss_dist: 1.0266 2023/05/15 05:51:21 - mmengine - INFO - Epoch(train) [52][ 220/1879] lr: 2.0000e-03 eta: 22:09:11 time: 0.8489 data_time: 0.0276 memory: 9812 grad_norm: 3.0632 loss: 2.2315 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2089 distill.loss_dist: 1.0225 2023/05/15 05:51:38 - mmengine - INFO - Epoch(train) [52][ 240/1879] lr: 2.0000e-03 eta: 22:08:54 time: 0.8549 data_time: 0.0241 memory: 9812 grad_norm: 3.0594 loss: 2.3022 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2532 distill.loss_dist: 1.0490 2023/05/15 05:51:56 - mmengine - INFO - Epoch(train) [52][ 260/1879] lr: 2.0000e-03 eta: 22:08:37 time: 0.9143 data_time: 0.0278 memory: 9812 grad_norm: 3.0999 loss: 2.4112 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3525 distill.loss_dist: 1.0588 2023/05/15 05:52:14 - mmengine - INFO - Epoch(train) [52][ 280/1879] lr: 2.0000e-03 eta: 22:08:20 time: 0.8960 data_time: 0.0287 memory: 9812 grad_norm: 3.0762 loss: 2.4231 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3381 distill.loss_dist: 1.0850 2023/05/15 05:52:29 - mmengine - INFO - Epoch(train) [52][ 300/1879] lr: 2.0000e-03 eta: 22:08:01 time: 0.7719 data_time: 0.0305 memory: 9812 grad_norm: 3.0674 loss: 2.3945 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3740 distill.loss_dist: 1.0205 2023/05/15 05:52:48 - mmengine - INFO - Epoch(train) [52][ 320/1879] lr: 2.0000e-03 eta: 22:07:45 time: 0.9170 data_time: 0.0265 memory: 9812 grad_norm: 3.0535 loss: 2.2704 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2338 distill.loss_dist: 1.0366 2023/05/15 05:53:05 - mmengine - INFO - Epoch(train) [52][ 340/1879] lr: 2.0000e-03 eta: 22:07:28 time: 0.8823 data_time: 0.0259 memory: 9812 grad_norm: 3.0944 loss: 2.1508 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1220 distill.loss_dist: 1.0288 2023/05/15 05:53:22 - mmengine - INFO - Epoch(train) [52][ 360/1879] lr: 2.0000e-03 eta: 22:07:10 time: 0.8399 data_time: 0.0264 memory: 9812 grad_norm: 3.0579 loss: 2.2256 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2015 distill.loss_dist: 1.0240 2023/05/15 05:53:41 - mmengine - INFO - Epoch(train) [52][ 380/1879] lr: 2.0000e-03 eta: 22:06:54 time: 0.9401 data_time: 0.0271 memory: 9812 grad_norm: 3.0483 loss: 2.1867 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2105 distill.loss_dist: 0.9763 2023/05/15 05:53:59 - mmengine - INFO - Epoch(train) [52][ 400/1879] lr: 2.0000e-03 eta: 22:06:37 time: 0.8993 data_time: 0.0233 memory: 9812 grad_norm: 3.0810 loss: 2.3466 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.3047 distill.loss_dist: 1.0418 2023/05/15 05:54:15 - mmengine - INFO - Epoch(train) [52][ 420/1879] lr: 2.0000e-03 eta: 22:06:18 time: 0.8090 data_time: 0.0246 memory: 9812 grad_norm: 3.0401 loss: 2.2945 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.2273 distill.loss_dist: 1.0672 2023/05/15 05:54:31 - mmengine - INFO - Epoch(train) [52][ 440/1879] lr: 2.0000e-03 eta: 22:06:00 time: 0.8044 data_time: 0.0253 memory: 9812 grad_norm: 3.0147 loss: 2.1389 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0849 distill.loss_dist: 1.0540 2023/05/15 05:54:51 - mmengine - INFO - Epoch(train) [52][ 460/1879] lr: 2.0000e-03 eta: 22:05:44 time: 0.9720 data_time: 0.0279 memory: 9812 grad_norm: 3.0898 loss: 2.4134 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3324 distill.loss_dist: 1.0810 2023/05/15 05:55:07 - mmengine - INFO - Epoch(train) [52][ 480/1879] lr: 2.0000e-03 eta: 22:05:26 time: 0.8087 data_time: 0.0254 memory: 9812 grad_norm: 3.0446 loss: 2.2241 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2000 distill.loss_dist: 1.0240 2023/05/15 05:55:23 - mmengine - INFO - Epoch(train) [52][ 500/1879] lr: 2.0000e-03 eta: 22:05:07 time: 0.8092 data_time: 0.0252 memory: 9812 grad_norm: 3.1050 loss: 2.2502 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2135 distill.loss_dist: 1.0367 2023/05/15 05:55:42 - mmengine - INFO - Epoch(train) [52][ 520/1879] lr: 2.0000e-03 eta: 22:04:51 time: 0.9396 data_time: 0.0251 memory: 9812 grad_norm: 3.0818 loss: 2.2427 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1923 distill.loss_dist: 1.0504 2023/05/15 05:55:58 - mmengine - INFO - Epoch(train) [52][ 540/1879] lr: 2.0000e-03 eta: 22:04:33 time: 0.8189 data_time: 0.0288 memory: 9812 grad_norm: 3.0577 loss: 2.2066 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1711 distill.loss_dist: 1.0355 2023/05/15 05:56:15 - mmengine - INFO - Epoch(train) [52][ 560/1879] lr: 2.0000e-03 eta: 22:04:15 time: 0.8139 data_time: 0.0255 memory: 9812 grad_norm: 2.9594 loss: 2.3854 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3199 distill.loss_dist: 1.0655 2023/05/15 05:56:33 - mmengine - INFO - Epoch(train) [52][ 580/1879] lr: 2.0000e-03 eta: 22:03:59 time: 0.9357 data_time: 0.0272 memory: 9812 grad_norm: 3.0809 loss: 2.2456 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2171 distill.loss_dist: 1.0285 2023/05/15 05:56:50 - mmengine - INFO - Epoch(train) [52][ 600/1879] lr: 2.0000e-03 eta: 22:03:40 time: 0.8086 data_time: 0.0323 memory: 9812 grad_norm: 3.0603 loss: 2.3562 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3222 distill.loss_dist: 1.0340 2023/05/15 05:57:06 - mmengine - INFO - Epoch(train) [52][ 620/1879] lr: 2.0000e-03 eta: 22:03:21 time: 0.8013 data_time: 0.0251 memory: 9812 grad_norm: 3.1132 loss: 2.3399 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2684 distill.loss_dist: 1.0715 2023/05/15 05:57:25 - mmengine - INFO - Epoch(train) [52][ 640/1879] lr: 2.0000e-03 eta: 22:03:06 time: 0.9527 data_time: 0.0249 memory: 9812 grad_norm: 3.1234 loss: 2.3496 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3026 distill.loss_dist: 1.0470 2023/05/15 05:57:42 - mmengine - INFO - Epoch(train) [52][ 660/1879] lr: 2.0000e-03 eta: 22:02:48 time: 0.8571 data_time: 0.0306 memory: 9812 grad_norm: 3.0693 loss: 2.4197 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3547 distill.loss_dist: 1.0650 2023/05/15 05:57:58 - mmengine - INFO - Epoch(train) [52][ 680/1879] lr: 2.0000e-03 eta: 22:02:30 time: 0.8271 data_time: 0.0248 memory: 9812 grad_norm: 3.0647 loss: 2.1613 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1644 distill.loss_dist: 0.9969 2023/05/15 05:58:17 - mmengine - INFO - Epoch(train) [52][ 700/1879] lr: 2.0000e-03 eta: 22:02:14 time: 0.9450 data_time: 0.0235 memory: 9812 grad_norm: 2.9965 loss: 2.2616 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2116 distill.loss_dist: 1.0500 2023/05/15 05:58:33 - mmengine - INFO - Epoch(train) [52][ 720/1879] lr: 2.0000e-03 eta: 22:01:55 time: 0.8050 data_time: 0.0289 memory: 9812 grad_norm: 3.0581 loss: 2.4905 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4096 distill.loss_dist: 1.0809 2023/05/15 05:58:50 - mmengine - INFO - Epoch(train) [52][ 740/1879] lr: 2.0000e-03 eta: 22:01:37 time: 0.8200 data_time: 0.0410 memory: 9812 grad_norm: 3.0890 loss: 2.2420 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1792 distill.loss_dist: 1.0628 2023/05/15 05:59:08 - mmengine - INFO - Epoch(train) [52][ 760/1879] lr: 2.0000e-03 eta: 22:01:21 time: 0.9254 data_time: 0.0288 memory: 9812 grad_norm: 3.0826 loss: 2.3135 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2570 distill.loss_dist: 1.0564 2023/05/15 05:59:24 - mmengine - INFO - Epoch(train) [52][ 780/1879] lr: 2.0000e-03 eta: 22:01:02 time: 0.7852 data_time: 0.0289 memory: 9812 grad_norm: 3.0911 loss: 2.3788 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3169 distill.loss_dist: 1.0618 2023/05/15 05:59:41 - mmengine - INFO - Epoch(train) [52][ 800/1879] lr: 2.0000e-03 eta: 22:00:45 time: 0.8709 data_time: 0.0273 memory: 9812 grad_norm: 2.9816 loss: 2.2299 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1855 distill.loss_dist: 1.0444 2023/05/15 05:59:58 - mmengine - INFO - Epoch(train) [52][ 820/1879] lr: 2.0000e-03 eta: 22:00:27 time: 0.8415 data_time: 0.0262 memory: 9812 grad_norm: 3.0440 loss: 2.3300 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2905 distill.loss_dist: 1.0394 2023/05/15 06:00:15 - mmengine - INFO - Epoch(train) [52][ 840/1879] lr: 2.0000e-03 eta: 22:00:09 time: 0.8443 data_time: 0.0277 memory: 9812 grad_norm: 3.0286 loss: 2.2107 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1781 distill.loss_dist: 1.0326 2023/05/15 06:00:33 - mmengine - INFO - Epoch(train) [52][ 860/1879] lr: 2.0000e-03 eta: 21:59:52 time: 0.9050 data_time: 0.0629 memory: 9812 grad_norm: 3.0890 loss: 2.1560 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1040 distill.loss_dist: 1.0520 2023/05/15 06:00:50 - mmengine - INFO - Epoch(train) [52][ 880/1879] lr: 2.0000e-03 eta: 21:59:34 time: 0.8325 data_time: 0.1431 memory: 9812 grad_norm: 3.0457 loss: 2.2778 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2372 distill.loss_dist: 1.0407 2023/05/15 06:01:07 - mmengine - INFO - Epoch(train) [52][ 900/1879] lr: 2.0000e-03 eta: 21:59:17 time: 0.8577 data_time: 0.0355 memory: 9812 grad_norm: 3.0996 loss: 2.1201 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0986 distill.loss_dist: 1.0214 2023/05/15 06:01:26 - mmengine - INFO - Epoch(train) [52][ 920/1879] lr: 2.0000e-03 eta: 21:59:00 time: 0.9233 data_time: 0.0253 memory: 9812 grad_norm: 3.0218 loss: 2.1897 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1719 distill.loss_dist: 1.0178 2023/05/15 06:01:42 - mmengine - INFO - Epoch(train) [52][ 940/1879] lr: 2.0000e-03 eta: 21:58:42 time: 0.8172 data_time: 0.0263 memory: 9812 grad_norm: 3.0561 loss: 2.1976 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1980 distill.loss_dist: 0.9997 2023/05/15 06:01:58 - mmengine - INFO - Epoch(train) [52][ 960/1879] lr: 2.0000e-03 eta: 21:58:23 time: 0.7993 data_time: 0.0273 memory: 9812 grad_norm: 3.0760 loss: 2.3384 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2958 distill.loss_dist: 1.0426 2023/05/15 06:02:17 - mmengine - INFO - Epoch(train) [52][ 980/1879] lr: 2.0000e-03 eta: 21:58:08 time: 0.9542 data_time: 0.0250 memory: 9812 grad_norm: 3.1135 loss: 2.3381 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2865 distill.loss_dist: 1.0517 2023/05/15 06:02:36 - mmengine - INFO - Epoch(train) [52][1000/1879] lr: 2.0000e-03 eta: 21:57:51 time: 0.9228 data_time: 0.0288 memory: 9812 grad_norm: 3.0444 loss: 2.0812 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0424 distill.loss_dist: 1.0388 2023/05/15 06:02:52 - mmengine - INFO - Epoch(train) [52][1020/1879] lr: 2.0000e-03 eta: 21:57:33 time: 0.8283 data_time: 0.0300 memory: 9812 grad_norm: 3.0789 loss: 2.2921 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2395 distill.loss_dist: 1.0527 2023/05/15 06:03:09 - mmengine - INFO - Epoch(train) [52][1040/1879] lr: 2.0000e-03 eta: 21:57:15 time: 0.8446 data_time: 0.0245 memory: 9812 grad_norm: 3.0104 loss: 2.3613 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2981 distill.loss_dist: 1.0632 2023/05/15 06:03:28 - mmengine - INFO - Epoch(train) [52][1060/1879] lr: 2.0000e-03 eta: 21:56:59 time: 0.9227 data_time: 0.0249 memory: 9812 grad_norm: 3.0900 loss: 2.3251 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2496 distill.loss_dist: 1.0755 2023/05/15 06:03:45 - mmengine - INFO - Epoch(train) [52][1080/1879] lr: 2.0000e-03 eta: 21:56:41 time: 0.8490 data_time: 0.0278 memory: 9812 grad_norm: 3.0457 loss: 2.3237 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2768 distill.loss_dist: 1.0468 2023/05/15 06:04:02 - mmengine - INFO - Epoch(train) [52][1100/1879] lr: 2.0000e-03 eta: 21:56:24 time: 0.8662 data_time: 0.0225 memory: 9812 grad_norm: 3.0763 loss: 2.2387 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1976 distill.loss_dist: 1.0411 2023/05/15 06:04:20 - mmengine - INFO - Epoch(train) [52][1120/1879] lr: 2.0000e-03 eta: 21:56:07 time: 0.9074 data_time: 0.0268 memory: 9812 grad_norm: 3.0730 loss: 2.2723 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2350 distill.loss_dist: 1.0373 2023/05/15 06:04:35 - mmengine - INFO - Epoch(train) [52][1140/1879] lr: 2.0000e-03 eta: 21:55:47 time: 0.7232 data_time: 0.0290 memory: 9812 grad_norm: 3.1554 loss: 2.2701 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2475 distill.loss_dist: 1.0227 2023/05/15 06:04:51 - mmengine - INFO - Epoch(train) [52][1160/1879] lr: 2.0000e-03 eta: 21:55:29 time: 0.8270 data_time: 0.0263 memory: 9812 grad_norm: 3.0748 loss: 2.3993 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3404 distill.loss_dist: 1.0589 2023/05/15 06:05:01 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 06:05:10 - mmengine - INFO - Epoch(train) [52][1180/1879] lr: 2.0000e-03 eta: 21:55:13 time: 0.9289 data_time: 0.0311 memory: 9812 grad_norm: 3.0544 loss: 2.1621 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1251 distill.loss_dist: 1.0370 2023/05/15 06:05:26 - mmengine - INFO - Epoch(train) [52][1200/1879] lr: 2.0000e-03 eta: 21:54:54 time: 0.8094 data_time: 0.0265 memory: 9812 grad_norm: 3.0908 loss: 2.1562 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1197 distill.loss_dist: 1.0365 2023/05/15 06:05:43 - mmengine - INFO - Epoch(train) [52][1220/1879] lr: 2.0000e-03 eta: 21:54:36 time: 0.8341 data_time: 0.0246 memory: 9812 grad_norm: 3.0880 loss: 2.0660 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0432 distill.loss_dist: 1.0227 2023/05/15 06:06:02 - mmengine - INFO - Epoch(train) [52][1240/1879] lr: 2.0000e-03 eta: 21:54:21 time: 0.9606 data_time: 0.0266 memory: 9812 grad_norm: 3.1174 loss: 2.4436 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3834 distill.loss_dist: 1.0602 2023/05/15 06:06:18 - mmengine - INFO - Epoch(train) [52][1260/1879] lr: 2.0000e-03 eta: 21:54:02 time: 0.8154 data_time: 0.0250 memory: 9812 grad_norm: 3.0352 loss: 2.2976 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2505 distill.loss_dist: 1.0471 2023/05/15 06:06:35 - mmengine - INFO - Epoch(train) [52][1280/1879] lr: 2.0000e-03 eta: 21:53:45 time: 0.8647 data_time: 0.0251 memory: 9812 grad_norm: 3.0401 loss: 2.2316 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2130 distill.loss_dist: 1.0186 2023/05/15 06:06:55 - mmengine - INFO - Epoch(train) [52][1300/1879] lr: 2.0000e-03 eta: 21:53:29 time: 0.9616 data_time: 0.0253 memory: 9812 grad_norm: 3.0247 loss: 2.4119 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3476 distill.loss_dist: 1.0643 2023/05/15 06:07:10 - mmengine - INFO - Epoch(train) [52][1320/1879] lr: 2.0000e-03 eta: 21:53:10 time: 0.7739 data_time: 0.0246 memory: 9812 grad_norm: 3.0755 loss: 2.3522 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.2812 distill.loss_dist: 1.0709 2023/05/15 06:07:27 - mmengine - INFO - Epoch(train) [52][1340/1879] lr: 2.0000e-03 eta: 21:52:52 time: 0.8468 data_time: 0.0265 memory: 9812 grad_norm: 3.0816 loss: 2.2381 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2109 distill.loss_dist: 1.0271 2023/05/15 06:07:47 - mmengine - INFO - Epoch(train) [52][1360/1879] lr: 2.0000e-03 eta: 21:52:37 time: 0.9801 data_time: 0.0274 memory: 9812 grad_norm: 3.0823 loss: 2.3581 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3092 distill.loss_dist: 1.0489 2023/05/15 06:08:02 - mmengine - INFO - Epoch(train) [52][1380/1879] lr: 2.0000e-03 eta: 21:52:18 time: 0.7807 data_time: 0.0266 memory: 9812 grad_norm: 3.0830 loss: 2.1986 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1780 distill.loss_dist: 1.0206 2023/05/15 06:08:19 - mmengine - INFO - Epoch(train) [52][1400/1879] lr: 2.0000e-03 eta: 21:52:00 time: 0.8406 data_time: 0.0272 memory: 9812 grad_norm: 3.1104 loss: 2.1536 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.1161 distill.loss_dist: 1.0375 2023/05/15 06:08:39 - mmengine - INFO - Epoch(train) [52][1420/1879] lr: 2.0000e-03 eta: 21:51:45 time: 1.0045 data_time: 0.0266 memory: 9812 grad_norm: 3.0953 loss: 2.3069 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2574 distill.loss_dist: 1.0496 2023/05/15 06:08:55 - mmengine - INFO - Epoch(train) [52][1440/1879] lr: 2.0000e-03 eta: 21:51:27 time: 0.8050 data_time: 0.0270 memory: 9812 grad_norm: 3.0350 loss: 2.2504 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1997 distill.loss_dist: 1.0507 2023/05/15 06:09:12 - mmengine - INFO - Epoch(train) [52][1460/1879] lr: 2.0000e-03 eta: 21:51:09 time: 0.8501 data_time: 0.0252 memory: 9812 grad_norm: 3.0861 loss: 2.2355 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2077 distill.loss_dist: 1.0278 2023/05/15 06:09:31 - mmengine - INFO - Epoch(train) [52][1480/1879] lr: 2.0000e-03 eta: 21:50:53 time: 0.9355 data_time: 0.0266 memory: 9812 grad_norm: 3.0149 loss: 2.0595 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0442 distill.loss_dist: 1.0153 2023/05/15 06:09:48 - mmengine - INFO - Epoch(train) [52][1500/1879] lr: 2.0000e-03 eta: 21:50:35 time: 0.8395 data_time: 0.0250 memory: 9812 grad_norm: 3.0612 loss: 2.2894 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2708 distill.loss_dist: 1.0186 2023/05/15 06:10:04 - mmengine - INFO - Epoch(train) [52][1520/1879] lr: 2.0000e-03 eta: 21:50:17 time: 0.7971 data_time: 0.0269 memory: 9812 grad_norm: 3.0273 loss: 2.0279 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0059 distill.loss_dist: 1.0220 2023/05/15 06:10:22 - mmengine - INFO - Epoch(train) [52][1540/1879] lr: 2.0000e-03 eta: 21:50:00 time: 0.9065 data_time: 0.0302 memory: 9812 grad_norm: 3.1179 loss: 2.2362 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2064 distill.loss_dist: 1.0298 2023/05/15 06:10:39 - mmengine - INFO - Epoch(train) [52][1560/1879] lr: 2.0000e-03 eta: 21:49:42 time: 0.8414 data_time: 0.0319 memory: 9812 grad_norm: 3.0537 loss: 2.2754 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2389 distill.loss_dist: 1.0365 2023/05/15 06:10:55 - mmengine - INFO - Epoch(train) [52][1580/1879] lr: 2.0000e-03 eta: 21:49:23 time: 0.8034 data_time: 0.0253 memory: 9812 grad_norm: 3.0259 loss: 2.2941 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2668 distill.loss_dist: 1.0273 2023/05/15 06:11:14 - mmengine - INFO - Epoch(train) [52][1600/1879] lr: 2.0000e-03 eta: 21:49:08 time: 0.9496 data_time: 0.0327 memory: 9812 grad_norm: 3.0376 loss: 2.1796 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1553 distill.loss_dist: 1.0244 2023/05/15 06:11:30 - mmengine - INFO - Epoch(train) [52][1620/1879] lr: 2.0000e-03 eta: 21:48:49 time: 0.8034 data_time: 0.0325 memory: 9812 grad_norm: 3.0168 loss: 2.2006 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1605 distill.loss_dist: 1.0401 2023/05/15 06:11:47 - mmengine - INFO - Epoch(train) [52][1640/1879] lr: 2.0000e-03 eta: 21:48:31 time: 0.8331 data_time: 0.0524 memory: 9812 grad_norm: 3.0985 loss: 2.3297 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2771 distill.loss_dist: 1.0526 2023/05/15 06:12:06 - mmengine - INFO - Epoch(train) [52][1660/1879] lr: 2.0000e-03 eta: 21:48:15 time: 0.9497 data_time: 0.1613 memory: 9812 grad_norm: 3.1031 loss: 2.3421 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2349 distill.loss_dist: 1.1073 2023/05/15 06:12:24 - mmengine - INFO - Epoch(train) [52][1680/1879] lr: 2.0000e-03 eta: 21:47:58 time: 0.8972 data_time: 0.0540 memory: 9812 grad_norm: 3.0751 loss: 2.2667 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2042 distill.loss_dist: 1.0626 2023/05/15 06:12:40 - mmengine - INFO - Epoch(train) [52][1700/1879] lr: 2.0000e-03 eta: 21:47:40 time: 0.7927 data_time: 0.0247 memory: 9812 grad_norm: 3.0279 loss: 2.0890 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0579 distill.loss_dist: 1.0312 2023/05/15 06:12:57 - mmengine - INFO - Epoch(train) [52][1720/1879] lr: 2.0000e-03 eta: 21:47:22 time: 0.8439 data_time: 0.0274 memory: 9812 grad_norm: 3.1092 loss: 2.2377 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2099 distill.loss_dist: 1.0277 2023/05/15 06:13:15 - mmengine - INFO - Epoch(train) [52][1740/1879] lr: 2.0000e-03 eta: 21:47:06 time: 0.9307 data_time: 0.0295 memory: 9812 grad_norm: 3.1335 loss: 2.3272 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2788 distill.loss_dist: 1.0484 2023/05/15 06:13:31 - mmengine - INFO - Epoch(train) [52][1760/1879] lr: 2.0000e-03 eta: 21:46:47 time: 0.7848 data_time: 0.0292 memory: 9812 grad_norm: 3.1059 loss: 2.5541 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4694 distill.loss_dist: 1.0848 2023/05/15 06:13:48 - mmengine - INFO - Epoch(train) [52][1780/1879] lr: 2.0000e-03 eta: 21:46:29 time: 0.8638 data_time: 0.0326 memory: 9812 grad_norm: 3.0534 loss: 2.0868 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0935 distill.loss_dist: 0.9932 2023/05/15 06:14:05 - mmengine - INFO - Epoch(train) [52][1800/1879] lr: 2.0000e-03 eta: 21:46:12 time: 0.8632 data_time: 0.0703 memory: 9812 grad_norm: 3.0706 loss: 2.1142 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.0971 distill.loss_dist: 1.0171 2023/05/15 06:14:22 - mmengine - INFO - Epoch(train) [52][1820/1879] lr: 2.0000e-03 eta: 21:45:53 time: 0.8180 data_time: 0.3110 memory: 9812 grad_norm: 3.1068 loss: 2.0665 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0417 distill.loss_dist: 1.0248 2023/05/15 06:14:40 - mmengine - INFO - Epoch(train) [52][1840/1879] lr: 2.0000e-03 eta: 21:45:37 time: 0.9302 data_time: 0.0858 memory: 9812 grad_norm: 3.0981 loss: 2.1534 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1008 distill.loss_dist: 1.0526 2023/05/15 06:14:57 - mmengine - INFO - Epoch(train) [52][1860/1879] lr: 2.0000e-03 eta: 21:45:19 time: 0.8299 data_time: 0.0483 memory: 9812 grad_norm: 3.0281 loss: 2.3201 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.2878 distill.loss_dist: 1.0323 2023/05/15 06:15:11 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 06:15:11 - mmengine - INFO - Epoch(train) [52][1879/1879] lr: 2.0000e-03 eta: 21:45:00 time: 0.7260 data_time: 0.0204 memory: 9812 grad_norm: 3.2140 loss: 2.3561 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.2906 distill.loss_dist: 1.0654 2023/05/15 06:15:30 - mmengine - INFO - Epoch(val) [52][ 20/155] eta: 0:02:08 time: 0.9513 data_time: 0.8868 memory: 1484 2023/05/15 06:15:44 - mmengine - INFO - Epoch(val) [52][ 40/155] eta: 0:01:34 time: 0.6896 data_time: 0.6256 memory: 1484 2023/05/15 06:16:03 - mmengine - INFO - Epoch(val) [52][ 60/155] eta: 0:01:21 time: 0.9319 data_time: 0.8661 memory: 1484 2023/05/15 06:16:16 - mmengine - INFO - Epoch(val) [52][ 80/155] eta: 0:01:00 time: 0.6665 data_time: 0.6021 memory: 1484 2023/05/15 06:16:36 - mmengine - INFO - Epoch(val) [52][100/155] eta: 0:00:46 time: 0.9910 data_time: 0.9307 memory: 1484 2023/05/15 06:16:48 - mmengine - INFO - Epoch(val) [52][120/155] eta: 0:00:28 time: 0.6343 data_time: 0.5706 memory: 1484 2023/05/15 06:17:08 - mmengine - INFO - Epoch(val) [52][140/155] eta: 0:00:12 time: 0.9995 data_time: 0.9357 memory: 1484 2023/05/15 06:17:37 - mmengine - INFO - Epoch(val) [52][ 20/155] eta: 0:16:15 time: 0.9574 data_time: 0.7969 memory: 1582 2023/05/15 06:17:52 - mmengine - INFO - Epoch(val) [52][ 40/155] eta: 0:07:37 time: 0.7281 data_time: 0.5751 memory: 1582 2023/05/15 06:18:10 - mmengine - INFO - Epoch(val) [52][ 60/155] eta: 0:04:40 time: 0.9145 data_time: 0.7621 memory: 1582 2023/05/15 06:18:24 - mmengine - INFO - Epoch(val) [52][ 80/155] eta: 0:02:59 time: 0.7040 data_time: 0.5504 memory: 1582 2023/05/15 06:18:43 - mmengine - INFO - Epoch(val) [52][100/155] eta: 0:01:55 time: 0.9531 data_time: 0.7917 memory: 1582 2023/05/15 06:18:57 - mmengine - INFO - Epoch(val) [52][120/155] eta: 0:01:05 time: 0.6711 data_time: 0.5172 memory: 1582 2023/05/15 06:19:15 - mmengine - INFO - Epoch(val) [52][140/155] eta: 0:00:25 time: 0.9255 data_time: 0.7731 memory: 1582 2023/05/15 06:19:27 - mmengine - INFO - Epoch(val) [52][155/155] acc/top1: 0.6698 acc/top5: 0.8752 acc/mean1: 0.6697 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6538 time: 0.8070 2023/05/15 06:19:49 - mmengine - INFO - Epoch(train) [53][ 20/1879] lr: 2.0000e-03 eta: 21:44:47 time: 1.1032 data_time: 0.6245 memory: 9812 grad_norm: 3.1481 loss: 2.3087 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2838 distill.loss_dist: 1.0249 2023/05/15 06:20:05 - mmengine - INFO - Epoch(train) [53][ 40/1879] lr: 2.0000e-03 eta: 21:44:29 time: 0.7974 data_time: 0.2439 memory: 9812 grad_norm: 3.0619 loss: 2.1880 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1510 distill.loss_dist: 1.0370 2023/05/15 06:20:22 - mmengine - INFO - Epoch(train) [53][ 60/1879] lr: 2.0000e-03 eta: 21:44:11 time: 0.8541 data_time: 0.2159 memory: 9812 grad_norm: 3.0333 loss: 2.1845 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1566 distill.loss_dist: 1.0280 2023/05/15 06:20:42 - mmengine - INFO - Epoch(train) [53][ 80/1879] lr: 2.0000e-03 eta: 21:43:56 time: 0.9685 data_time: 0.0477 memory: 9812 grad_norm: 3.1107 loss: 2.3518 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3183 distill.loss_dist: 1.0335 2023/05/15 06:20:58 - mmengine - INFO - Epoch(train) [53][ 100/1879] lr: 2.0000e-03 eta: 21:43:37 time: 0.8238 data_time: 0.0263 memory: 9812 grad_norm: 3.1351 loss: 2.2313 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2115 distill.loss_dist: 1.0198 2023/05/15 06:21:15 - mmengine - INFO - Epoch(train) [53][ 120/1879] lr: 2.0000e-03 eta: 21:43:19 time: 0.8120 data_time: 0.0238 memory: 9812 grad_norm: 2.9899 loss: 2.1438 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1007 distill.loss_dist: 1.0431 2023/05/15 06:21:33 - mmengine - INFO - Epoch(train) [53][ 140/1879] lr: 2.0000e-03 eta: 21:43:03 time: 0.9154 data_time: 0.0279 memory: 9812 grad_norm: 3.0920 loss: 2.2128 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1682 distill.loss_dist: 1.0446 2023/05/15 06:21:50 - mmengine - INFO - Epoch(train) [53][ 160/1879] lr: 2.0000e-03 eta: 21:42:45 time: 0.8769 data_time: 0.0287 memory: 9812 grad_norm: 3.0457 loss: 2.3029 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2711 distill.loss_dist: 1.0318 2023/05/15 06:22:07 - mmengine - INFO - Epoch(train) [53][ 180/1879] lr: 2.0000e-03 eta: 21:42:27 time: 0.8015 data_time: 0.0258 memory: 9812 grad_norm: 3.1123 loss: 2.2315 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1940 distill.loss_dist: 1.0375 2023/05/15 06:22:24 - mmengine - INFO - Epoch(train) [53][ 200/1879] lr: 2.0000e-03 eta: 21:42:10 time: 0.8900 data_time: 0.0260 memory: 9812 grad_norm: 3.0832 loss: 2.2415 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2080 distill.loss_dist: 1.0335 2023/05/15 06:22:42 - mmengine - INFO - Epoch(train) [53][ 220/1879] lr: 2.0000e-03 eta: 21:41:53 time: 0.8931 data_time: 0.0296 memory: 9812 grad_norm: 3.0828 loss: 2.3251 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2608 distill.loss_dist: 1.0643 2023/05/15 06:22:58 - mmengine - INFO - Epoch(train) [53][ 240/1879] lr: 2.0000e-03 eta: 21:41:34 time: 0.8088 data_time: 0.0336 memory: 9812 grad_norm: 3.0336 loss: 2.1693 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1496 distill.loss_dist: 1.0197 2023/05/15 06:23:17 - mmengine - INFO - Epoch(train) [53][ 260/1879] lr: 2.0000e-03 eta: 21:41:18 time: 0.9198 data_time: 0.0225 memory: 9812 grad_norm: 3.0727 loss: 2.3270 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.3035 distill.loss_dist: 1.0235 2023/05/15 06:23:35 - mmengine - INFO - Epoch(train) [53][ 280/1879] lr: 2.0000e-03 eta: 21:41:01 time: 0.8961 data_time: 0.0342 memory: 9812 grad_norm: 3.0526 loss: 2.3566 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3017 distill.loss_dist: 1.0549 2023/05/15 06:23:45 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 06:23:51 - mmengine - INFO - Epoch(train) [53][ 300/1879] lr: 2.0000e-03 eta: 21:40:42 time: 0.7936 data_time: 0.0232 memory: 9812 grad_norm: 3.0698 loss: 2.2260 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2128 distill.loss_dist: 1.0131 2023/05/15 06:24:08 - mmengine - INFO - Epoch(train) [53][ 320/1879] lr: 2.0000e-03 eta: 21:40:25 time: 0.8838 data_time: 0.0242 memory: 9812 grad_norm: 3.1439 loss: 2.3010 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.2383 distill.loss_dist: 1.0628 2023/05/15 06:24:27 - mmengine - INFO - Epoch(train) [53][ 340/1879] lr: 2.0000e-03 eta: 21:40:09 time: 0.9155 data_time: 0.0273 memory: 9812 grad_norm: 3.0767 loss: 2.1562 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1357 distill.loss_dist: 1.0206 2023/05/15 06:24:43 - mmengine - INFO - Epoch(train) [53][ 360/1879] lr: 2.0000e-03 eta: 21:39:50 time: 0.8122 data_time: 0.0274 memory: 9812 grad_norm: 3.0755 loss: 2.2077 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1798 distill.loss_dist: 1.0279 2023/05/15 06:25:01 - mmengine - INFO - Epoch(train) [53][ 380/1879] lr: 2.0000e-03 eta: 21:39:34 time: 0.9052 data_time: 0.0251 memory: 9812 grad_norm: 3.0888 loss: 2.3422 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.2857 distill.loss_dist: 1.0565 2023/05/15 06:25:18 - mmengine - INFO - Epoch(train) [53][ 400/1879] lr: 2.0000e-03 eta: 21:39:16 time: 0.8612 data_time: 0.0319 memory: 9812 grad_norm: 3.0833 loss: 2.2389 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2124 distill.loss_dist: 1.0265 2023/05/15 06:25:35 - mmengine - INFO - Epoch(train) [53][ 420/1879] lr: 2.0000e-03 eta: 21:38:58 time: 0.8286 data_time: 0.0266 memory: 9812 grad_norm: 3.0685 loss: 2.3339 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2874 distill.loss_dist: 1.0465 2023/05/15 06:25:54 - mmengine - INFO - Epoch(train) [53][ 440/1879] lr: 2.0000e-03 eta: 21:38:42 time: 0.9378 data_time: 0.0305 memory: 9812 grad_norm: 3.0786 loss: 2.3478 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3104 distill.loss_dist: 1.0373 2023/05/15 06:26:11 - mmengine - INFO - Epoch(train) [53][ 460/1879] lr: 2.0000e-03 eta: 21:38:24 time: 0.8400 data_time: 0.0296 memory: 9812 grad_norm: 3.1264 loss: 2.2341 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1930 distill.loss_dist: 1.0411 2023/05/15 06:26:26 - mmengine - INFO - Epoch(train) [53][ 480/1879] lr: 2.0000e-03 eta: 21:38:06 time: 0.7962 data_time: 0.0249 memory: 9812 grad_norm: 3.0503 loss: 2.2604 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2172 distill.loss_dist: 1.0433 2023/05/15 06:26:45 - mmengine - INFO - Epoch(train) [53][ 500/1879] lr: 2.0000e-03 eta: 21:37:49 time: 0.9311 data_time: 0.0254 memory: 9812 grad_norm: 2.9962 loss: 2.1632 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1259 distill.loss_dist: 1.0373 2023/05/15 06:27:03 - mmengine - INFO - Epoch(train) [53][ 520/1879] lr: 2.0000e-03 eta: 21:37:32 time: 0.8967 data_time: 0.0259 memory: 9812 grad_norm: 2.9921 loss: 2.1827 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1647 distill.loss_dist: 1.0180 2023/05/15 06:27:20 - mmengine - INFO - Epoch(train) [53][ 540/1879] lr: 2.0000e-03 eta: 21:37:15 time: 0.8406 data_time: 0.0286 memory: 9812 grad_norm: 3.1616 loss: 2.3866 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3194 distill.loss_dist: 1.0671 2023/05/15 06:27:36 - mmengine - INFO - Epoch(train) [53][ 560/1879] lr: 2.0000e-03 eta: 21:36:56 time: 0.8253 data_time: 0.0250 memory: 9812 grad_norm: 3.0582 loss: 2.2010 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1892 distill.loss_dist: 1.0118 2023/05/15 06:27:55 - mmengine - INFO - Epoch(train) [53][ 580/1879] lr: 2.0000e-03 eta: 21:36:40 time: 0.9456 data_time: 0.0283 memory: 9812 grad_norm: 3.0563 loss: 2.2994 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2237 distill.loss_dist: 1.0757 2023/05/15 06:28:11 - mmengine - INFO - Epoch(train) [53][ 600/1879] lr: 2.0000e-03 eta: 21:36:22 time: 0.7801 data_time: 0.0238 memory: 9812 grad_norm: 3.1044 loss: 2.2093 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1411 distill.loss_dist: 1.0682 2023/05/15 06:28:28 - mmengine - INFO - Epoch(train) [53][ 620/1879] lr: 2.0000e-03 eta: 21:36:04 time: 0.8553 data_time: 0.0274 memory: 9812 grad_norm: 3.1986 loss: 2.3306 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2839 distill.loss_dist: 1.0467 2023/05/15 06:28:47 - mmengine - INFO - Epoch(train) [53][ 640/1879] lr: 2.0000e-03 eta: 21:35:48 time: 0.9222 data_time: 0.0245 memory: 9812 grad_norm: 3.0739 loss: 2.1654 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1198 distill.loss_dist: 1.0456 2023/05/15 06:29:03 - mmengine - INFO - Epoch(train) [53][ 660/1879] lr: 2.0000e-03 eta: 21:35:29 time: 0.8209 data_time: 0.0267 memory: 9812 grad_norm: 3.0867 loss: 2.2658 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2451 distill.loss_dist: 1.0206 2023/05/15 06:29:20 - mmengine - INFO - Epoch(train) [53][ 680/1879] lr: 2.0000e-03 eta: 21:35:12 time: 0.8614 data_time: 0.0283 memory: 9812 grad_norm: 3.0420 loss: 2.0950 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0535 distill.loss_dist: 1.0416 2023/05/15 06:29:37 - mmengine - INFO - Epoch(train) [53][ 700/1879] lr: 2.0000e-03 eta: 21:34:54 time: 0.8570 data_time: 0.0311 memory: 9812 grad_norm: 3.0940 loss: 2.2404 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1971 distill.loss_dist: 1.0433 2023/05/15 06:29:54 - mmengine - INFO - Epoch(train) [53][ 720/1879] lr: 2.0000e-03 eta: 21:34:36 time: 0.8297 data_time: 0.0275 memory: 9812 grad_norm: 3.0743 loss: 2.3708 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3257 distill.loss_dist: 1.0451 2023/05/15 06:30:12 - mmengine - INFO - Epoch(train) [53][ 740/1879] lr: 2.0000e-03 eta: 21:34:20 time: 0.9045 data_time: 0.0256 memory: 9812 grad_norm: 3.1209 loss: 2.2418 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1977 distill.loss_dist: 1.0440 2023/05/15 06:30:29 - mmengine - INFO - Epoch(train) [53][ 760/1879] lr: 2.0000e-03 eta: 21:34:02 time: 0.8602 data_time: 0.0300 memory: 9812 grad_norm: 3.0277 loss: 2.2997 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2381 distill.loss_dist: 1.0616 2023/05/15 06:30:46 - mmengine - INFO - Epoch(train) [53][ 780/1879] lr: 2.0000e-03 eta: 21:33:44 time: 0.8279 data_time: 0.0283 memory: 9812 grad_norm: 3.0942 loss: 2.2755 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2373 distill.loss_dist: 1.0382 2023/05/15 06:31:04 - mmengine - INFO - Epoch(train) [53][ 800/1879] lr: 2.0000e-03 eta: 21:33:27 time: 0.9033 data_time: 0.0230 memory: 9812 grad_norm: 3.0815 loss: 2.1076 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0632 distill.loss_dist: 1.0444 2023/05/15 06:31:21 - mmengine - INFO - Epoch(train) [53][ 820/1879] lr: 2.0000e-03 eta: 21:33:09 time: 0.8331 data_time: 0.0278 memory: 9812 grad_norm: 3.0120 loss: 2.1286 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1209 distill.loss_dist: 1.0077 2023/05/15 06:31:37 - mmengine - INFO - Epoch(train) [53][ 840/1879] lr: 2.0000e-03 eta: 21:32:51 time: 0.8333 data_time: 0.0306 memory: 9812 grad_norm: 3.0122 loss: 2.2378 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1630 distill.loss_dist: 1.0747 2023/05/15 06:31:55 - mmengine - INFO - Epoch(train) [53][ 860/1879] lr: 2.0000e-03 eta: 21:32:34 time: 0.8858 data_time: 0.0274 memory: 9812 grad_norm: 3.0399 loss: 2.1811 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1316 distill.loss_dist: 1.0495 2023/05/15 06:32:12 - mmengine - INFO - Epoch(train) [53][ 880/1879] lr: 2.0000e-03 eta: 21:32:17 time: 0.8567 data_time: 0.0446 memory: 9812 grad_norm: 3.0853 loss: 2.2514 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2277 distill.loss_dist: 1.0237 2023/05/15 06:32:29 - mmengine - INFO - Epoch(train) [53][ 900/1879] lr: 2.0000e-03 eta: 21:31:59 time: 0.8379 data_time: 0.0581 memory: 9812 grad_norm: 3.0506 loss: 2.4143 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3386 distill.loss_dist: 1.0757 2023/05/15 06:32:45 - mmengine - INFO - Epoch(train) [53][ 920/1879] lr: 2.0000e-03 eta: 21:31:40 time: 0.8155 data_time: 0.0594 memory: 9812 grad_norm: 3.0671 loss: 2.2809 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2269 distill.loss_dist: 1.0540 2023/05/15 06:33:04 - mmengine - INFO - Epoch(train) [53][ 940/1879] lr: 2.0000e-03 eta: 21:31:24 time: 0.9328 data_time: 0.0328 memory: 9812 grad_norm: 3.1299 loss: 2.2040 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1749 distill.loss_dist: 1.0292 2023/05/15 06:33:20 - mmengine - INFO - Epoch(train) [53][ 960/1879] lr: 2.0000e-03 eta: 21:31:06 time: 0.8212 data_time: 0.0366 memory: 9812 grad_norm: 3.0392 loss: 2.2845 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2136 distill.loss_dist: 1.0709 2023/05/15 06:33:38 - mmengine - INFO - Epoch(train) [53][ 980/1879] lr: 2.0000e-03 eta: 21:30:48 time: 0.8630 data_time: 0.0313 memory: 9812 grad_norm: 2.9458 loss: 2.0637 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0323 distill.loss_dist: 1.0315 2023/05/15 06:33:55 - mmengine - INFO - Epoch(train) [53][1000/1879] lr: 2.0000e-03 eta: 21:30:31 time: 0.8570 data_time: 0.0512 memory: 9812 grad_norm: 3.1460 loss: 2.2273 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1992 distill.loss_dist: 1.0281 2023/05/15 06:34:12 - mmengine - INFO - Epoch(train) [53][1020/1879] lr: 2.0000e-03 eta: 21:30:13 time: 0.8317 data_time: 0.0240 memory: 9812 grad_norm: 3.1552 loss: 2.2789 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2254 distill.loss_dist: 1.0536 2023/05/15 06:34:30 - mmengine - INFO - Epoch(train) [53][1040/1879] lr: 2.0000e-03 eta: 21:29:57 time: 0.9260 data_time: 0.0294 memory: 9812 grad_norm: 3.0789 loss: 2.2530 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2142 distill.loss_dist: 1.0388 2023/05/15 06:34:47 - mmengine - INFO - Epoch(train) [53][1060/1879] lr: 2.0000e-03 eta: 21:29:39 time: 0.8460 data_time: 0.0280 memory: 9812 grad_norm: 3.2168 loss: 2.2479 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2136 distill.loss_dist: 1.0344 2023/05/15 06:35:04 - mmengine - INFO - Epoch(train) [53][1080/1879] lr: 2.0000e-03 eta: 21:29:21 time: 0.8570 data_time: 0.0242 memory: 9812 grad_norm: 3.1366 loss: 2.3612 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2939 distill.loss_dist: 1.0673 2023/05/15 06:35:22 - mmengine - INFO - Epoch(train) [53][1100/1879] lr: 2.0000e-03 eta: 21:29:04 time: 0.8949 data_time: 0.0306 memory: 9812 grad_norm: 3.0842 loss: 2.0785 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0659 distill.loss_dist: 1.0126 2023/05/15 06:35:38 - mmengine - INFO - Epoch(train) [53][1120/1879] lr: 2.0000e-03 eta: 21:28:46 time: 0.8142 data_time: 0.0305 memory: 9812 grad_norm: 3.1250 loss: 2.3020 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2496 distill.loss_dist: 1.0523 2023/05/15 06:35:55 - mmengine - INFO - Epoch(train) [53][1140/1879] lr: 2.0000e-03 eta: 21:28:28 time: 0.8411 data_time: 0.0265 memory: 9812 grad_norm: 3.0146 loss: 2.2248 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1823 distill.loss_dist: 1.0424 2023/05/15 06:36:13 - mmengine - INFO - Epoch(train) [53][1160/1879] lr: 2.0000e-03 eta: 21:28:11 time: 0.8904 data_time: 0.0274 memory: 9812 grad_norm: 3.1433 loss: 2.1654 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1394 distill.loss_dist: 1.0260 2023/05/15 06:36:30 - mmengine - INFO - Epoch(train) [53][1180/1879] lr: 2.0000e-03 eta: 21:27:53 time: 0.8426 data_time: 0.0312 memory: 9812 grad_norm: 3.0477 loss: 2.2754 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2317 distill.loss_dist: 1.0436 2023/05/15 06:36:49 - mmengine - INFO - Epoch(train) [53][1200/1879] lr: 2.0000e-03 eta: 21:27:37 time: 0.9332 data_time: 0.0233 memory: 9812 grad_norm: 3.0501 loss: 2.2136 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1760 distill.loss_dist: 1.0376 2023/05/15 06:37:05 - mmengine - INFO - Epoch(train) [53][1220/1879] lr: 2.0000e-03 eta: 21:27:19 time: 0.8309 data_time: 0.0286 memory: 9812 grad_norm: 3.0904 loss: 2.0905 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0756 distill.loss_dist: 1.0149 2023/05/15 06:37:23 - mmengine - INFO - Epoch(train) [53][1240/1879] lr: 2.0000e-03 eta: 21:27:02 time: 0.8768 data_time: 0.0254 memory: 9812 grad_norm: 3.1004 loss: 2.3237 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2854 distill.loss_dist: 1.0383 2023/05/15 06:37:41 - mmengine - INFO - Epoch(train) [53][1260/1879] lr: 2.0000e-03 eta: 21:26:45 time: 0.9002 data_time: 0.0264 memory: 9812 grad_norm: 3.0079 loss: 2.0454 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0560 distill.loss_dist: 0.9895 2023/05/15 06:37:57 - mmengine - INFO - Epoch(train) [53][1280/1879] lr: 2.0000e-03 eta: 21:26:26 time: 0.7882 data_time: 0.0250 memory: 9812 grad_norm: 3.0931 loss: 2.2952 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2446 distill.loss_dist: 1.0505 2023/05/15 06:38:07 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 06:38:14 - mmengine - INFO - Epoch(train) [53][1300/1879] lr: 2.0000e-03 eta: 21:26:09 time: 0.8507 data_time: 0.0327 memory: 9812 grad_norm: 3.0772 loss: 2.1552 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1317 distill.loss_dist: 1.0235 2023/05/15 06:38:32 - mmengine - INFO - Epoch(train) [53][1320/1879] lr: 2.0000e-03 eta: 21:25:52 time: 0.9041 data_time: 0.0412 memory: 9812 grad_norm: 3.0336 loss: 2.1437 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0868 distill.loss_dist: 1.0569 2023/05/15 06:38:49 - mmengine - INFO - Epoch(train) [53][1340/1879] lr: 2.0000e-03 eta: 21:25:35 time: 0.8725 data_time: 0.0408 memory: 9812 grad_norm: 3.1311 loss: 2.1414 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1291 distill.loss_dist: 1.0123 2023/05/15 06:39:05 - mmengine - INFO - Epoch(train) [53][1360/1879] lr: 2.0000e-03 eta: 21:25:16 time: 0.8019 data_time: 0.0829 memory: 9812 grad_norm: 3.0391 loss: 2.2309 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1863 distill.loss_dist: 1.0446 2023/05/15 06:39:23 - mmengine - INFO - Epoch(train) [53][1380/1879] lr: 2.0000e-03 eta: 21:25:00 time: 0.9084 data_time: 0.0709 memory: 9812 grad_norm: 3.0753 loss: 2.3181 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2745 distill.loss_dist: 1.0436 2023/05/15 06:39:40 - mmengine - INFO - Epoch(train) [53][1400/1879] lr: 2.0000e-03 eta: 21:24:41 time: 0.8231 data_time: 0.0779 memory: 9812 grad_norm: 3.1366 loss: 2.3106 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2321 distill.loss_dist: 1.0786 2023/05/15 06:39:57 - mmengine - INFO - Epoch(train) [53][1420/1879] lr: 2.0000e-03 eta: 21:24:23 time: 0.8405 data_time: 0.1864 memory: 9812 grad_norm: 3.1101 loss: 2.4860 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3971 distill.loss_dist: 1.0890 2023/05/15 06:40:15 - mmengine - INFO - Epoch(train) [53][1440/1879] lr: 2.0000e-03 eta: 21:24:07 time: 0.9070 data_time: 0.0415 memory: 9812 grad_norm: 3.0850 loss: 2.2455 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1899 distill.loss_dist: 1.0556 2023/05/15 06:40:32 - mmengine - INFO - Epoch(train) [53][1460/1879] lr: 2.0000e-03 eta: 21:23:50 time: 0.8711 data_time: 0.0782 memory: 9812 grad_norm: 3.1496 loss: 2.4519 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3458 distill.loss_dist: 1.1061 2023/05/15 06:40:49 - mmengine - INFO - Epoch(train) [53][1480/1879] lr: 2.0000e-03 eta: 21:23:32 time: 0.8505 data_time: 0.1585 memory: 9812 grad_norm: 3.0957 loss: 2.4801 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4127 distill.loss_dist: 1.0675 2023/05/15 06:41:07 - mmengine - INFO - Epoch(train) [53][1500/1879] lr: 2.0000e-03 eta: 21:23:14 time: 0.8642 data_time: 0.1715 memory: 9812 grad_norm: 3.1063 loss: 2.2846 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2296 distill.loss_dist: 1.0550 2023/05/15 06:41:24 - mmengine - INFO - Epoch(train) [53][1520/1879] lr: 2.0000e-03 eta: 21:22:57 time: 0.8452 data_time: 0.1253 memory: 9812 grad_norm: 3.0649 loss: 2.5571 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.4854 distill.loss_dist: 1.0717 2023/05/15 06:41:40 - mmengine - INFO - Epoch(train) [53][1540/1879] lr: 2.0000e-03 eta: 21:22:39 time: 0.8408 data_time: 0.0249 memory: 9812 grad_norm: 3.0870 loss: 2.2172 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1787 distill.loss_dist: 1.0385 2023/05/15 06:42:01 - mmengine - INFO - Epoch(train) [53][1560/1879] lr: 2.0000e-03 eta: 21:22:24 time: 1.0163 data_time: 0.0250 memory: 9812 grad_norm: 3.0519 loss: 2.2272 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1705 distill.loss_dist: 1.0568 2023/05/15 06:42:17 - mmengine - INFO - Epoch(train) [53][1580/1879] lr: 2.0000e-03 eta: 21:22:05 time: 0.7995 data_time: 0.0321 memory: 9812 grad_norm: 3.1460 loss: 2.1994 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1559 distill.loss_dist: 1.0434 2023/05/15 06:42:32 - mmengine - INFO - Epoch(train) [53][1600/1879] lr: 2.0000e-03 eta: 21:21:46 time: 0.7688 data_time: 0.0249 memory: 9812 grad_norm: 3.1388 loss: 2.2660 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2071 distill.loss_dist: 1.0588 2023/05/15 06:42:51 - mmengine - INFO - Epoch(train) [53][1620/1879] lr: 2.0000e-03 eta: 21:21:30 time: 0.9415 data_time: 0.0270 memory: 9812 grad_norm: 3.0673 loss: 2.3170 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2773 distill.loss_dist: 1.0397 2023/05/15 06:43:09 - mmengine - INFO - Epoch(train) [53][1640/1879] lr: 2.0000e-03 eta: 21:21:13 time: 0.8765 data_time: 0.0283 memory: 9812 grad_norm: 3.1187 loss: 2.0978 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0640 distill.loss_dist: 1.0338 2023/05/15 06:43:24 - mmengine - INFO - Epoch(train) [53][1660/1879] lr: 2.0000e-03 eta: 21:20:54 time: 0.7768 data_time: 0.0509 memory: 9812 grad_norm: 3.1934 loss: 2.2867 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2503 distill.loss_dist: 1.0364 2023/05/15 06:43:43 - mmengine - INFO - Epoch(train) [53][1680/1879] lr: 2.0000e-03 eta: 21:20:38 time: 0.9525 data_time: 0.0264 memory: 9812 grad_norm: 3.0992 loss: 2.1977 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1499 distill.loss_dist: 1.0478 2023/05/15 06:43:59 - mmengine - INFO - Epoch(train) [53][1700/1879] lr: 2.0000e-03 eta: 21:20:20 time: 0.8047 data_time: 0.0297 memory: 9812 grad_norm: 3.0620 loss: 2.1851 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1372 distill.loss_dist: 1.0479 2023/05/15 06:44:16 - mmengine - INFO - Epoch(train) [53][1720/1879] lr: 2.0000e-03 eta: 21:20:02 time: 0.8600 data_time: 0.0280 memory: 9812 grad_norm: 3.1905 loss: 2.3983 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3247 distill.loss_dist: 1.0736 2023/05/15 06:44:33 - mmengine - INFO - Epoch(train) [53][1740/1879] lr: 2.0000e-03 eta: 21:19:44 time: 0.8426 data_time: 0.0265 memory: 9812 grad_norm: 3.1289 loss: 2.3261 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2535 distill.loss_dist: 1.0726 2023/05/15 06:44:50 - mmengine - INFO - Epoch(train) [53][1760/1879] lr: 2.0000e-03 eta: 21:19:27 time: 0.8492 data_time: 0.0299 memory: 9812 grad_norm: 3.1496 loss: 2.3633 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2923 distill.loss_dist: 1.0710 2023/05/15 06:45:07 - mmengine - INFO - Epoch(train) [53][1780/1879] lr: 2.0000e-03 eta: 21:19:09 time: 0.8483 data_time: 0.0287 memory: 9812 grad_norm: 3.0398 loss: 2.2431 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2003 distill.loss_dist: 1.0427 2023/05/15 06:45:23 - mmengine - INFO - Epoch(train) [53][1800/1879] lr: 2.0000e-03 eta: 21:18:50 time: 0.8024 data_time: 0.0354 memory: 9812 grad_norm: 3.1315 loss: 2.2456 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1863 distill.loss_dist: 1.0593 2023/05/15 06:45:43 - mmengine - INFO - Epoch(train) [53][1820/1879] lr: 2.0000e-03 eta: 21:18:35 time: 0.9582 data_time: 0.0300 memory: 9812 grad_norm: 3.1501 loss: 2.3718 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.3260 distill.loss_dist: 1.0458 2023/05/15 06:45:59 - mmengine - INFO - Epoch(train) [53][1840/1879] lr: 2.0000e-03 eta: 21:18:17 time: 0.8271 data_time: 0.0251 memory: 9812 grad_norm: 3.1102 loss: 2.2170 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1654 distill.loss_dist: 1.0516 2023/05/15 06:46:16 - mmengine - INFO - Epoch(train) [53][1860/1879] lr: 2.0000e-03 eta: 21:17:59 time: 0.8386 data_time: 0.0247 memory: 9812 grad_norm: 3.1011 loss: 2.4256 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3716 distill.loss_dist: 1.0540 2023/05/15 06:46:30 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 06:46:30 - mmengine - INFO - Epoch(train) [53][1879/1879] lr: 2.0000e-03 eta: 21:17:40 time: 0.7463 data_time: 0.0220 memory: 9812 grad_norm: 3.1747 loss: 2.0428 student.top1_acc: 0.4286 student.top5_acc: 0.7143 student.loss_cls: 1.0337 distill.loss_dist: 1.0091 2023/05/15 06:46:49 - mmengine - INFO - Epoch(val) [53][ 20/155] eta: 0:02:11 time: 0.9753 data_time: 0.9102 memory: 1484 2023/05/15 06:47:02 - mmengine - INFO - Epoch(val) [53][ 40/155] eta: 0:01:32 time: 0.6330 data_time: 0.5684 memory: 1484 2023/05/15 06:47:21 - mmengine - INFO - Epoch(val) [53][ 60/155] eta: 0:01:21 time: 0.9504 data_time: 0.8850 memory: 1484 2023/05/15 06:47:34 - mmengine - INFO - Epoch(val) [53][ 80/155] eta: 0:01:00 time: 0.6783 data_time: 0.6193 memory: 1484 2023/05/15 06:47:55 - mmengine - INFO - Epoch(val) [53][100/155] eta: 0:00:46 time: 1.0251 data_time: 0.9581 memory: 1484 2023/05/15 06:48:08 - mmengine - INFO - Epoch(val) [53][120/155] eta: 0:00:28 time: 0.6507 data_time: 0.5886 memory: 1484 2023/05/15 06:48:27 - mmengine - INFO - Epoch(val) [53][140/155] eta: 0:00:12 time: 0.9458 data_time: 0.8843 memory: 1484 2023/05/15 06:48:56 - mmengine - INFO - Epoch(val) [53][ 20/155] eta: 0:16:19 time: 1.0108 data_time: 0.8550 memory: 1582 2023/05/15 06:49:10 - mmengine - INFO - Epoch(val) [53][ 40/155] eta: 0:07:36 time: 0.6817 data_time: 0.5300 memory: 1582 2023/05/15 06:49:29 - mmengine - INFO - Epoch(val) [53][ 60/155] eta: 0:04:41 time: 0.9497 data_time: 0.7946 memory: 1582 2023/05/15 06:49:43 - mmengine - INFO - Epoch(val) [53][ 80/155] eta: 0:02:59 time: 0.7121 data_time: 0.5544 memory: 1582 2023/05/15 06:50:02 - mmengine - INFO - Epoch(val) [53][100/155] eta: 0:01:55 time: 0.9421 data_time: 0.7862 memory: 1582 2023/05/15 06:50:16 - mmengine - INFO - Epoch(val) [53][120/155] eta: 0:01:05 time: 0.7031 data_time: 0.5516 memory: 1582 2023/05/15 06:50:36 - mmengine - INFO - Epoch(val) [53][140/155] eta: 0:00:26 time: 0.9909 data_time: 0.8378 memory: 1582 2023/05/15 06:50:46 - mmengine - INFO - Epoch(val) [53][155/155] acc/top1: 0.6713 acc/top5: 0.8769 acc/mean1: 0.6713 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6663 time: 0.8185 2023/05/15 06:50:46 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_51.pth is removed 2023/05/15 06:50:47 - mmengine - INFO - The best checkpoint with 0.6713 acc/top1 at 53 epoch is saved to best_acc_top1_epoch_53.pth. 2023/05/15 06:51:08 - mmengine - INFO - Epoch(train) [54][ 20/1879] lr: 2.0000e-03 eta: 21:17:26 time: 1.0453 data_time: 0.6139 memory: 9812 grad_norm: 3.0461 loss: 2.2441 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2119 distill.loss_dist: 1.0322 2023/05/15 06:51:25 - mmengine - INFO - Epoch(train) [54][ 40/1879] lr: 2.0000e-03 eta: 21:17:08 time: 0.8711 data_time: 0.2507 memory: 9812 grad_norm: 3.0818 loss: 2.2766 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2304 distill.loss_dist: 1.0461 2023/05/15 06:51:42 - mmengine - INFO - Epoch(train) [54][ 60/1879] lr: 2.0000e-03 eta: 21:16:50 time: 0.8320 data_time: 0.1622 memory: 9812 grad_norm: 3.1326 loss: 2.5150 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.4278 distill.loss_dist: 1.0872 2023/05/15 06:52:01 - mmengine - INFO - Epoch(train) [54][ 80/1879] lr: 2.0000e-03 eta: 21:16:34 time: 0.9524 data_time: 0.0272 memory: 9812 grad_norm: 3.0490 loss: 2.2927 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2498 distill.loss_dist: 1.0429 2023/05/15 06:52:17 - mmengine - INFO - Epoch(train) [54][ 100/1879] lr: 2.0000e-03 eta: 21:16:16 time: 0.8010 data_time: 0.0274 memory: 9812 grad_norm: 3.0577 loss: 2.3877 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3496 distill.loss_dist: 1.0381 2023/05/15 06:52:34 - mmengine - INFO - Epoch(train) [54][ 120/1879] lr: 2.0000e-03 eta: 21:15:58 time: 0.8394 data_time: 0.0286 memory: 9812 grad_norm: 3.1029 loss: 2.3761 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3539 distill.loss_dist: 1.0222 2023/05/15 06:52:54 - mmengine - INFO - Epoch(train) [54][ 140/1879] lr: 2.0000e-03 eta: 21:15:43 time: 1.0032 data_time: 0.0264 memory: 9812 grad_norm: 3.0402 loss: 2.1069 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0704 distill.loss_dist: 1.0365 2023/05/15 06:53:10 - mmengine - INFO - Epoch(train) [54][ 160/1879] lr: 2.0000e-03 eta: 21:15:24 time: 0.8043 data_time: 0.0271 memory: 9812 grad_norm: 3.0801 loss: 2.2024 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1690 distill.loss_dist: 1.0334 2023/05/15 06:53:27 - mmengine - INFO - Epoch(train) [54][ 180/1879] lr: 2.0000e-03 eta: 21:15:06 time: 0.8240 data_time: 0.0259 memory: 9812 grad_norm: 3.0282 loss: 2.2911 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2423 distill.loss_dist: 1.0488 2023/05/15 06:53:45 - mmengine - INFO - Epoch(train) [54][ 200/1879] lr: 2.0000e-03 eta: 21:14:50 time: 0.9137 data_time: 0.0254 memory: 9812 grad_norm: 3.0665 loss: 2.1678 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.1329 distill.loss_dist: 1.0349 2023/05/15 06:54:02 - mmengine - INFO - Epoch(train) [54][ 220/1879] lr: 2.0000e-03 eta: 21:14:32 time: 0.8276 data_time: 0.0290 memory: 9812 grad_norm: 3.0641 loss: 2.1569 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1165 distill.loss_dist: 1.0404 2023/05/15 06:54:18 - mmengine - INFO - Epoch(train) [54][ 240/1879] lr: 2.0000e-03 eta: 21:14:14 time: 0.8345 data_time: 0.0263 memory: 9812 grad_norm: 3.1368 loss: 2.2513 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2014 distill.loss_dist: 1.0499 2023/05/15 06:54:37 - mmengine - INFO - Epoch(train) [54][ 260/1879] lr: 2.0000e-03 eta: 21:13:58 time: 0.9321 data_time: 0.0456 memory: 9812 grad_norm: 3.1182 loss: 2.1926 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1165 distill.loss_dist: 1.0761 2023/05/15 06:54:53 - mmengine - INFO - Epoch(train) [54][ 280/1879] lr: 2.0000e-03 eta: 21:13:39 time: 0.8276 data_time: 0.0264 memory: 9812 grad_norm: 3.1156 loss: 2.2827 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2133 distill.loss_dist: 1.0694 2023/05/15 06:55:10 - mmengine - INFO - Epoch(train) [54][ 300/1879] lr: 2.0000e-03 eta: 21:13:21 time: 0.8055 data_time: 0.0254 memory: 9812 grad_norm: 3.0290 loss: 2.1661 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1405 distill.loss_dist: 1.0256 2023/05/15 06:55:28 - mmengine - INFO - Epoch(train) [54][ 320/1879] lr: 2.0000e-03 eta: 21:13:05 time: 0.9203 data_time: 0.0268 memory: 9812 grad_norm: 3.1379 loss: 2.2446 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.1804 distill.loss_dist: 1.0642 2023/05/15 06:55:44 - mmengine - INFO - Epoch(train) [54][ 340/1879] lr: 2.0000e-03 eta: 21:12:46 time: 0.8224 data_time: 0.0271 memory: 9812 grad_norm: 3.0363 loss: 2.0561 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0231 distill.loss_dist: 1.0329 2023/05/15 06:56:01 - mmengine - INFO - Epoch(train) [54][ 360/1879] lr: 2.0000e-03 eta: 21:12:28 time: 0.8265 data_time: 0.0269 memory: 9812 grad_norm: 3.1107 loss: 2.1094 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.0829 distill.loss_dist: 1.0265 2023/05/15 06:56:20 - mmengine - INFO - Epoch(train) [54][ 380/1879] lr: 2.0000e-03 eta: 21:12:12 time: 0.9434 data_time: 0.0454 memory: 9812 grad_norm: 3.0746 loss: 2.1629 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1118 distill.loss_dist: 1.0511 2023/05/15 06:56:37 - mmengine - INFO - Epoch(train) [54][ 400/1879] lr: 2.0000e-03 eta: 21:11:54 time: 0.8403 data_time: 0.2397 memory: 9812 grad_norm: 2.9975 loss: 2.1276 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0945 distill.loss_dist: 1.0331 2023/05/15 06:56:48 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 06:56:54 - mmengine - INFO - Epoch(train) [54][ 420/1879] lr: 2.0000e-03 eta: 21:11:37 time: 0.8532 data_time: 0.1911 memory: 9812 grad_norm: 3.0572 loss: 2.1923 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1853 distill.loss_dist: 1.0070 2023/05/15 06:57:11 - mmengine - INFO - Epoch(train) [54][ 440/1879] lr: 2.0000e-03 eta: 21:11:20 time: 0.8778 data_time: 0.0888 memory: 9812 grad_norm: 3.1525 loss: 2.3745 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.2855 distill.loss_dist: 1.0890 2023/05/15 06:57:28 - mmengine - INFO - Epoch(train) [54][ 460/1879] lr: 2.0000e-03 eta: 21:11:02 time: 0.8546 data_time: 0.0809 memory: 9812 grad_norm: 3.1235 loss: 2.2012 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1539 distill.loss_dist: 1.0474 2023/05/15 06:57:44 - mmengine - INFO - Epoch(train) [54][ 480/1879] lr: 2.0000e-03 eta: 21:10:43 time: 0.7928 data_time: 0.1015 memory: 9812 grad_norm: 3.0863 loss: 2.2623 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2281 distill.loss_dist: 1.0342 2023/05/15 06:58:03 - mmengine - INFO - Epoch(train) [54][ 500/1879] lr: 2.0000e-03 eta: 21:10:27 time: 0.9179 data_time: 0.0330 memory: 9812 grad_norm: 3.0289 loss: 2.2296 student.top1_acc: 0.4375 student.top5_acc: 1.0000 student.loss_cls: 1.1475 distill.loss_dist: 1.0821 2023/05/15 06:58:21 - mmengine - INFO - Epoch(train) [54][ 520/1879] lr: 2.0000e-03 eta: 21:10:10 time: 0.9189 data_time: 0.0825 memory: 9812 grad_norm: 3.0732 loss: 2.3922 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.3568 distill.loss_dist: 1.0355 2023/05/15 06:58:39 - mmengine - INFO - Epoch(train) [54][ 540/1879] lr: 2.0000e-03 eta: 21:09:53 time: 0.8721 data_time: 0.0434 memory: 9812 grad_norm: 3.0890 loss: 2.0987 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0765 distill.loss_dist: 1.0221 2023/05/15 06:58:56 - mmengine - INFO - Epoch(train) [54][ 560/1879] lr: 2.0000e-03 eta: 21:09:35 time: 0.8483 data_time: 0.0301 memory: 9812 grad_norm: 3.0986 loss: 2.3333 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2890 distill.loss_dist: 1.0443 2023/05/15 06:59:13 - mmengine - INFO - Epoch(train) [54][ 580/1879] lr: 2.0000e-03 eta: 21:09:18 time: 0.8568 data_time: 0.0254 memory: 9812 grad_norm: 3.0727 loss: 2.3936 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3116 distill.loss_dist: 1.0820 2023/05/15 06:59:29 - mmengine - INFO - Epoch(train) [54][ 600/1879] lr: 2.0000e-03 eta: 21:09:00 time: 0.8183 data_time: 0.0237 memory: 9812 grad_norm: 3.0854 loss: 2.2336 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1871 distill.loss_dist: 1.0465 2023/05/15 06:59:47 - mmengine - INFO - Epoch(train) [54][ 620/1879] lr: 2.0000e-03 eta: 21:08:42 time: 0.8801 data_time: 0.0312 memory: 9812 grad_norm: 3.1453 loss: 2.2339 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.2250 distill.loss_dist: 1.0089 2023/05/15 07:00:03 - mmengine - INFO - Epoch(train) [54][ 640/1879] lr: 2.0000e-03 eta: 21:08:24 time: 0.8018 data_time: 0.0246 memory: 9812 grad_norm: 3.1489 loss: 2.3663 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3212 distill.loss_dist: 1.0451 2023/05/15 07:00:20 - mmengine - INFO - Epoch(train) [54][ 660/1879] lr: 2.0000e-03 eta: 21:08:06 time: 0.8563 data_time: 0.0480 memory: 9812 grad_norm: 3.1146 loss: 2.3808 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.3464 distill.loss_dist: 1.0345 2023/05/15 07:00:37 - mmengine - INFO - Epoch(train) [54][ 680/1879] lr: 2.0000e-03 eta: 21:07:49 time: 0.8645 data_time: 0.0507 memory: 9812 grad_norm: 3.0550 loss: 2.2294 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1862 distill.loss_dist: 1.0432 2023/05/15 07:00:54 - mmengine - INFO - Epoch(train) [54][ 700/1879] lr: 2.0000e-03 eta: 21:07:31 time: 0.8549 data_time: 0.0330 memory: 9812 grad_norm: 3.1276 loss: 2.3729 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3334 distill.loss_dist: 1.0395 2023/05/15 07:01:12 - mmengine - INFO - Epoch(train) [54][ 720/1879] lr: 2.0000e-03 eta: 21:07:14 time: 0.8904 data_time: 0.0472 memory: 9812 grad_norm: 3.1431 loss: 2.1542 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1048 distill.loss_dist: 1.0493 2023/05/15 07:01:31 - mmengine - INFO - Epoch(train) [54][ 740/1879] lr: 2.0000e-03 eta: 21:06:58 time: 0.9314 data_time: 0.1412 memory: 9812 grad_norm: 3.1417 loss: 2.4329 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3837 distill.loss_dist: 1.0492 2023/05/15 07:01:48 - mmengine - INFO - Epoch(train) [54][ 760/1879] lr: 2.0000e-03 eta: 21:06:40 time: 0.8429 data_time: 0.2478 memory: 9812 grad_norm: 3.1362 loss: 2.4835 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.4231 distill.loss_dist: 1.0604 2023/05/15 07:02:04 - mmengine - INFO - Epoch(train) [54][ 780/1879] lr: 2.0000e-03 eta: 21:06:22 time: 0.8228 data_time: 0.0587 memory: 9812 grad_norm: 3.1152 loss: 2.3666 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3212 distill.loss_dist: 1.0453 2023/05/15 07:02:21 - mmengine - INFO - Epoch(train) [54][ 800/1879] lr: 2.0000e-03 eta: 21:06:05 time: 0.8607 data_time: 0.0437 memory: 9812 grad_norm: 3.0821 loss: 2.2371 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1956 distill.loss_dist: 1.0415 2023/05/15 07:02:38 - mmengine - INFO - Epoch(train) [54][ 820/1879] lr: 2.0000e-03 eta: 21:05:47 time: 0.8313 data_time: 0.0290 memory: 9812 grad_norm: 3.1177 loss: 2.3191 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2818 distill.loss_dist: 1.0373 2023/05/15 07:02:57 - mmengine - INFO - Epoch(train) [54][ 840/1879] lr: 2.0000e-03 eta: 21:05:30 time: 0.9286 data_time: 0.0245 memory: 9812 grad_norm: 3.0110 loss: 2.1747 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1441 distill.loss_dist: 1.0306 2023/05/15 07:03:13 - mmengine - INFO - Epoch(train) [54][ 860/1879] lr: 2.0000e-03 eta: 21:05:12 time: 0.8336 data_time: 0.0250 memory: 9812 grad_norm: 3.1595 loss: 2.3628 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2778 distill.loss_dist: 1.0850 2023/05/15 07:03:31 - mmengine - INFO - Epoch(train) [54][ 880/1879] lr: 2.0000e-03 eta: 21:04:55 time: 0.8759 data_time: 0.0272 memory: 9812 grad_norm: 3.0697 loss: 2.2305 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2133 distill.loss_dist: 1.0171 2023/05/15 07:03:49 - mmengine - INFO - Epoch(train) [54][ 900/1879] lr: 2.0000e-03 eta: 21:04:38 time: 0.9041 data_time: 0.0287 memory: 9812 grad_norm: 3.0810 loss: 2.2672 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.2235 distill.loss_dist: 1.0437 2023/05/15 07:04:06 - mmengine - INFO - Epoch(train) [54][ 920/1879] lr: 2.0000e-03 eta: 21:04:20 time: 0.8335 data_time: 0.0269 memory: 9812 grad_norm: 3.1480 loss: 2.1378 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1056 distill.loss_dist: 1.0322 2023/05/15 07:04:22 - mmengine - INFO - Epoch(train) [54][ 940/1879] lr: 2.0000e-03 eta: 21:04:02 time: 0.8290 data_time: 0.0281 memory: 9812 grad_norm: 3.0936 loss: 2.2534 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2272 distill.loss_dist: 1.0262 2023/05/15 07:04:41 - mmengine - INFO - Epoch(train) [54][ 960/1879] lr: 2.0000e-03 eta: 21:03:46 time: 0.9348 data_time: 0.0235 memory: 9812 grad_norm: 3.1296 loss: 2.2006 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1600 distill.loss_dist: 1.0407 2023/05/15 07:04:58 - mmengine - INFO - Epoch(train) [54][ 980/1879] lr: 2.0000e-03 eta: 21:03:28 time: 0.8395 data_time: 0.0276 memory: 9812 grad_norm: 3.1372 loss: 2.1282 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1070 distill.loss_dist: 1.0212 2023/05/15 07:05:14 - mmengine - INFO - Epoch(train) [54][1000/1879] lr: 2.0000e-03 eta: 21:03:10 time: 0.8074 data_time: 0.0281 memory: 9812 grad_norm: 3.1825 loss: 2.3648 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3155 distill.loss_dist: 1.0493 2023/05/15 07:05:33 - mmengine - INFO - Epoch(train) [54][1020/1879] lr: 2.0000e-03 eta: 21:02:54 time: 0.9734 data_time: 0.0247 memory: 9812 grad_norm: 3.1091 loss: 2.2104 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1430 distill.loss_dist: 1.0673 2023/05/15 07:05:49 - mmengine - INFO - Epoch(train) [54][1040/1879] lr: 2.0000e-03 eta: 21:02:36 time: 0.7826 data_time: 0.0276 memory: 9812 grad_norm: 3.0764 loss: 2.2236 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1386 distill.loss_dist: 1.0850 2023/05/15 07:06:06 - mmengine - INFO - Epoch(train) [54][1060/1879] lr: 2.0000e-03 eta: 21:02:18 time: 0.8308 data_time: 0.1815 memory: 9812 grad_norm: 3.0590 loss: 2.0634 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0689 distill.loss_dist: 0.9945 2023/05/15 07:06:23 - mmengine - INFO - Epoch(train) [54][1080/1879] lr: 2.0000e-03 eta: 21:02:00 time: 0.8687 data_time: 0.3153 memory: 9812 grad_norm: 3.0680 loss: 2.2025 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1471 distill.loss_dist: 1.0554 2023/05/15 07:06:40 - mmengine - INFO - Epoch(train) [54][1100/1879] lr: 2.0000e-03 eta: 21:01:43 time: 0.8500 data_time: 0.1806 memory: 9812 grad_norm: 3.0241 loss: 2.1578 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1283 distill.loss_dist: 1.0295 2023/05/15 07:06:59 - mmengine - INFO - Epoch(train) [54][1120/1879] lr: 2.0000e-03 eta: 21:01:26 time: 0.9326 data_time: 0.3499 memory: 9812 grad_norm: 3.0891 loss: 2.1335 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0875 distill.loss_dist: 1.0460 2023/05/15 07:07:15 - mmengine - INFO - Epoch(train) [54][1140/1879] lr: 2.0000e-03 eta: 21:01:08 time: 0.8197 data_time: 0.3224 memory: 9812 grad_norm: 3.1770 loss: 2.2520 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2285 distill.loss_dist: 1.0236 2023/05/15 07:07:31 - mmengine - INFO - Epoch(train) [54][1160/1879] lr: 2.0000e-03 eta: 21:00:49 time: 0.7850 data_time: 0.3500 memory: 9812 grad_norm: 3.1348 loss: 2.4812 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4092 distill.loss_dist: 1.0719 2023/05/15 07:07:49 - mmengine - INFO - Epoch(train) [54][1180/1879] lr: 2.0000e-03 eta: 21:00:33 time: 0.9093 data_time: 0.4515 memory: 9812 grad_norm: 3.1088 loss: 2.2680 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.2491 distill.loss_dist: 1.0189 2023/05/15 07:08:06 - mmengine - INFO - Epoch(train) [54][1200/1879] lr: 2.0000e-03 eta: 21:00:15 time: 0.8344 data_time: 0.4002 memory: 9812 grad_norm: 3.1132 loss: 2.1622 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1372 distill.loss_dist: 1.0251 2023/05/15 07:08:23 - mmengine - INFO - Epoch(train) [54][1220/1879] lr: 2.0000e-03 eta: 20:59:57 time: 0.8702 data_time: 0.4289 memory: 9812 grad_norm: 3.1147 loss: 2.4849 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4049 distill.loss_dist: 1.0800 2023/05/15 07:08:42 - mmengine - INFO - Epoch(train) [54][1240/1879] lr: 2.0000e-03 eta: 20:59:41 time: 0.9121 data_time: 0.3615 memory: 9812 grad_norm: 3.1595 loss: 2.1829 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1477 distill.loss_dist: 1.0352 2023/05/15 07:08:58 - mmengine - INFO - Epoch(train) [54][1260/1879] lr: 2.0000e-03 eta: 20:59:23 time: 0.8238 data_time: 0.3043 memory: 9812 grad_norm: 3.1638 loss: 2.2247 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1883 distill.loss_dist: 1.0365 2023/05/15 07:09:17 - mmengine - INFO - Epoch(train) [54][1280/1879] lr: 2.0000e-03 eta: 20:59:06 time: 0.9223 data_time: 0.4839 memory: 9812 grad_norm: 3.1751 loss: 2.2829 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2449 distill.loss_dist: 1.0380 2023/05/15 07:09:34 - mmengine - INFO - Epoch(train) [54][1300/1879] lr: 2.0000e-03 eta: 20:58:49 time: 0.8699 data_time: 0.4495 memory: 9812 grad_norm: 3.1013 loss: 2.3162 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2577 distill.loss_dist: 1.0585 2023/05/15 07:09:51 - mmengine - INFO - Epoch(train) [54][1320/1879] lr: 2.0000e-03 eta: 20:58:31 time: 0.8606 data_time: 0.3552 memory: 9812 grad_norm: 3.0984 loss: 2.0608 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0392 distill.loss_dist: 1.0216 2023/05/15 07:10:08 - mmengine - INFO - Epoch(train) [54][1340/1879] lr: 2.0000e-03 eta: 20:58:14 time: 0.8420 data_time: 0.4111 memory: 9812 grad_norm: 3.1153 loss: 2.2990 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2514 distill.loss_dist: 1.0475 2023/05/15 07:10:26 - mmengine - INFO - Epoch(train) [54][1360/1879] lr: 2.0000e-03 eta: 20:57:57 time: 0.9055 data_time: 0.4775 memory: 9812 grad_norm: 3.1281 loss: 2.1201 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1087 distill.loss_dist: 1.0114 2023/05/15 07:10:43 - mmengine - INFO - Epoch(train) [54][1380/1879] lr: 2.0000e-03 eta: 20:57:39 time: 0.8368 data_time: 0.3964 memory: 9812 grad_norm: 3.0512 loss: 2.2612 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1992 distill.loss_dist: 1.0619 2023/05/15 07:10:59 - mmengine - INFO - Epoch(train) [54][1400/1879] lr: 2.0000e-03 eta: 20:57:21 time: 0.8153 data_time: 0.3801 memory: 9812 grad_norm: 3.1333 loss: 2.2220 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1967 distill.loss_dist: 1.0253 2023/05/15 07:11:12 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 07:11:18 - mmengine - INFO - Epoch(train) [54][1420/1879] lr: 2.0000e-03 eta: 20:57:04 time: 0.9317 data_time: 0.5058 memory: 9812 grad_norm: 3.1177 loss: 2.2291 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1757 distill.loss_dist: 1.0534 2023/05/15 07:11:35 - mmengine - INFO - Epoch(train) [54][1440/1879] lr: 2.0000e-03 eta: 20:56:47 time: 0.8421 data_time: 0.4159 memory: 9812 grad_norm: 3.1200 loss: 2.1574 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1263 distill.loss_dist: 1.0311 2023/05/15 07:11:51 - mmengine - INFO - Epoch(train) [54][1460/1879] lr: 2.0000e-03 eta: 20:56:28 time: 0.8182 data_time: 0.3879 memory: 9812 grad_norm: 3.1649 loss: 2.3843 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3307 distill.loss_dist: 1.0537 2023/05/15 07:12:10 - mmengine - INFO - Epoch(train) [54][1480/1879] lr: 2.0000e-03 eta: 20:56:13 time: 0.9616 data_time: 0.5252 memory: 9812 grad_norm: 3.0014 loss: 2.2614 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2265 distill.loss_dist: 1.0349 2023/05/15 07:12:27 - mmengine - INFO - Epoch(train) [54][1500/1879] lr: 2.0000e-03 eta: 20:55:55 time: 0.8424 data_time: 0.4047 memory: 9812 grad_norm: 3.0636 loss: 2.2182 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1849 distill.loss_dist: 1.0333 2023/05/15 07:12:44 - mmengine - INFO - Epoch(train) [54][1520/1879] lr: 2.0000e-03 eta: 20:55:37 time: 0.8237 data_time: 0.3913 memory: 9812 grad_norm: 3.0396 loss: 2.2780 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2028 distill.loss_dist: 1.0753 2023/05/15 07:13:01 - mmengine - INFO - Epoch(train) [54][1540/1879] lr: 2.0000e-03 eta: 20:55:20 time: 0.8811 data_time: 0.4527 memory: 9812 grad_norm: 3.1535 loss: 2.2411 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1638 distill.loss_dist: 1.0773 2023/05/15 07:13:19 - mmengine - INFO - Epoch(train) [54][1560/1879] lr: 2.0000e-03 eta: 20:55:03 time: 0.8814 data_time: 0.4447 memory: 9812 grad_norm: 3.0862 loss: 2.2615 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.2093 distill.loss_dist: 1.0522 2023/05/15 07:13:35 - mmengine - INFO - Epoch(train) [54][1580/1879] lr: 2.0000e-03 eta: 20:54:44 time: 0.7923 data_time: 0.3452 memory: 9812 grad_norm: 3.1108 loss: 2.0663 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0561 distill.loss_dist: 1.0102 2023/05/15 07:13:54 - mmengine - INFO - Epoch(train) [54][1600/1879] lr: 2.0000e-03 eta: 20:54:28 time: 0.9394 data_time: 0.4945 memory: 9812 grad_norm: 3.1196 loss: 2.2195 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2290 distill.loss_dist: 0.9905 2023/05/15 07:14:11 - mmengine - INFO - Epoch(train) [54][1620/1879] lr: 2.0000e-03 eta: 20:54:10 time: 0.8410 data_time: 0.3990 memory: 9812 grad_norm: 3.0783 loss: 2.1728 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1416 distill.loss_dist: 1.0312 2023/05/15 07:14:25 - mmengine - INFO - Epoch(train) [54][1640/1879] lr: 2.0000e-03 eta: 20:53:50 time: 0.7391 data_time: 0.3045 memory: 9812 grad_norm: 3.1236 loss: 2.2332 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1995 distill.loss_dist: 1.0337 2023/05/15 07:14:46 - mmengine - INFO - Epoch(train) [54][1660/1879] lr: 2.0000e-03 eta: 20:53:36 time: 1.0217 data_time: 0.5794 memory: 9812 grad_norm: 3.1187 loss: 2.2879 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2447 distill.loss_dist: 1.0432 2023/05/15 07:15:02 - mmengine - INFO - Epoch(train) [54][1680/1879] lr: 2.0000e-03 eta: 20:53:17 time: 0.8015 data_time: 0.3631 memory: 9812 grad_norm: 3.0993 loss: 2.2230 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1934 distill.loss_dist: 1.0296 2023/05/15 07:15:19 - mmengine - INFO - Epoch(train) [54][1700/1879] lr: 2.0000e-03 eta: 20:52:59 time: 0.8354 data_time: 0.3959 memory: 9812 grad_norm: 3.0904 loss: 2.3095 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2534 distill.loss_dist: 1.0561 2023/05/15 07:15:36 - mmengine - INFO - Epoch(train) [54][1720/1879] lr: 2.0000e-03 eta: 20:52:42 time: 0.8831 data_time: 0.4415 memory: 9812 grad_norm: 3.2218 loss: 2.2520 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2200 distill.loss_dist: 1.0320 2023/05/15 07:15:53 - mmengine - INFO - Epoch(train) [54][1740/1879] lr: 2.0000e-03 eta: 20:52:24 time: 0.8167 data_time: 0.3638 memory: 9812 grad_norm: 3.0957 loss: 2.2807 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2602 distill.loss_dist: 1.0205 2023/05/15 07:16:09 - mmengine - INFO - Epoch(train) [54][1760/1879] lr: 2.0000e-03 eta: 20:52:06 time: 0.8153 data_time: 0.3787 memory: 9812 grad_norm: 3.1677 loss: 2.5969 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.5182 distill.loss_dist: 1.0788 2023/05/15 07:16:28 - mmengine - INFO - Epoch(train) [54][1780/1879] lr: 2.0000e-03 eta: 20:51:50 time: 0.9627 data_time: 0.3751 memory: 9812 grad_norm: 3.0404 loss: 2.0960 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0963 distill.loss_dist: 0.9997 2023/05/15 07:16:45 - mmengine - INFO - Epoch(train) [54][1800/1879] lr: 2.0000e-03 eta: 20:51:32 time: 0.8239 data_time: 0.2135 memory: 9812 grad_norm: 3.0613 loss: 2.1462 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.1289 distill.loss_dist: 1.0174 2023/05/15 07:17:01 - mmengine - INFO - Epoch(train) [54][1820/1879] lr: 2.0000e-03 eta: 20:51:14 time: 0.8408 data_time: 0.0552 memory: 9812 grad_norm: 3.0190 loss: 2.2645 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2311 distill.loss_dist: 1.0333 2023/05/15 07:17:18 - mmengine - INFO - Epoch(train) [54][1840/1879] lr: 2.0000e-03 eta: 20:50:56 time: 0.8371 data_time: 0.0361 memory: 9812 grad_norm: 3.0670 loss: 2.0909 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0864 distill.loss_dist: 1.0045 2023/05/15 07:17:37 - mmengine - INFO - Epoch(train) [54][1860/1879] lr: 2.0000e-03 eta: 20:50:39 time: 0.9134 data_time: 0.0483 memory: 9812 grad_norm: 3.1022 loss: 2.1204 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1281 distill.loss_dist: 0.9923 2023/05/15 07:17:49 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 07:17:49 - mmengine - INFO - Epoch(train) [54][1879/1879] lr: 2.0000e-03 eta: 20:50:19 time: 0.6600 data_time: 0.0213 memory: 9812 grad_norm: 3.2550 loss: 2.3173 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.2652 distill.loss_dist: 1.0522 2023/05/15 07:17:49 - mmengine - INFO - Saving checkpoint at 54 epochs 2023/05/15 07:18:10 - mmengine - INFO - Epoch(val) [54][ 20/155] eta: 0:02:13 time: 0.9875 data_time: 0.9234 memory: 1484 2023/05/15 07:18:24 - mmengine - INFO - Epoch(val) [54][ 40/155] eta: 0:01:35 time: 0.6695 data_time: 0.6079 memory: 1484 2023/05/15 07:18:42 - mmengine - INFO - Epoch(val) [54][ 60/155] eta: 0:01:20 time: 0.8926 data_time: 0.8295 memory: 1484 2023/05/15 07:18:55 - mmengine - INFO - Epoch(val) [54][ 80/155] eta: 0:01:00 time: 0.6850 data_time: 0.6234 memory: 1484 2023/05/15 07:19:15 - mmengine - INFO - Epoch(val) [54][100/155] eta: 0:00:46 time: 0.9832 data_time: 0.9148 memory: 1484 2023/05/15 07:19:28 - mmengine - INFO - Epoch(val) [54][120/155] eta: 0:00:28 time: 0.6640 data_time: 0.5989 memory: 1484 2023/05/15 07:19:47 - mmengine - INFO - Epoch(val) [54][140/155] eta: 0:00:12 time: 0.9462 data_time: 0.8859 memory: 1484 2023/05/15 07:20:16 - mmengine - INFO - Epoch(val) [54][ 20/155] eta: 0:16:11 time: 0.9955 data_time: 0.8416 memory: 1582 2023/05/15 07:20:30 - mmengine - INFO - Epoch(val) [54][ 40/155] eta: 0:07:34 time: 0.7063 data_time: 0.5498 memory: 1582 2023/05/15 07:20:50 - mmengine - INFO - Epoch(val) [54][ 60/155] eta: 0:04:41 time: 0.9830 data_time: 0.8276 memory: 1582 2023/05/15 07:21:04 - mmengine - INFO - Epoch(val) [54][ 80/155] eta: 0:02:59 time: 0.7034 data_time: 0.5491 memory: 1582 2023/05/15 07:21:22 - mmengine - INFO - Epoch(val) [54][100/155] eta: 0:01:55 time: 0.9319 data_time: 0.7772 memory: 1582 2023/05/15 07:21:36 - mmengine - INFO - Epoch(val) [54][120/155] eta: 0:01:05 time: 0.6695 data_time: 0.5181 memory: 1582 2023/05/15 07:21:55 - mmengine - INFO - Epoch(val) [54][140/155] eta: 0:00:26 time: 0.9726 data_time: 0.8215 memory: 1582 2023/05/15 07:22:05 - mmengine - INFO - Epoch(val) [54][155/155] acc/top1: 0.6726 acc/top5: 0.8761 acc/mean1: 0.6725 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6653 time: 0.8171 2023/05/15 07:22:05 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_53.pth is removed 2023/05/15 07:22:07 - mmengine - INFO - The best checkpoint with 0.6726 acc/top1 at 54 epoch is saved to best_acc_top1_epoch_54.pth. 2023/05/15 07:22:28 - mmengine - INFO - Epoch(train) [55][ 20/1879] lr: 2.0000e-03 eta: 20:50:06 time: 1.0963 data_time: 0.6709 memory: 9812 grad_norm: 3.1103 loss: 2.2932 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2356 distill.loss_dist: 1.0576 2023/05/15 07:22:45 - mmengine - INFO - Epoch(train) [55][ 40/1879] lr: 2.0000e-03 eta: 20:49:48 time: 0.8274 data_time: 0.3995 memory: 9812 grad_norm: 3.0426 loss: 2.2362 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1987 distill.loss_dist: 1.0375 2023/05/15 07:23:01 - mmengine - INFO - Epoch(train) [55][ 60/1879] lr: 2.0000e-03 eta: 20:49:29 time: 0.8008 data_time: 0.3797 memory: 9812 grad_norm: 3.1010 loss: 2.3254 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2896 distill.loss_dist: 1.0358 2023/05/15 07:23:19 - mmengine - INFO - Epoch(train) [55][ 80/1879] lr: 2.0000e-03 eta: 20:49:13 time: 0.9146 data_time: 0.4947 memory: 9812 grad_norm: 3.1287 loss: 2.2526 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2302 distill.loss_dist: 1.0223 2023/05/15 07:23:37 - mmengine - INFO - Epoch(train) [55][ 100/1879] lr: 2.0000e-03 eta: 20:48:56 time: 0.8689 data_time: 0.3857 memory: 9812 grad_norm: 3.1644 loss: 2.2977 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2429 distill.loss_dist: 1.0548 2023/05/15 07:23:53 - mmengine - INFO - Epoch(train) [55][ 120/1879] lr: 2.0000e-03 eta: 20:48:37 time: 0.8283 data_time: 0.2958 memory: 9812 grad_norm: 3.1356 loss: 2.2581 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2114 distill.loss_dist: 1.0467 2023/05/15 07:24:13 - mmengine - INFO - Epoch(train) [55][ 140/1879] lr: 2.0000e-03 eta: 20:48:22 time: 0.9724 data_time: 0.5223 memory: 9812 grad_norm: 3.0369 loss: 2.0971 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0805 distill.loss_dist: 1.0166 2023/05/15 07:24:29 - mmengine - INFO - Epoch(train) [55][ 160/1879] lr: 2.0000e-03 eta: 20:48:03 time: 0.7872 data_time: 0.3398 memory: 9812 grad_norm: 3.1514 loss: 2.2095 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1812 distill.loss_dist: 1.0283 2023/05/15 07:24:45 - mmengine - INFO - Epoch(train) [55][ 180/1879] lr: 2.0000e-03 eta: 20:47:45 time: 0.8251 data_time: 0.3803 memory: 9812 grad_norm: 3.0581 loss: 1.9864 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 0.9656 distill.loss_dist: 1.0208 2023/05/15 07:25:04 - mmengine - INFO - Epoch(train) [55][ 200/1879] lr: 2.0000e-03 eta: 20:47:29 time: 0.9303 data_time: 0.4880 memory: 9812 grad_norm: 3.0701 loss: 2.2100 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.1741 distill.loss_dist: 1.0358 2023/05/15 07:25:21 - mmengine - INFO - Epoch(train) [55][ 220/1879] lr: 2.0000e-03 eta: 20:47:11 time: 0.8536 data_time: 0.2422 memory: 9812 grad_norm: 3.0891 loss: 2.1704 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1402 distill.loss_dist: 1.0301 2023/05/15 07:25:37 - mmengine - INFO - Epoch(train) [55][ 240/1879] lr: 2.0000e-03 eta: 20:46:53 time: 0.7942 data_time: 0.2730 memory: 9812 grad_norm: 3.0837 loss: 2.1148 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0849 distill.loss_dist: 1.0299 2023/05/15 07:25:55 - mmengine - INFO - Epoch(train) [55][ 260/1879] lr: 2.0000e-03 eta: 20:46:36 time: 0.9114 data_time: 0.4499 memory: 9812 grad_norm: 3.0836 loss: 2.3125 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2754 distill.loss_dist: 1.0371 2023/05/15 07:26:13 - mmengine - INFO - Epoch(train) [55][ 280/1879] lr: 2.0000e-03 eta: 20:46:19 time: 0.8779 data_time: 0.1888 memory: 9812 grad_norm: 3.1176 loss: 2.2310 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2126 distill.loss_dist: 1.0184 2023/05/15 07:26:29 - mmengine - INFO - Epoch(train) [55][ 300/1879] lr: 2.0000e-03 eta: 20:46:01 time: 0.8316 data_time: 0.1540 memory: 9812 grad_norm: 3.1537 loss: 2.5041 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4250 distill.loss_dist: 1.0791 2023/05/15 07:26:47 - mmengine - INFO - Epoch(train) [55][ 320/1879] lr: 2.0000e-03 eta: 20:45:44 time: 0.9016 data_time: 0.2602 memory: 9812 grad_norm: 3.0692 loss: 1.9512 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9433 distill.loss_dist: 1.0079 2023/05/15 07:27:04 - mmengine - INFO - Epoch(train) [55][ 340/1879] lr: 2.0000e-03 eta: 20:45:26 time: 0.8451 data_time: 0.2461 memory: 9812 grad_norm: 3.1551 loss: 2.3276 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2843 distill.loss_dist: 1.0434 2023/05/15 07:27:22 - mmengine - INFO - Epoch(train) [55][ 360/1879] lr: 2.0000e-03 eta: 20:45:09 time: 0.8959 data_time: 0.1029 memory: 9812 grad_norm: 3.1948 loss: 2.3560 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2906 distill.loss_dist: 1.0654 2023/05/15 07:27:39 - mmengine - INFO - Epoch(train) [55][ 380/1879] lr: 2.0000e-03 eta: 20:44:52 time: 0.8537 data_time: 0.0317 memory: 9812 grad_norm: 3.0554 loss: 2.2266 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1781 distill.loss_dist: 1.0485 2023/05/15 07:27:56 - mmengine - INFO - Epoch(train) [55][ 400/1879] lr: 2.0000e-03 eta: 20:44:34 time: 0.8367 data_time: 0.0485 memory: 9812 grad_norm: 3.1844 loss: 2.3652 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2948 distill.loss_dist: 1.0704 2023/05/15 07:28:14 - mmengine - INFO - Epoch(train) [55][ 420/1879] lr: 2.0000e-03 eta: 20:44:17 time: 0.8823 data_time: 0.0745 memory: 9812 grad_norm: 3.0540 loss: 2.2184 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1696 distill.loss_dist: 1.0488 2023/05/15 07:28:31 - mmengine - INFO - Epoch(train) [55][ 440/1879] lr: 2.0000e-03 eta: 20:43:59 time: 0.8467 data_time: 0.0266 memory: 9812 grad_norm: 3.1728 loss: 2.2948 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2422 distill.loss_dist: 1.0526 2023/05/15 07:28:49 - mmengine - INFO - Epoch(train) [55][ 460/1879] lr: 2.0000e-03 eta: 20:43:43 time: 0.9422 data_time: 0.0257 memory: 9812 grad_norm: 3.0942 loss: 2.4551 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3867 distill.loss_dist: 1.0683 2023/05/15 07:29:06 - mmengine - INFO - Epoch(train) [55][ 480/1879] lr: 2.0000e-03 eta: 20:43:25 time: 0.8303 data_time: 0.0256 memory: 9812 grad_norm: 3.0798 loss: 2.2187 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2044 distill.loss_dist: 1.0143 2023/05/15 07:29:22 - mmengine - INFO - Epoch(train) [55][ 500/1879] lr: 2.0000e-03 eta: 20:43:06 time: 0.8049 data_time: 0.0277 memory: 9812 grad_norm: 3.0948 loss: 2.1271 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0942 distill.loss_dist: 1.0329 2023/05/15 07:29:42 - mmengine - INFO - Epoch(train) [55][ 520/1879] lr: 2.0000e-03 eta: 20:42:51 time: 0.9705 data_time: 0.0256 memory: 9812 grad_norm: 3.1226 loss: 2.5081 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4777 distill.loss_dist: 1.0304 2023/05/15 07:29:53 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 07:29:57 - mmengine - INFO - Epoch(train) [55][ 540/1879] lr: 2.0000e-03 eta: 20:42:32 time: 0.7915 data_time: 0.0271 memory: 9812 grad_norm: 3.1310 loss: 2.3357 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2923 distill.loss_dist: 1.0433 2023/05/15 07:30:14 - mmengine - INFO - Epoch(train) [55][ 560/1879] lr: 2.0000e-03 eta: 20:42:14 time: 0.8447 data_time: 0.0280 memory: 9812 grad_norm: 3.0761 loss: 2.2447 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1824 distill.loss_dist: 1.0622 2023/05/15 07:30:33 - mmengine - INFO - Epoch(train) [55][ 580/1879] lr: 2.0000e-03 eta: 20:41:58 time: 0.9260 data_time: 0.0243 memory: 9812 grad_norm: 3.1263 loss: 2.2708 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2186 distill.loss_dist: 1.0522 2023/05/15 07:30:49 - mmengine - INFO - Epoch(train) [55][ 600/1879] lr: 2.0000e-03 eta: 20:41:40 time: 0.7957 data_time: 0.0273 memory: 9812 grad_norm: 3.0121 loss: 2.1247 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1001 distill.loss_dist: 1.0246 2023/05/15 07:31:05 - mmengine - INFO - Epoch(train) [55][ 620/1879] lr: 2.0000e-03 eta: 20:41:21 time: 0.8257 data_time: 0.0285 memory: 9812 grad_norm: 3.0942 loss: 2.2846 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2319 distill.loss_dist: 1.0527 2023/05/15 07:31:24 - mmengine - INFO - Epoch(train) [55][ 640/1879] lr: 2.0000e-03 eta: 20:41:05 time: 0.9105 data_time: 0.2044 memory: 9812 grad_norm: 3.0865 loss: 2.2130 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1640 distill.loss_dist: 1.0490 2023/05/15 07:31:39 - mmengine - INFO - Epoch(train) [55][ 660/1879] lr: 2.0000e-03 eta: 20:40:46 time: 0.7893 data_time: 0.2573 memory: 9812 grad_norm: 3.0621 loss: 2.3778 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3050 distill.loss_dist: 1.0727 2023/05/15 07:31:57 - mmengine - INFO - Epoch(train) [55][ 680/1879] lr: 2.0000e-03 eta: 20:40:29 time: 0.8818 data_time: 0.0606 memory: 9812 grad_norm: 3.1849 loss: 2.2398 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1888 distill.loss_dist: 1.0509 2023/05/15 07:32:13 - mmengine - INFO - Epoch(train) [55][ 700/1879] lr: 2.0000e-03 eta: 20:40:11 time: 0.8239 data_time: 0.1488 memory: 9812 grad_norm: 3.0680 loss: 2.1842 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1253 distill.loss_dist: 1.0589 2023/05/15 07:32:33 - mmengine - INFO - Epoch(train) [55][ 720/1879] lr: 2.0000e-03 eta: 20:39:55 time: 0.9590 data_time: 0.1332 memory: 9812 grad_norm: 3.1785 loss: 2.3286 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2941 distill.loss_dist: 1.0345 2023/05/15 07:32:50 - mmengine - INFO - Epoch(train) [55][ 740/1879] lr: 2.0000e-03 eta: 20:39:37 time: 0.8470 data_time: 0.1317 memory: 9812 grad_norm: 3.0826 loss: 2.0363 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0271 distill.loss_dist: 1.0091 2023/05/15 07:33:06 - mmengine - INFO - Epoch(train) [55][ 760/1879] lr: 2.0000e-03 eta: 20:39:19 time: 0.8267 data_time: 0.0792 memory: 9812 grad_norm: 3.0648 loss: 2.2059 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1932 distill.loss_dist: 1.0127 2023/05/15 07:33:24 - mmengine - INFO - Epoch(train) [55][ 780/1879] lr: 2.0000e-03 eta: 20:39:03 time: 0.9042 data_time: 0.0989 memory: 9812 grad_norm: 3.0821 loss: 2.1221 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0882 distill.loss_dist: 1.0339 2023/05/15 07:33:42 - mmengine - INFO - Epoch(train) [55][ 800/1879] lr: 2.0000e-03 eta: 20:38:45 time: 0.8774 data_time: 0.1280 memory: 9812 grad_norm: 3.1565 loss: 2.2538 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.1899 distill.loss_dist: 1.0639 2023/05/15 07:33:59 - mmengine - INFO - Epoch(train) [55][ 820/1879] lr: 2.0000e-03 eta: 20:38:28 time: 0.8490 data_time: 0.2347 memory: 9812 grad_norm: 3.1451 loss: 2.1938 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1891 distill.loss_dist: 1.0047 2023/05/15 07:34:16 - mmengine - INFO - Epoch(train) [55][ 840/1879] lr: 2.0000e-03 eta: 20:38:10 time: 0.8746 data_time: 0.2219 memory: 9812 grad_norm: 3.1363 loss: 2.3381 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3196 distill.loss_dist: 1.0185 2023/05/15 07:34:34 - mmengine - INFO - Epoch(train) [55][ 860/1879] lr: 2.0000e-03 eta: 20:37:53 time: 0.8832 data_time: 0.2370 memory: 9812 grad_norm: 3.1467 loss: 2.1910 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1692 distill.loss_dist: 1.0218 2023/05/15 07:34:50 - mmengine - INFO - Epoch(train) [55][ 880/1879] lr: 2.0000e-03 eta: 20:37:35 time: 0.8208 data_time: 0.1398 memory: 9812 grad_norm: 3.1552 loss: 2.0190 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0391 distill.loss_dist: 0.9800 2023/05/15 07:35:08 - mmengine - INFO - Epoch(train) [55][ 900/1879] lr: 2.0000e-03 eta: 20:37:18 time: 0.8876 data_time: 0.1283 memory: 9812 grad_norm: 3.1622 loss: 2.4139 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3470 distill.loss_dist: 1.0668 2023/05/15 07:35:26 - mmengine - INFO - Epoch(train) [55][ 920/1879] lr: 2.0000e-03 eta: 20:37:01 time: 0.8715 data_time: 0.2205 memory: 9812 grad_norm: 3.1452 loss: 2.1566 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1084 distill.loss_dist: 1.0481 2023/05/15 07:35:44 - mmengine - INFO - Epoch(train) [55][ 940/1879] lr: 2.0000e-03 eta: 20:36:44 time: 0.8964 data_time: 0.1933 memory: 9812 grad_norm: 3.1027 loss: 2.3324 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2948 distill.loss_dist: 1.0377 2023/05/15 07:36:01 - mmengine - INFO - Epoch(train) [55][ 960/1879] lr: 2.0000e-03 eta: 20:36:26 time: 0.8586 data_time: 0.0266 memory: 9812 grad_norm: 3.1308 loss: 2.2688 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2240 distill.loss_dist: 1.0448 2023/05/15 07:36:18 - mmengine - INFO - Epoch(train) [55][ 980/1879] lr: 2.0000e-03 eta: 20:36:09 time: 0.8779 data_time: 0.0266 memory: 9812 grad_norm: 3.1295 loss: 2.2636 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2046 distill.loss_dist: 1.0590 2023/05/15 07:36:37 - mmengine - INFO - Epoch(train) [55][1000/1879] lr: 2.0000e-03 eta: 20:35:53 time: 0.9341 data_time: 0.0227 memory: 9812 grad_norm: 3.1182 loss: 2.0749 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0699 distill.loss_dist: 1.0050 2023/05/15 07:36:54 - mmengine - INFO - Epoch(train) [55][1020/1879] lr: 2.0000e-03 eta: 20:35:35 time: 0.8479 data_time: 0.0304 memory: 9812 grad_norm: 3.1287 loss: 2.2545 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2183 distill.loss_dist: 1.0362 2023/05/15 07:37:10 - mmengine - INFO - Epoch(train) [55][1040/1879] lr: 2.0000e-03 eta: 20:35:16 time: 0.7802 data_time: 0.0275 memory: 9812 grad_norm: 3.0835 loss: 2.2705 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2239 distill.loss_dist: 1.0466 2023/05/15 07:37:28 - mmengine - INFO - Epoch(train) [55][1060/1879] lr: 2.0000e-03 eta: 20:35:00 time: 0.9153 data_time: 0.0250 memory: 9812 grad_norm: 3.1652 loss: 2.3069 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2468 distill.loss_dist: 1.0601 2023/05/15 07:37:45 - mmengine - INFO - Epoch(train) [55][1080/1879] lr: 2.0000e-03 eta: 20:34:42 time: 0.8455 data_time: 0.0258 memory: 9812 grad_norm: 3.1453 loss: 2.1248 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0923 distill.loss_dist: 1.0326 2023/05/15 07:38:01 - mmengine - INFO - Epoch(train) [55][1100/1879] lr: 2.0000e-03 eta: 20:34:24 time: 0.8252 data_time: 0.0253 memory: 9812 grad_norm: 3.1288 loss: 2.2196 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1868 distill.loss_dist: 1.0328 2023/05/15 07:38:20 - mmengine - INFO - Epoch(train) [55][1120/1879] lr: 2.0000e-03 eta: 20:34:08 time: 0.9512 data_time: 0.0248 memory: 9812 grad_norm: 3.1199 loss: 2.2655 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2247 distill.loss_dist: 1.0408 2023/05/15 07:38:37 - mmengine - INFO - Epoch(train) [55][1140/1879] lr: 2.0000e-03 eta: 20:33:50 time: 0.8024 data_time: 0.0253 memory: 9812 grad_norm: 3.1164 loss: 2.2741 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2193 distill.loss_dist: 1.0548 2023/05/15 07:38:54 - mmengine - INFO - Epoch(train) [55][1160/1879] lr: 2.0000e-03 eta: 20:33:32 time: 0.8645 data_time: 0.0265 memory: 9812 grad_norm: 3.0702 loss: 2.2300 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2009 distill.loss_dist: 1.0291 2023/05/15 07:39:13 - mmengine - INFO - Epoch(train) [55][1180/1879] lr: 2.0000e-03 eta: 20:33:16 time: 0.9502 data_time: 0.0254 memory: 9812 grad_norm: 3.1471 loss: 2.3776 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3242 distill.loss_dist: 1.0534 2023/05/15 07:39:30 - mmengine - INFO - Epoch(train) [55][1200/1879] lr: 2.0000e-03 eta: 20:32:59 time: 0.8601 data_time: 0.0290 memory: 9812 grad_norm: 3.1267 loss: 2.2780 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2335 distill.loss_dist: 1.0445 2023/05/15 07:39:47 - mmengine - INFO - Epoch(train) [55][1220/1879] lr: 2.0000e-03 eta: 20:32:41 time: 0.8308 data_time: 0.0263 memory: 9812 grad_norm: 3.1456 loss: 2.1944 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1383 distill.loss_dist: 1.0561 2023/05/15 07:40:05 - mmengine - INFO - Epoch(train) [55][1240/1879] lr: 2.0000e-03 eta: 20:32:24 time: 0.9205 data_time: 0.0251 memory: 9812 grad_norm: 3.2013 loss: 2.3055 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2664 distill.loss_dist: 1.0391 2023/05/15 07:40:22 - mmengine - INFO - Epoch(train) [55][1260/1879] lr: 2.0000e-03 eta: 20:32:06 time: 0.8336 data_time: 0.0304 memory: 9812 grad_norm: 3.0855 loss: 2.2743 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2136 distill.loss_dist: 1.0607 2023/05/15 07:40:38 - mmengine - INFO - Epoch(train) [55][1280/1879] lr: 2.0000e-03 eta: 20:31:48 time: 0.8022 data_time: 0.0263 memory: 9812 grad_norm: 3.1469 loss: 2.3461 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3145 distill.loss_dist: 1.0315 2023/05/15 07:40:56 - mmengine - INFO - Epoch(train) [55][1300/1879] lr: 2.0000e-03 eta: 20:31:31 time: 0.8822 data_time: 0.0274 memory: 9812 grad_norm: 3.2098 loss: 2.1741 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1416 distill.loss_dist: 1.0325 2023/05/15 07:41:12 - mmengine - INFO - Epoch(train) [55][1320/1879] lr: 2.0000e-03 eta: 20:31:12 time: 0.8068 data_time: 0.0251 memory: 9812 grad_norm: 3.0967 loss: 2.3315 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2958 distill.loss_dist: 1.0357 2023/05/15 07:41:29 - mmengine - INFO - Epoch(train) [55][1340/1879] lr: 2.0000e-03 eta: 20:30:55 time: 0.8881 data_time: 0.0283 memory: 9812 grad_norm: 3.1498 loss: 2.3316 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2809 distill.loss_dist: 1.0507 2023/05/15 07:41:47 - mmengine - INFO - Epoch(train) [55][1360/1879] lr: 2.0000e-03 eta: 20:30:38 time: 0.8734 data_time: 0.0266 memory: 9812 grad_norm: 3.0420 loss: 1.9960 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 0.9803 distill.loss_dist: 1.0158 2023/05/15 07:42:03 - mmengine - INFO - Epoch(train) [55][1380/1879] lr: 2.0000e-03 eta: 20:30:20 time: 0.8136 data_time: 0.0295 memory: 9812 grad_norm: 3.1040 loss: 2.2509 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2083 distill.loss_dist: 1.0426 2023/05/15 07:42:21 - mmengine - INFO - Epoch(train) [55][1400/1879] lr: 2.0000e-03 eta: 20:30:03 time: 0.8894 data_time: 0.0292 memory: 9812 grad_norm: 3.1518 loss: 2.2743 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2241 distill.loss_dist: 1.0502 2023/05/15 07:42:38 - mmengine - INFO - Epoch(train) [55][1420/1879] lr: 2.0000e-03 eta: 20:29:45 time: 0.8239 data_time: 0.0242 memory: 9812 grad_norm: 3.1067 loss: 2.2652 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2285 distill.loss_dist: 1.0367 2023/05/15 07:42:57 - mmengine - INFO - Epoch(train) [55][1440/1879] lr: 2.0000e-03 eta: 20:29:29 time: 0.9520 data_time: 0.0289 memory: 9812 grad_norm: 3.1694 loss: 2.2232 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2098 distill.loss_dist: 1.0135 2023/05/15 07:43:14 - mmengine - INFO - Epoch(train) [55][1460/1879] lr: 2.0000e-03 eta: 20:29:11 time: 0.8481 data_time: 0.0272 memory: 9812 grad_norm: 3.1930 loss: 2.3904 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3150 distill.loss_dist: 1.0755 2023/05/15 07:43:31 - mmengine - INFO - Epoch(train) [55][1480/1879] lr: 2.0000e-03 eta: 20:28:54 time: 0.8622 data_time: 0.0283 memory: 9812 grad_norm: 3.1602 loss: 2.3471 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2684 distill.loss_dist: 1.0786 2023/05/15 07:43:48 - mmengine - INFO - Epoch(train) [55][1500/1879] lr: 2.0000e-03 eta: 20:28:36 time: 0.8362 data_time: 0.0309 memory: 9812 grad_norm: 3.0795 loss: 2.1511 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1226 distill.loss_dist: 1.0285 2023/05/15 07:44:05 - mmengine - INFO - Epoch(train) [55][1520/1879] lr: 2.0000e-03 eta: 20:28:18 time: 0.8672 data_time: 0.0241 memory: 9812 grad_norm: 3.1593 loss: 2.3232 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2611 distill.loss_dist: 1.0621 2023/05/15 07:44:18 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 07:44:23 - mmengine - INFO - Epoch(train) [55][1540/1879] lr: 2.0000e-03 eta: 20:28:02 time: 0.9133 data_time: 0.0250 memory: 9812 grad_norm: 3.1171 loss: 2.2702 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2227 distill.loss_dist: 1.0475 2023/05/15 07:44:40 - mmengine - INFO - Epoch(train) [55][1560/1879] lr: 2.0000e-03 eta: 20:27:44 time: 0.8551 data_time: 0.0291 memory: 9812 grad_norm: 3.0835 loss: 2.1453 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1067 distill.loss_dist: 1.0386 2023/05/15 07:44:56 - mmengine - INFO - Epoch(train) [55][1580/1879] lr: 2.0000e-03 eta: 20:27:26 time: 0.7934 data_time: 0.0242 memory: 9812 grad_norm: 3.1104 loss: 2.1840 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1450 distill.loss_dist: 1.0390 2023/05/15 07:45:14 - mmengine - INFO - Epoch(train) [55][1600/1879] lr: 2.0000e-03 eta: 20:27:09 time: 0.8809 data_time: 0.0259 memory: 9812 grad_norm: 3.1191 loss: 2.3209 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2929 distill.loss_dist: 1.0280 2023/05/15 07:45:33 - mmengine - INFO - Epoch(train) [55][1620/1879] lr: 2.0000e-03 eta: 20:26:52 time: 0.9354 data_time: 0.0258 memory: 9812 grad_norm: 3.1069 loss: 2.2258 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2122 distill.loss_dist: 1.0136 2023/05/15 07:45:49 - mmengine - INFO - Epoch(train) [55][1640/1879] lr: 2.0000e-03 eta: 20:26:34 time: 0.8067 data_time: 0.0244 memory: 9812 grad_norm: 3.0925 loss: 2.0462 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0029 distill.loss_dist: 1.0433 2023/05/15 07:46:05 - mmengine - INFO - Epoch(train) [55][1660/1879] lr: 2.0000e-03 eta: 20:26:16 time: 0.8353 data_time: 0.0269 memory: 9812 grad_norm: 3.1631 loss: 2.2650 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2157 distill.loss_dist: 1.0493 2023/05/15 07:46:25 - mmengine - INFO - Epoch(train) [55][1680/1879] lr: 2.0000e-03 eta: 20:26:01 time: 0.9795 data_time: 0.0255 memory: 9812 grad_norm: 3.1554 loss: 2.2869 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2176 distill.loss_dist: 1.0693 2023/05/15 07:46:42 - mmengine - INFO - Epoch(train) [55][1700/1879] lr: 2.0000e-03 eta: 20:25:42 time: 0.8263 data_time: 0.0267 memory: 9812 grad_norm: 3.1224 loss: 2.4254 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3659 distill.loss_dist: 1.0594 2023/05/15 07:46:58 - mmengine - INFO - Epoch(train) [55][1720/1879] lr: 2.0000e-03 eta: 20:25:24 time: 0.8128 data_time: 0.0275 memory: 9812 grad_norm: 3.1297 loss: 2.2543 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2301 distill.loss_dist: 1.0242 2023/05/15 07:47:15 - mmengine - INFO - Epoch(train) [55][1740/1879] lr: 2.0000e-03 eta: 20:25:07 time: 0.8685 data_time: 0.0241 memory: 9812 grad_norm: 3.1808 loss: 2.3839 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3321 distill.loss_dist: 1.0518 2023/05/15 07:47:32 - mmengine - INFO - Epoch(train) [55][1760/1879] lr: 2.0000e-03 eta: 20:24:49 time: 0.8136 data_time: 0.0344 memory: 9812 grad_norm: 3.1226 loss: 2.2105 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1650 distill.loss_dist: 1.0455 2023/05/15 07:47:48 - mmengine - INFO - Epoch(train) [55][1780/1879] lr: 2.0000e-03 eta: 20:24:31 time: 0.8299 data_time: 0.0264 memory: 9812 grad_norm: 3.1129 loss: 2.2574 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2039 distill.loss_dist: 1.0536 2023/05/15 07:48:06 - mmengine - INFO - Epoch(train) [55][1800/1879] lr: 2.0000e-03 eta: 20:24:14 time: 0.9122 data_time: 0.0255 memory: 9812 grad_norm: 3.1632 loss: 2.4174 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3386 distill.loss_dist: 1.0789 2023/05/15 07:48:25 - mmengine - INFO - Epoch(train) [55][1820/1879] lr: 2.0000e-03 eta: 20:23:57 time: 0.9105 data_time: 0.0303 memory: 9812 grad_norm: 3.0870 loss: 2.2936 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2817 distill.loss_dist: 1.0119 2023/05/15 07:48:41 - mmengine - INFO - Epoch(train) [55][1840/1879] lr: 2.0000e-03 eta: 20:23:39 time: 0.8000 data_time: 0.0224 memory: 9812 grad_norm: 3.0165 loss: 2.2124 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1867 distill.loss_dist: 1.0256 2023/05/15 07:48:59 - mmengine - INFO - Epoch(train) [55][1860/1879] lr: 2.0000e-03 eta: 20:23:23 time: 0.9382 data_time: 0.0263 memory: 9812 grad_norm: 3.1473 loss: 2.2678 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2397 distill.loss_dist: 1.0280 2023/05/15 07:49:12 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 07:49:12 - mmengine - INFO - Epoch(train) [55][1879/1879] lr: 2.0000e-03 eta: 20:23:03 time: 0.7136 data_time: 0.0205 memory: 9812 grad_norm: 3.1772 loss: 2.3358 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 1.3235 distill.loss_dist: 1.0123 2023/05/15 07:49:33 - mmengine - INFO - Epoch(val) [55][ 20/155] eta: 0:02:16 time: 1.0101 data_time: 0.9400 memory: 1484 2023/05/15 07:49:46 - mmengine - INFO - Epoch(val) [55][ 40/155] eta: 0:01:36 time: 0.6680 data_time: 0.6021 memory: 1484 2023/05/15 07:50:04 - mmengine - INFO - Epoch(val) [55][ 60/155] eta: 0:01:22 time: 0.9283 data_time: 0.8658 memory: 1484 2023/05/15 07:50:18 - mmengine - INFO - Epoch(val) [55][ 80/155] eta: 0:01:01 time: 0.6651 data_time: 0.6001 memory: 1484 2023/05/15 07:50:37 - mmengine - INFO - Epoch(val) [55][100/155] eta: 0:00:46 time: 0.9483 data_time: 0.8791 memory: 1484 2023/05/15 07:50:50 - mmengine - INFO - Epoch(val) [55][120/155] eta: 0:00:28 time: 0.6582 data_time: 0.5927 memory: 1484 2023/05/15 07:51:09 - mmengine - INFO - Epoch(val) [55][140/155] eta: 0:00:12 time: 0.9583 data_time: 0.8977 memory: 1484 2023/05/15 07:51:40 - mmengine - INFO - Epoch(val) [55][ 20/155] eta: 0:16:23 time: 1.0269 data_time: 0.8734 memory: 1582 2023/05/15 07:51:54 - mmengine - INFO - Epoch(val) [55][ 40/155] eta: 0:07:37 time: 0.6784 data_time: 0.5253 memory: 1582 2023/05/15 07:52:12 - mmengine - INFO - Epoch(val) [55][ 60/155] eta: 0:04:41 time: 0.9410 data_time: 0.7931 memory: 1582 2023/05/15 07:52:26 - mmengine - INFO - Epoch(val) [55][ 80/155] eta: 0:02:59 time: 0.6833 data_time: 0.5286 memory: 1582 2023/05/15 07:52:46 - mmengine - INFO - Epoch(val) [55][100/155] eta: 0:01:56 time: 0.9894 data_time: 0.8382 memory: 1582 2023/05/15 07:53:00 - mmengine - INFO - Epoch(val) [55][120/155] eta: 0:01:05 time: 0.6980 data_time: 0.5498 memory: 1582 2023/05/15 07:53:20 - mmengine - INFO - Epoch(val) [55][140/155] eta: 0:00:26 time: 0.9940 data_time: 0.8408 memory: 1582 2023/05/15 07:53:29 - mmengine - INFO - Epoch(val) [55][155/155] acc/top1: 0.6717 acc/top5: 0.8749 acc/mean1: 0.6716 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6698 time: 0.8197 2023/05/15 07:53:51 - mmengine - INFO - Epoch(train) [56][ 20/1879] lr: 2.0000e-03 eta: 20:22:50 time: 1.1128 data_time: 0.3573 memory: 9812 grad_norm: 3.1655 loss: 2.1667 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1273 distill.loss_dist: 1.0394 2023/05/15 07:54:07 - mmengine - INFO - Epoch(train) [56][ 40/1879] lr: 2.0000e-03 eta: 20:22:31 time: 0.8077 data_time: 0.0564 memory: 9812 grad_norm: 3.0615 loss: 2.1774 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1269 distill.loss_dist: 1.0505 2023/05/15 07:54:23 - mmengine - INFO - Epoch(train) [56][ 60/1879] lr: 2.0000e-03 eta: 20:22:13 time: 0.8012 data_time: 0.0922 memory: 9812 grad_norm: 3.1175 loss: 2.3834 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.3216 distill.loss_dist: 1.0618 2023/05/15 07:54:42 - mmengine - INFO - Epoch(train) [56][ 80/1879] lr: 2.0000e-03 eta: 20:21:57 time: 0.9374 data_time: 0.1933 memory: 9812 grad_norm: 3.1524 loss: 2.1439 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1446 distill.loss_dist: 0.9993 2023/05/15 07:54:58 - mmengine - INFO - Epoch(train) [56][ 100/1879] lr: 2.0000e-03 eta: 20:21:38 time: 0.8027 data_time: 0.2220 memory: 9812 grad_norm: 3.1266 loss: 2.2508 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2225 distill.loss_dist: 1.0283 2023/05/15 07:55:15 - mmengine - INFO - Epoch(train) [56][ 120/1879] lr: 2.0000e-03 eta: 20:21:20 time: 0.8347 data_time: 0.1768 memory: 9812 grad_norm: 3.0459 loss: 2.2711 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.2299 distill.loss_dist: 1.0412 2023/05/15 07:55:34 - mmengine - INFO - Epoch(train) [56][ 140/1879] lr: 2.0000e-03 eta: 20:21:04 time: 0.9448 data_time: 0.0360 memory: 9812 grad_norm: 3.2459 loss: 2.3564 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3181 distill.loss_dist: 1.0383 2023/05/15 07:55:50 - mmengine - INFO - Epoch(train) [56][ 160/1879] lr: 2.0000e-03 eta: 20:20:46 time: 0.8108 data_time: 0.0255 memory: 9812 grad_norm: 3.1150 loss: 2.2998 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2488 distill.loss_dist: 1.0509 2023/05/15 07:56:07 - mmengine - INFO - Epoch(train) [56][ 180/1879] lr: 2.0000e-03 eta: 20:20:28 time: 0.8495 data_time: 0.0261 memory: 9812 grad_norm: 3.0832 loss: 2.1433 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1107 distill.loss_dist: 1.0326 2023/05/15 07:56:26 - mmengine - INFO - Epoch(train) [56][ 200/1879] lr: 2.0000e-03 eta: 20:20:12 time: 0.9416 data_time: 0.0276 memory: 9812 grad_norm: 3.0428 loss: 2.1175 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0887 distill.loss_dist: 1.0288 2023/05/15 07:56:42 - mmengine - INFO - Epoch(train) [56][ 220/1879] lr: 2.0000e-03 eta: 20:19:54 time: 0.8129 data_time: 0.0254 memory: 9812 grad_norm: 3.1604 loss: 2.2910 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2482 distill.loss_dist: 1.0429 2023/05/15 07:56:59 - mmengine - INFO - Epoch(train) [56][ 240/1879] lr: 2.0000e-03 eta: 20:19:36 time: 0.8254 data_time: 0.0264 memory: 9812 grad_norm: 3.0962 loss: 2.2083 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1876 distill.loss_dist: 1.0207 2023/05/15 07:57:18 - mmengine - INFO - Epoch(train) [56][ 260/1879] lr: 2.0000e-03 eta: 20:19:20 time: 0.9445 data_time: 0.0297 memory: 9812 grad_norm: 3.1322 loss: 2.0964 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0702 distill.loss_dist: 1.0262 2023/05/15 07:57:34 - mmengine - INFO - Epoch(train) [56][ 280/1879] lr: 2.0000e-03 eta: 20:19:02 time: 0.8362 data_time: 0.0273 memory: 9812 grad_norm: 3.1749 loss: 2.1404 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1172 distill.loss_dist: 1.0232 2023/05/15 07:57:51 - mmengine - INFO - Epoch(train) [56][ 300/1879] lr: 2.0000e-03 eta: 20:18:44 time: 0.8408 data_time: 0.0249 memory: 9812 grad_norm: 3.1556 loss: 2.2612 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2230 distill.loss_dist: 1.0381 2023/05/15 07:58:10 - mmengine - INFO - Epoch(train) [56][ 320/1879] lr: 2.0000e-03 eta: 20:18:28 time: 0.9435 data_time: 0.0292 memory: 9812 grad_norm: 3.1092 loss: 2.3467 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2723 distill.loss_dist: 1.0744 2023/05/15 07:58:27 - mmengine - INFO - Epoch(train) [56][ 340/1879] lr: 2.0000e-03 eta: 20:18:10 time: 0.8261 data_time: 0.0270 memory: 9812 grad_norm: 3.1874 loss: 2.1785 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1742 distill.loss_dist: 1.0043 2023/05/15 07:58:43 - mmengine - INFO - Epoch(train) [56][ 360/1879] lr: 2.0000e-03 eta: 20:17:52 time: 0.8098 data_time: 0.0276 memory: 9812 grad_norm: 3.1749 loss: 2.3927 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3422 distill.loss_dist: 1.0505 2023/05/15 07:59:01 - mmengine - INFO - Epoch(train) [56][ 380/1879] lr: 2.0000e-03 eta: 20:17:35 time: 0.8939 data_time: 0.0272 memory: 9812 grad_norm: 3.0241 loss: 2.2340 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1978 distill.loss_dist: 1.0362 2023/05/15 07:59:17 - mmengine - INFO - Epoch(train) [56][ 400/1879] lr: 2.0000e-03 eta: 20:17:17 time: 0.8135 data_time: 0.0303 memory: 9812 grad_norm: 3.1366 loss: 2.3166 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2863 distill.loss_dist: 1.0303 2023/05/15 07:59:33 - mmengine - INFO - Epoch(train) [56][ 420/1879] lr: 2.0000e-03 eta: 20:16:58 time: 0.8060 data_time: 0.0236 memory: 9812 grad_norm: 3.0888 loss: 2.0947 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.0497 distill.loss_dist: 1.0450 2023/05/15 07:59:52 - mmengine - INFO - Epoch(train) [56][ 440/1879] lr: 2.0000e-03 eta: 20:16:42 time: 0.9298 data_time: 0.0267 memory: 9812 grad_norm: 2.9969 loss: 2.1737 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.1364 distill.loss_dist: 1.0373 2023/05/15 08:00:08 - mmengine - INFO - Epoch(train) [56][ 460/1879] lr: 2.0000e-03 eta: 20:16:23 time: 0.8105 data_time: 0.0274 memory: 9812 grad_norm: 3.1206 loss: 2.2462 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2261 distill.loss_dist: 1.0202 2023/05/15 08:00:25 - mmengine - INFO - Epoch(train) [56][ 480/1879] lr: 2.0000e-03 eta: 20:16:06 time: 0.8564 data_time: 0.0249 memory: 9812 grad_norm: 3.1916 loss: 2.2023 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1587 distill.loss_dist: 1.0436 2023/05/15 08:00:45 - mmengine - INFO - Epoch(train) [56][ 500/1879] lr: 2.0000e-03 eta: 20:15:50 time: 0.9733 data_time: 0.0281 memory: 9812 grad_norm: 3.1742 loss: 2.0976 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0799 distill.loss_dist: 1.0178 2023/05/15 08:01:00 - mmengine - INFO - Epoch(train) [56][ 520/1879] lr: 2.0000e-03 eta: 20:15:31 time: 0.7610 data_time: 0.0273 memory: 9812 grad_norm: 3.1348 loss: 2.1173 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0961 distill.loss_dist: 1.0212 2023/05/15 08:01:19 - mmengine - INFO - Epoch(train) [56][ 540/1879] lr: 2.0000e-03 eta: 20:15:15 time: 0.9623 data_time: 0.0443 memory: 9812 grad_norm: 3.0843 loss: 2.3809 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3263 distill.loss_dist: 1.0546 2023/05/15 08:01:37 - mmengine - INFO - Epoch(train) [56][ 560/1879] lr: 2.0000e-03 eta: 20:14:59 time: 0.9098 data_time: 0.0240 memory: 9812 grad_norm: 3.2007 loss: 2.1786 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1473 distill.loss_dist: 1.0313 2023/05/15 08:01:53 - mmengine - INFO - Epoch(train) [56][ 580/1879] lr: 2.0000e-03 eta: 20:14:40 time: 0.8113 data_time: 0.0261 memory: 9812 grad_norm: 3.1378 loss: 2.3453 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3186 distill.loss_dist: 1.0267 2023/05/15 08:02:10 - mmengine - INFO - Epoch(train) [56][ 600/1879] lr: 2.0000e-03 eta: 20:14:23 time: 0.8390 data_time: 0.0268 memory: 9812 grad_norm: 3.1495 loss: 2.3119 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2921 distill.loss_dist: 1.0198 2023/05/15 08:02:27 - mmengine - INFO - Epoch(train) [56][ 620/1879] lr: 2.0000e-03 eta: 20:14:05 time: 0.8403 data_time: 0.0282 memory: 9812 grad_norm: 3.0915 loss: 2.0399 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0265 distill.loss_dist: 1.0134 2023/05/15 08:02:43 - mmengine - INFO - Epoch(train) [56][ 640/1879] lr: 2.0000e-03 eta: 20:13:46 time: 0.8058 data_time: 0.0284 memory: 9812 grad_norm: 3.0756 loss: 2.3339 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2866 distill.loss_dist: 1.0474 2023/05/15 08:02:57 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 08:03:02 - mmengine - INFO - Epoch(train) [56][ 660/1879] lr: 2.0000e-03 eta: 20:13:30 time: 0.9219 data_time: 0.0251 memory: 9812 grad_norm: 3.1702 loss: 2.3677 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.2857 distill.loss_dist: 1.0820 2023/05/15 08:03:20 - mmengine - INFO - Epoch(train) [56][ 680/1879] lr: 2.0000e-03 eta: 20:13:13 time: 0.9045 data_time: 0.0267 memory: 9812 grad_norm: 3.0986 loss: 2.3496 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2844 distill.loss_dist: 1.0652 2023/05/15 08:03:36 - mmengine - INFO - Epoch(train) [56][ 700/1879] lr: 2.0000e-03 eta: 20:12:55 time: 0.7858 data_time: 0.0265 memory: 9812 grad_norm: 3.1380 loss: 2.0790 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0508 distill.loss_dist: 1.0282 2023/05/15 08:03:53 - mmengine - INFO - Epoch(train) [56][ 720/1879] lr: 2.0000e-03 eta: 20:12:37 time: 0.8506 data_time: 0.0285 memory: 9812 grad_norm: 3.0962 loss: 2.1945 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1566 distill.loss_dist: 1.0379 2023/05/15 08:04:10 - mmengine - INFO - Epoch(train) [56][ 740/1879] lr: 2.0000e-03 eta: 20:12:19 time: 0.8630 data_time: 0.0285 memory: 9812 grad_norm: 3.1309 loss: 2.1635 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1632 distill.loss_dist: 1.0003 2023/05/15 08:04:26 - mmengine - INFO - Epoch(train) [56][ 760/1879] lr: 2.0000e-03 eta: 20:12:01 time: 0.8212 data_time: 0.0645 memory: 9812 grad_norm: 3.1146 loss: 2.1472 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1400 distill.loss_dist: 1.0072 2023/05/15 08:04:45 - mmengine - INFO - Epoch(train) [56][ 780/1879] lr: 2.0000e-03 eta: 20:11:45 time: 0.9199 data_time: 0.0900 memory: 9812 grad_norm: 3.1266 loss: 2.3246 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2815 distill.loss_dist: 1.0430 2023/05/15 08:05:02 - mmengine - INFO - Epoch(train) [56][ 800/1879] lr: 2.0000e-03 eta: 20:11:28 time: 0.8747 data_time: 0.0366 memory: 9812 grad_norm: 3.1105 loss: 2.2271 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1872 distill.loss_dist: 1.0399 2023/05/15 08:05:20 - mmengine - INFO - Epoch(train) [56][ 820/1879] lr: 2.0000e-03 eta: 20:11:10 time: 0.8808 data_time: 0.0279 memory: 9812 grad_norm: 3.2426 loss: 2.2758 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2331 distill.loss_dist: 1.0426 2023/05/15 08:05:37 - mmengine - INFO - Epoch(train) [56][ 840/1879] lr: 2.0000e-03 eta: 20:10:53 time: 0.8506 data_time: 0.0235 memory: 9812 grad_norm: 3.1812 loss: 2.2099 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1519 distill.loss_dist: 1.0580 2023/05/15 08:05:56 - mmengine - INFO - Epoch(train) [56][ 860/1879] lr: 2.0000e-03 eta: 20:10:37 time: 0.9729 data_time: 0.0249 memory: 9812 grad_norm: 3.1963 loss: 2.2429 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2056 distill.loss_dist: 1.0372 2023/05/15 08:06:12 - mmengine - INFO - Epoch(train) [56][ 880/1879] lr: 2.0000e-03 eta: 20:10:19 time: 0.7978 data_time: 0.0283 memory: 9812 grad_norm: 3.1799 loss: 2.3821 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3377 distill.loss_dist: 1.0443 2023/05/15 08:06:28 - mmengine - INFO - Epoch(train) [56][ 900/1879] lr: 2.0000e-03 eta: 20:10:00 time: 0.8032 data_time: 0.0281 memory: 9812 grad_norm: 3.1616 loss: 2.3380 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2858 distill.loss_dist: 1.0522 2023/05/15 08:06:46 - mmengine - INFO - Epoch(train) [56][ 920/1879] lr: 2.0000e-03 eta: 20:09:43 time: 0.8678 data_time: 0.0655 memory: 9812 grad_norm: 3.1528 loss: 2.4247 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3799 distill.loss_dist: 1.0448 2023/05/15 08:07:02 - mmengine - INFO - Epoch(train) [56][ 940/1879] lr: 2.0000e-03 eta: 20:09:25 time: 0.8295 data_time: 0.0441 memory: 9812 grad_norm: 3.1158 loss: 2.3119 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2513 distill.loss_dist: 1.0606 2023/05/15 08:07:19 - mmengine - INFO - Epoch(train) [56][ 960/1879] lr: 2.0000e-03 eta: 20:09:07 time: 0.8537 data_time: 0.0363 memory: 9812 grad_norm: 3.0886 loss: 2.3263 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2749 distill.loss_dist: 1.0513 2023/05/15 08:07:38 - mmengine - INFO - Epoch(train) [56][ 980/1879] lr: 2.0000e-03 eta: 20:08:51 time: 0.9026 data_time: 0.0255 memory: 9812 grad_norm: 3.1577 loss: 2.2408 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2281 distill.loss_dist: 1.0127 2023/05/15 08:07:56 - mmengine - INFO - Epoch(train) [56][1000/1879] lr: 2.0000e-03 eta: 20:08:34 time: 0.8965 data_time: 0.0270 memory: 9812 grad_norm: 3.1552 loss: 2.1064 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0803 distill.loss_dist: 1.0261 2023/05/15 08:08:12 - mmengine - INFO - Epoch(train) [56][1020/1879] lr: 2.0000e-03 eta: 20:08:15 time: 0.8126 data_time: 0.0284 memory: 9812 grad_norm: 3.1395 loss: 2.1594 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1246 distill.loss_dist: 1.0348 2023/05/15 08:08:28 - mmengine - INFO - Epoch(train) [56][1040/1879] lr: 2.0000e-03 eta: 20:07:57 time: 0.8248 data_time: 0.0258 memory: 9812 grad_norm: 3.1386 loss: 2.2917 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2498 distill.loss_dist: 1.0419 2023/05/15 08:08:47 - mmengine - INFO - Epoch(train) [56][1060/1879] lr: 2.0000e-03 eta: 20:07:41 time: 0.9309 data_time: 0.0297 memory: 9812 grad_norm: 3.2481 loss: 2.3477 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2812 distill.loss_dist: 1.0665 2023/05/15 08:09:03 - mmengine - INFO - Epoch(train) [56][1080/1879] lr: 2.0000e-03 eta: 20:07:23 time: 0.7978 data_time: 0.0252 memory: 9812 grad_norm: 3.1197 loss: 2.3086 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2459 distill.loss_dist: 1.0627 2023/05/15 08:09:20 - mmengine - INFO - Epoch(train) [56][1100/1879] lr: 2.0000e-03 eta: 20:07:05 time: 0.8677 data_time: 0.0260 memory: 9812 grad_norm: 3.1403 loss: 2.4042 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3470 distill.loss_dist: 1.0572 2023/05/15 08:09:37 - mmengine - INFO - Epoch(train) [56][1120/1879] lr: 2.0000e-03 eta: 20:06:47 time: 0.8354 data_time: 0.0329 memory: 9812 grad_norm: 3.2071 loss: 2.1851 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1720 distill.loss_dist: 1.0131 2023/05/15 08:09:55 - mmengine - INFO - Epoch(train) [56][1140/1879] lr: 2.0000e-03 eta: 20:06:30 time: 0.8826 data_time: 0.0283 memory: 9812 grad_norm: 3.1223 loss: 2.3367 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.2864 distill.loss_dist: 1.0502 2023/05/15 08:10:12 - mmengine - INFO - Epoch(train) [56][1160/1879] lr: 2.0000e-03 eta: 20:06:13 time: 0.8694 data_time: 0.0244 memory: 9812 grad_norm: 3.0546 loss: 2.1865 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1651 distill.loss_dist: 1.0214 2023/05/15 08:10:28 - mmengine - INFO - Epoch(train) [56][1180/1879] lr: 2.0000e-03 eta: 20:05:55 time: 0.8076 data_time: 0.0285 memory: 9812 grad_norm: 3.1525 loss: 2.3045 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2789 distill.loss_dist: 1.0256 2023/05/15 08:10:46 - mmengine - INFO - Epoch(train) [56][1200/1879] lr: 2.0000e-03 eta: 20:05:37 time: 0.8632 data_time: 0.0242 memory: 9812 grad_norm: 3.1624 loss: 2.1992 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1754 distill.loss_dist: 1.0238 2023/05/15 08:11:04 - mmengine - INFO - Epoch(train) [56][1220/1879] lr: 2.0000e-03 eta: 20:05:21 time: 0.9184 data_time: 0.0315 memory: 9812 grad_norm: 3.1440 loss: 2.3211 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2566 distill.loss_dist: 1.0645 2023/05/15 08:11:21 - mmengine - INFO - Epoch(train) [56][1240/1879] lr: 2.0000e-03 eta: 20:05:03 time: 0.8638 data_time: 0.0287 memory: 9812 grad_norm: 3.2487 loss: 2.0812 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0812 distill.loss_dist: 1.0001 2023/05/15 08:11:37 - mmengine - INFO - Epoch(train) [56][1260/1879] lr: 2.0000e-03 eta: 20:04:45 time: 0.8114 data_time: 0.0278 memory: 9812 grad_norm: 3.1155 loss: 2.1624 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1394 distill.loss_dist: 1.0229 2023/05/15 08:11:56 - mmengine - INFO - Epoch(train) [56][1280/1879] lr: 2.0000e-03 eta: 20:04:28 time: 0.9105 data_time: 0.0262 memory: 9812 grad_norm: 3.1443 loss: 2.2660 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2477 distill.loss_dist: 1.0183 2023/05/15 08:12:12 - mmengine - INFO - Epoch(train) [56][1300/1879] lr: 2.0000e-03 eta: 20:04:10 time: 0.8297 data_time: 0.0314 memory: 9812 grad_norm: 3.1037 loss: 2.1166 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0959 distill.loss_dist: 1.0207 2023/05/15 08:12:30 - mmengine - INFO - Epoch(train) [56][1320/1879] lr: 2.0000e-03 eta: 20:03:53 time: 0.8951 data_time: 0.0270 memory: 9812 grad_norm: 3.1464 loss: 2.4620 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3831 distill.loss_dist: 1.0789 2023/05/15 08:12:48 - mmengine - INFO - Epoch(train) [56][1340/1879] lr: 2.0000e-03 eta: 20:03:37 time: 0.9077 data_time: 0.0269 memory: 9812 grad_norm: 3.1283 loss: 2.0562 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0506 distill.loss_dist: 1.0056 2023/05/15 08:13:04 - mmengine - INFO - Epoch(train) [56][1360/1879] lr: 2.0000e-03 eta: 20:03:18 time: 0.7805 data_time: 0.0288 memory: 9812 grad_norm: 3.1177 loss: 2.2360 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2201 distill.loss_dist: 1.0159 2023/05/15 08:13:21 - mmengine - INFO - Epoch(train) [56][1380/1879] lr: 2.0000e-03 eta: 20:03:00 time: 0.8472 data_time: 0.0266 memory: 9812 grad_norm: 3.1038 loss: 2.2444 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2360 distill.loss_dist: 1.0084 2023/05/15 08:13:38 - mmengine - INFO - Epoch(train) [56][1400/1879] lr: 2.0000e-03 eta: 20:02:43 time: 0.8581 data_time: 0.0290 memory: 9812 grad_norm: 3.0620 loss: 2.0300 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9965 distill.loss_dist: 1.0335 2023/05/15 08:13:56 - mmengine - INFO - Epoch(train) [56][1420/1879] lr: 2.0000e-03 eta: 20:02:26 time: 0.8825 data_time: 0.0265 memory: 9812 grad_norm: 3.1309 loss: 2.1860 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1318 distill.loss_dist: 1.0541 2023/05/15 08:14:13 - mmengine - INFO - Epoch(train) [56][1440/1879] lr: 2.0000e-03 eta: 20:02:08 time: 0.8483 data_time: 0.0285 memory: 9812 grad_norm: 3.2540 loss: 2.3004 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2374 distill.loss_dist: 1.0630 2023/05/15 08:14:32 - mmengine - INFO - Epoch(train) [56][1460/1879] lr: 2.0000e-03 eta: 20:01:52 time: 0.9334 data_time: 0.0295 memory: 9812 grad_norm: 3.2280 loss: 2.0246 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0295 distill.loss_dist: 0.9951 2023/05/15 08:14:48 - mmengine - INFO - Epoch(train) [56][1480/1879] lr: 2.0000e-03 eta: 20:01:34 time: 0.8442 data_time: 0.0259 memory: 9812 grad_norm: 3.1972 loss: 2.1348 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1123 distill.loss_dist: 1.0225 2023/05/15 08:15:05 - mmengine - INFO - Epoch(train) [56][1500/1879] lr: 2.0000e-03 eta: 20:01:16 time: 0.8124 data_time: 0.0271 memory: 9812 grad_norm: 3.1141 loss: 2.3174 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2776 distill.loss_dist: 1.0398 2023/05/15 08:15:24 - mmengine - INFO - Epoch(train) [56][1520/1879] lr: 2.0000e-03 eta: 20:00:59 time: 0.9412 data_time: 0.0256 memory: 9812 grad_norm: 3.1802 loss: 2.3185 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2985 distill.loss_dist: 1.0199 2023/05/15 08:15:40 - mmengine - INFO - Epoch(train) [56][1540/1879] lr: 2.0000e-03 eta: 20:00:41 time: 0.8222 data_time: 0.0309 memory: 9812 grad_norm: 3.1493 loss: 2.3304 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2744 distill.loss_dist: 1.0560 2023/05/15 08:15:58 - mmengine - INFO - Epoch(train) [56][1560/1879] lr: 2.0000e-03 eta: 20:00:24 time: 0.8864 data_time: 0.0245 memory: 9812 grad_norm: 3.1446 loss: 2.2857 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2306 distill.loss_dist: 1.0551 2023/05/15 08:16:15 - mmengine - INFO - Epoch(train) [56][1580/1879] lr: 2.0000e-03 eta: 20:00:07 time: 0.8615 data_time: 0.0287 memory: 9812 grad_norm: 3.1376 loss: 2.2306 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2111 distill.loss_dist: 1.0195 2023/05/15 08:16:32 - mmengine - INFO - Epoch(train) [56][1600/1879] lr: 2.0000e-03 eta: 19:59:49 time: 0.8675 data_time: 0.0295 memory: 9812 grad_norm: 3.2604 loss: 2.2965 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2320 distill.loss_dist: 1.0646 2023/05/15 08:16:50 - mmengine - INFO - Epoch(train) [56][1620/1879] lr: 2.0000e-03 eta: 19:59:32 time: 0.8774 data_time: 0.0274 memory: 9812 grad_norm: 3.1089 loss: 2.1444 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1244 distill.loss_dist: 1.0200 2023/05/15 08:17:09 - mmengine - INFO - Epoch(train) [56][1640/1879] lr: 2.0000e-03 eta: 19:59:16 time: 0.9407 data_time: 0.0269 memory: 9812 grad_norm: 3.2439 loss: 2.0884 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0745 distill.loss_dist: 1.0139 2023/05/15 08:17:21 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 08:17:25 - mmengine - INFO - Epoch(train) [56][1660/1879] lr: 2.0000e-03 eta: 19:58:58 time: 0.8246 data_time: 0.0258 memory: 9812 grad_norm: 3.1494 loss: 2.1804 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1339 distill.loss_dist: 1.0465 2023/05/15 08:17:42 - mmengine - INFO - Epoch(train) [56][1680/1879] lr: 2.0000e-03 eta: 19:58:40 time: 0.8159 data_time: 0.0281 memory: 9812 grad_norm: 3.1320 loss: 2.1004 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0758 distill.loss_dist: 1.0245 2023/05/15 08:18:02 - mmengine - INFO - Epoch(train) [56][1700/1879] lr: 2.0000e-03 eta: 19:58:24 time: 0.9980 data_time: 0.0254 memory: 9812 grad_norm: 3.0995 loss: 2.3314 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2817 distill.loss_dist: 1.0498 2023/05/15 08:18:18 - mmengine - INFO - Epoch(train) [56][1720/1879] lr: 2.0000e-03 eta: 19:58:06 time: 0.8058 data_time: 0.0273 memory: 9812 grad_norm: 3.1290 loss: 2.1562 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1447 distill.loss_dist: 1.0114 2023/05/15 08:18:34 - mmengine - INFO - Epoch(train) [56][1740/1879] lr: 2.0000e-03 eta: 19:57:48 time: 0.8118 data_time: 0.0265 memory: 9812 grad_norm: 3.2797 loss: 2.3991 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.3421 distill.loss_dist: 1.0570 2023/05/15 08:18:53 - mmengine - INFO - Epoch(train) [56][1760/1879] lr: 2.0000e-03 eta: 19:57:32 time: 0.9593 data_time: 0.0296 memory: 9812 grad_norm: 3.1855 loss: 2.2778 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2321 distill.loss_dist: 1.0458 2023/05/15 08:19:10 - mmengine - INFO - Epoch(train) [56][1780/1879] lr: 2.0000e-03 eta: 19:57:14 time: 0.8185 data_time: 0.0275 memory: 9812 grad_norm: 3.1436 loss: 2.2237 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1735 distill.loss_dist: 1.0501 2023/05/15 08:19:26 - mmengine - INFO - Epoch(train) [56][1800/1879] lr: 2.0000e-03 eta: 19:56:56 time: 0.8072 data_time: 0.0259 memory: 9812 grad_norm: 3.1075 loss: 2.4285 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.3679 distill.loss_dist: 1.0606 2023/05/15 08:19:45 - mmengine - INFO - Epoch(train) [56][1820/1879] lr: 2.0000e-03 eta: 19:56:40 time: 0.9714 data_time: 0.0235 memory: 9812 grad_norm: 3.2387 loss: 2.2959 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2312 distill.loss_dist: 1.0646 2023/05/15 08:20:00 - mmengine - INFO - Epoch(train) [56][1840/1879] lr: 2.0000e-03 eta: 19:56:20 time: 0.7225 data_time: 0.0307 memory: 9812 grad_norm: 3.1314 loss: 2.0617 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0369 distill.loss_dist: 1.0247 2023/05/15 08:20:16 - mmengine - INFO - Epoch(train) [56][1860/1879] lr: 2.0000e-03 eta: 19:56:02 time: 0.8305 data_time: 0.0277 memory: 9812 grad_norm: 3.1371 loss: 2.3593 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3015 distill.loss_dist: 1.0577 2023/05/15 08:20:31 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 08:20:31 - mmengine - INFO - Epoch(train) [56][1879/1879] lr: 2.0000e-03 eta: 19:55:44 time: 0.7555 data_time: 0.0224 memory: 9812 grad_norm: 3.2400 loss: 2.1643 student.top1_acc: 0.5714 student.top5_acc: 1.0000 student.loss_cls: 1.1424 distill.loss_dist: 1.0219 2023/05/15 08:20:50 - mmengine - INFO - Epoch(val) [56][ 20/155] eta: 0:02:10 time: 0.9659 data_time: 0.8995 memory: 1484 2023/05/15 08:21:04 - mmengine - INFO - Epoch(val) [56][ 40/155] eta: 0:01:34 time: 0.6835 data_time: 0.6197 memory: 1484 2023/05/15 08:21:23 - mmengine - INFO - Epoch(val) [56][ 60/155] eta: 0:01:22 time: 0.9518 data_time: 0.8886 memory: 1484 2023/05/15 08:21:37 - mmengine - INFO - Epoch(val) [56][ 80/155] eta: 0:01:01 time: 0.6829 data_time: 0.6176 memory: 1484 2023/05/15 08:21:56 - mmengine - INFO - Epoch(val) [56][100/155] eta: 0:00:46 time: 0.9773 data_time: 0.9134 memory: 1484 2023/05/15 08:22:08 - mmengine - INFO - Epoch(val) [56][120/155] eta: 0:00:28 time: 0.6015 data_time: 0.5392 memory: 1484 2023/05/15 08:22:27 - mmengine - INFO - Epoch(val) [56][140/155] eta: 0:00:12 time: 0.9504 data_time: 0.8875 memory: 1484 2023/05/15 08:22:57 - mmengine - INFO - Epoch(val) [56][ 20/155] eta: 0:16:17 time: 0.9934 data_time: 0.8378 memory: 1582 2023/05/15 08:23:12 - mmengine - INFO - Epoch(val) [56][ 40/155] eta: 0:07:39 time: 0.7441 data_time: 0.5923 memory: 1582 2023/05/15 08:23:31 - mmengine - INFO - Epoch(val) [56][ 60/155] eta: 0:04:42 time: 0.9475 data_time: 0.7976 memory: 1582 2023/05/15 08:23:45 - mmengine - INFO - Epoch(val) [56][ 80/155] eta: 0:03:00 time: 0.7149 data_time: 0.5648 memory: 1582 2023/05/15 08:24:05 - mmengine - INFO - Epoch(val) [56][100/155] eta: 0:01:56 time: 0.9828 data_time: 0.8325 memory: 1582 2023/05/15 08:24:19 - mmengine - INFO - Epoch(val) [56][120/155] eta: 0:01:05 time: 0.6750 data_time: 0.5224 memory: 1582 2023/05/15 08:24:38 - mmengine - INFO - Epoch(val) [56][140/155] eta: 0:00:26 time: 0.9762 data_time: 0.8220 memory: 1582 2023/05/15 08:24:46 - mmengine - INFO - Epoch(val) [56][155/155] acc/top1: 0.6728 acc/top5: 0.8758 acc/mean1: 0.6727 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6663 time: 0.8164 2023/05/15 08:24:46 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_54.pth is removed 2023/05/15 08:24:48 - mmengine - INFO - The best checkpoint with 0.6728 acc/top1 at 56 epoch is saved to best_acc_top1_epoch_56.pth. 2023/05/15 08:25:09 - mmengine - INFO - Epoch(train) [57][ 20/1879] lr: 2.0000e-03 eta: 19:55:30 time: 1.0511 data_time: 0.6275 memory: 9812 grad_norm: 3.1252 loss: 2.5187 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4757 distill.loss_dist: 1.0430 2023/05/15 08:25:25 - mmengine - INFO - Epoch(train) [57][ 40/1879] lr: 2.0000e-03 eta: 19:55:12 time: 0.8163 data_time: 0.2835 memory: 9812 grad_norm: 3.0804 loss: 2.1811 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1606 distill.loss_dist: 1.0205 2023/05/15 08:25:42 - mmengine - INFO - Epoch(train) [57][ 60/1879] lr: 2.0000e-03 eta: 19:54:54 time: 0.8329 data_time: 0.1469 memory: 9812 grad_norm: 3.1366 loss: 2.2928 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2430 distill.loss_dist: 1.0497 2023/05/15 08:26:00 - mmengine - INFO - Epoch(train) [57][ 80/1879] lr: 2.0000e-03 eta: 19:54:37 time: 0.9184 data_time: 0.2756 memory: 9812 grad_norm: 3.1017 loss: 2.1339 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1037 distill.loss_dist: 1.0301 2023/05/15 08:26:17 - mmengine - INFO - Epoch(train) [57][ 100/1879] lr: 2.0000e-03 eta: 19:54:20 time: 0.8525 data_time: 0.0417 memory: 9812 grad_norm: 3.1368 loss: 2.2372 student.top1_acc: 0.3125 student.top5_acc: 0.8125 student.loss_cls: 1.1918 distill.loss_dist: 1.0455 2023/05/15 08:26:33 - mmengine - INFO - Epoch(train) [57][ 120/1879] lr: 2.0000e-03 eta: 19:54:01 time: 0.7754 data_time: 0.0484 memory: 9812 grad_norm: 3.2087 loss: 2.3555 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3133 distill.loss_dist: 1.0422 2023/05/15 08:26:52 - mmengine - INFO - Epoch(train) [57][ 140/1879] lr: 2.0000e-03 eta: 19:53:45 time: 0.9417 data_time: 0.4138 memory: 9812 grad_norm: 3.1522 loss: 2.2024 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1487 distill.loss_dist: 1.0537 2023/05/15 08:27:09 - mmengine - INFO - Epoch(train) [57][ 160/1879] lr: 2.0000e-03 eta: 19:53:27 time: 0.8564 data_time: 0.3873 memory: 9812 grad_norm: 3.1059 loss: 2.0312 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0096 distill.loss_dist: 1.0216 2023/05/15 08:27:26 - mmengine - INFO - Epoch(train) [57][ 180/1879] lr: 2.0000e-03 eta: 19:53:10 time: 0.8598 data_time: 0.3570 memory: 9812 grad_norm: 3.1277 loss: 2.1689 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1316 distill.loss_dist: 1.0373 2023/05/15 08:27:44 - mmengine - INFO - Epoch(train) [57][ 200/1879] lr: 2.0000e-03 eta: 19:52:53 time: 0.9046 data_time: 0.4664 memory: 9812 grad_norm: 3.2190 loss: 2.3170 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2657 distill.loss_dist: 1.0513 2023/05/15 08:28:02 - mmengine - INFO - Epoch(train) [57][ 220/1879] lr: 2.0000e-03 eta: 19:52:36 time: 0.8794 data_time: 0.3155 memory: 9812 grad_norm: 3.1576 loss: 2.0785 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0529 distill.loss_dist: 1.0256 2023/05/15 08:28:17 - mmengine - INFO - Epoch(train) [57][ 240/1879] lr: 2.0000e-03 eta: 19:52:17 time: 0.7758 data_time: 0.2314 memory: 9812 grad_norm: 3.2048 loss: 2.2398 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2060 distill.loss_dist: 1.0338 2023/05/15 08:28:35 - mmengine - INFO - Epoch(train) [57][ 260/1879] lr: 2.0000e-03 eta: 19:52:00 time: 0.9035 data_time: 0.4631 memory: 9812 grad_norm: 3.1746 loss: 2.3490 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.2894 distill.loss_dist: 1.0596 2023/05/15 08:28:53 - mmengine - INFO - Epoch(train) [57][ 280/1879] lr: 2.0000e-03 eta: 19:51:43 time: 0.8678 data_time: 0.3230 memory: 9812 grad_norm: 3.1591 loss: 2.1057 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0943 distill.loss_dist: 1.0114 2023/05/15 08:29:10 - mmengine - INFO - Epoch(train) [57][ 300/1879] lr: 2.0000e-03 eta: 19:51:25 time: 0.8451 data_time: 0.1341 memory: 9812 grad_norm: 3.2521 loss: 2.2714 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2432 distill.loss_dist: 1.0282 2023/05/15 08:29:28 - mmengine - INFO - Epoch(train) [57][ 320/1879] lr: 2.0000e-03 eta: 19:51:08 time: 0.9019 data_time: 0.1364 memory: 9812 grad_norm: 3.2511 loss: 2.3738 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2928 distill.loss_dist: 1.0809 2023/05/15 08:29:45 - mmengine - INFO - Epoch(train) [57][ 340/1879] lr: 2.0000e-03 eta: 19:50:51 time: 0.8631 data_time: 0.1884 memory: 9812 grad_norm: 3.1901 loss: 2.2962 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2376 distill.loss_dist: 1.0586 2023/05/15 08:30:02 - mmengine - INFO - Epoch(train) [57][ 360/1879] lr: 2.0000e-03 eta: 19:50:33 time: 0.8412 data_time: 0.3306 memory: 9812 grad_norm: 3.1949 loss: 2.2491 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2332 distill.loss_dist: 1.0159 2023/05/15 08:30:19 - mmengine - INFO - Epoch(train) [57][ 380/1879] lr: 2.0000e-03 eta: 19:50:16 time: 0.8724 data_time: 0.3154 memory: 9812 grad_norm: 3.1597 loss: 2.1966 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1471 distill.loss_dist: 1.0495 2023/05/15 08:30:37 - mmengine - INFO - Epoch(train) [57][ 400/1879] lr: 2.0000e-03 eta: 19:49:58 time: 0.8678 data_time: 0.2930 memory: 9812 grad_norm: 3.1461 loss: 2.1705 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1460 distill.loss_dist: 1.0246 2023/05/15 08:30:53 - mmengine - INFO - Epoch(train) [57][ 420/1879] lr: 2.0000e-03 eta: 19:49:40 time: 0.8096 data_time: 0.1922 memory: 9812 grad_norm: 3.1629 loss: 2.1879 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1470 distill.loss_dist: 1.0409 2023/05/15 08:31:11 - mmengine - INFO - Epoch(train) [57][ 440/1879] lr: 2.0000e-03 eta: 19:49:23 time: 0.9112 data_time: 0.0780 memory: 9812 grad_norm: 3.1535 loss: 2.1591 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1287 distill.loss_dist: 1.0305 2023/05/15 08:31:28 - mmengine - INFO - Epoch(train) [57][ 460/1879] lr: 2.0000e-03 eta: 19:49:06 time: 0.8432 data_time: 0.0372 memory: 9812 grad_norm: 3.1036 loss: 2.2431 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1940 distill.loss_dist: 1.0492 2023/05/15 08:31:44 - mmengine - INFO - Epoch(train) [57][ 480/1879] lr: 2.0000e-03 eta: 19:48:47 time: 0.8094 data_time: 0.0248 memory: 9812 grad_norm: 3.2081 loss: 2.2809 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2151 distill.loss_dist: 1.0659 2023/05/15 08:32:05 - mmengine - INFO - Epoch(train) [57][ 500/1879] lr: 2.0000e-03 eta: 19:48:33 time: 1.0294 data_time: 0.0263 memory: 9812 grad_norm: 3.1693 loss: 2.1384 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1255 distill.loss_dist: 1.0129 2023/05/15 08:32:21 - mmengine - INFO - Epoch(train) [57][ 520/1879] lr: 2.0000e-03 eta: 19:48:14 time: 0.8041 data_time: 0.0291 memory: 9812 grad_norm: 3.1281 loss: 2.1406 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1050 distill.loss_dist: 1.0356 2023/05/15 08:32:36 - mmengine - INFO - Epoch(train) [57][ 540/1879] lr: 2.0000e-03 eta: 19:47:55 time: 0.7578 data_time: 0.0240 memory: 9812 grad_norm: 3.1887 loss: 2.0853 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0968 distill.loss_dist: 0.9885 2023/05/15 08:32:55 - mmengine - INFO - Epoch(train) [57][ 560/1879] lr: 2.0000e-03 eta: 19:47:39 time: 0.9407 data_time: 0.0271 memory: 9812 grad_norm: 3.1375 loss: 2.2766 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2265 distill.loss_dist: 1.0501 2023/05/15 08:33:12 - mmengine - INFO - Epoch(train) [57][ 580/1879] lr: 2.0000e-03 eta: 19:47:21 time: 0.8372 data_time: 0.0278 memory: 9812 grad_norm: 3.0682 loss: 2.0899 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0572 distill.loss_dist: 1.0327 2023/05/15 08:33:28 - mmengine - INFO - Epoch(train) [57][ 600/1879] lr: 2.0000e-03 eta: 19:47:03 time: 0.8101 data_time: 0.0266 memory: 9812 grad_norm: 3.1285 loss: 2.3091 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2624 distill.loss_dist: 1.0466 2023/05/15 08:33:46 - mmengine - INFO - Epoch(train) [57][ 620/1879] lr: 2.0000e-03 eta: 19:46:46 time: 0.8859 data_time: 0.0406 memory: 9812 grad_norm: 3.0719 loss: 2.2417 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2042 distill.loss_dist: 1.0375 2023/05/15 08:34:04 - mmengine - INFO - Epoch(train) [57][ 640/1879] lr: 2.0000e-03 eta: 19:46:29 time: 0.9006 data_time: 0.0356 memory: 9812 grad_norm: 3.1642 loss: 2.4296 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3949 distill.loss_dist: 1.0346 2023/05/15 08:34:21 - mmengine - INFO - Epoch(train) [57][ 660/1879] lr: 2.0000e-03 eta: 19:46:11 time: 0.8621 data_time: 0.0270 memory: 9812 grad_norm: 3.1597 loss: 2.1707 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1518 distill.loss_dist: 1.0189 2023/05/15 08:34:37 - mmengine - INFO - Epoch(train) [57][ 680/1879] lr: 2.0000e-03 eta: 19:45:53 time: 0.7851 data_time: 0.0598 memory: 9812 grad_norm: 3.2063 loss: 2.1373 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1305 distill.loss_dist: 1.0068 2023/05/15 08:34:56 - mmengine - INFO - Epoch(train) [57][ 700/1879] lr: 2.0000e-03 eta: 19:45:37 time: 0.9467 data_time: 0.0321 memory: 9812 grad_norm: 3.1344 loss: 2.5071 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.4524 distill.loss_dist: 1.0547 2023/05/15 08:35:13 - mmengine - INFO - Epoch(train) [57][ 720/1879] lr: 2.0000e-03 eta: 19:45:19 time: 0.8588 data_time: 0.0275 memory: 9812 grad_norm: 3.1878 loss: 2.2815 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.2196 distill.loss_dist: 1.0619 2023/05/15 08:35:29 - mmengine - INFO - Epoch(train) [57][ 740/1879] lr: 2.0000e-03 eta: 19:45:01 time: 0.8059 data_time: 0.0289 memory: 9812 grad_norm: 3.1609 loss: 2.0815 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0655 distill.loss_dist: 1.0160 2023/05/15 08:35:48 - mmengine - INFO - Epoch(train) [57][ 760/1879] lr: 2.0000e-03 eta: 19:44:45 time: 0.9605 data_time: 0.0302 memory: 9812 grad_norm: 3.0792 loss: 2.3611 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3108 distill.loss_dist: 1.0503 2023/05/15 08:36:01 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 08:36:05 - mmengine - INFO - Epoch(train) [57][ 780/1879] lr: 2.0000e-03 eta: 19:44:27 time: 0.8554 data_time: 0.0259 memory: 9812 grad_norm: 3.1394 loss: 2.3433 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2707 distill.loss_dist: 1.0726 2023/05/15 08:36:22 - mmengine - INFO - Epoch(train) [57][ 800/1879] lr: 2.0000e-03 eta: 19:44:10 time: 0.8360 data_time: 0.0271 memory: 9812 grad_norm: 3.1799 loss: 2.2955 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2575 distill.loss_dist: 1.0380 2023/05/15 08:36:40 - mmengine - INFO - Epoch(train) [57][ 820/1879] lr: 2.0000e-03 eta: 19:43:52 time: 0.8749 data_time: 0.0294 memory: 9812 grad_norm: 3.1442 loss: 2.2018 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1909 distill.loss_dist: 1.0109 2023/05/15 08:36:57 - mmengine - INFO - Epoch(train) [57][ 840/1879] lr: 2.0000e-03 eta: 19:43:35 time: 0.8528 data_time: 0.0379 memory: 9812 grad_norm: 3.2704 loss: 2.5081 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.4225 distill.loss_dist: 1.0856 2023/05/15 08:37:13 - mmengine - INFO - Epoch(train) [57][ 860/1879] lr: 2.0000e-03 eta: 19:43:16 time: 0.8060 data_time: 0.0277 memory: 9812 grad_norm: 3.1754 loss: 2.4158 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.3608 distill.loss_dist: 1.0549 2023/05/15 08:37:31 - mmengine - INFO - Epoch(train) [57][ 880/1879] lr: 2.0000e-03 eta: 19:43:00 time: 0.9235 data_time: 0.0266 memory: 9812 grad_norm: 3.1284 loss: 2.3190 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2613 distill.loss_dist: 1.0577 2023/05/15 08:37:48 - mmengine - INFO - Epoch(train) [57][ 900/1879] lr: 2.0000e-03 eta: 19:42:42 time: 0.8159 data_time: 0.0297 memory: 9812 grad_norm: 3.0524 loss: 2.2395 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1976 distill.loss_dist: 1.0419 2023/05/15 08:38:04 - mmengine - INFO - Epoch(train) [57][ 920/1879] lr: 2.0000e-03 eta: 19:42:24 time: 0.8358 data_time: 0.0279 memory: 9812 grad_norm: 3.1434 loss: 2.2723 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2337 distill.loss_dist: 1.0385 2023/05/15 08:38:23 - mmengine - INFO - Epoch(train) [57][ 940/1879] lr: 2.0000e-03 eta: 19:42:08 time: 0.9468 data_time: 0.0295 memory: 9812 grad_norm: 3.1375 loss: 2.1458 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1465 distill.loss_dist: 0.9993 2023/05/15 08:38:40 - mmengine - INFO - Epoch(train) [57][ 960/1879] lr: 2.0000e-03 eta: 19:41:50 time: 0.8258 data_time: 0.0286 memory: 9812 grad_norm: 3.1723 loss: 2.1531 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1186 distill.loss_dist: 1.0345 2023/05/15 08:38:56 - mmengine - INFO - Epoch(train) [57][ 980/1879] lr: 2.0000e-03 eta: 19:41:32 time: 0.8222 data_time: 0.0260 memory: 9812 grad_norm: 3.1380 loss: 2.3238 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2893 distill.loss_dist: 1.0345 2023/05/15 08:39:15 - mmengine - INFO - Epoch(train) [57][1000/1879] lr: 2.0000e-03 eta: 19:41:15 time: 0.9218 data_time: 0.0289 memory: 9812 grad_norm: 3.2083 loss: 2.2792 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2023 distill.loss_dist: 1.0768 2023/05/15 08:39:32 - mmengine - INFO - Epoch(train) [57][1020/1879] lr: 2.0000e-03 eta: 19:40:57 time: 0.8303 data_time: 0.0276 memory: 9812 grad_norm: 3.0946 loss: 2.1421 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0874 distill.loss_dist: 1.0547 2023/05/15 08:39:48 - mmengine - INFO - Epoch(train) [57][1040/1879] lr: 2.0000e-03 eta: 19:40:39 time: 0.8128 data_time: 0.0250 memory: 9812 grad_norm: 3.1501 loss: 2.1697 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1542 distill.loss_dist: 1.0155 2023/05/15 08:40:07 - mmengine - INFO - Epoch(train) [57][1060/1879] lr: 2.0000e-03 eta: 19:40:23 time: 0.9505 data_time: 0.0301 memory: 9812 grad_norm: 3.1166 loss: 2.4007 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3237 distill.loss_dist: 1.0770 2023/05/15 08:40:23 - mmengine - INFO - Epoch(train) [57][1080/1879] lr: 2.0000e-03 eta: 19:40:05 time: 0.8251 data_time: 0.0297 memory: 9812 grad_norm: 3.1058 loss: 2.2451 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2236 distill.loss_dist: 1.0215 2023/05/15 08:40:40 - mmengine - INFO - Epoch(train) [57][1100/1879] lr: 2.0000e-03 eta: 19:39:47 time: 0.8434 data_time: 0.0291 memory: 9812 grad_norm: 3.0902 loss: 2.2765 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2446 distill.loss_dist: 1.0319 2023/05/15 08:40:58 - mmengine - INFO - Epoch(train) [57][1120/1879] lr: 2.0000e-03 eta: 19:39:30 time: 0.8844 data_time: 0.0249 memory: 9812 grad_norm: 3.1125 loss: 2.3576 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3158 distill.loss_dist: 1.0418 2023/05/15 08:41:15 - mmengine - INFO - Epoch(train) [57][1140/1879] lr: 2.0000e-03 eta: 19:39:12 time: 0.8421 data_time: 0.0282 memory: 9812 grad_norm: 3.1273 loss: 2.1412 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1371 distill.loss_dist: 1.0041 2023/05/15 08:41:32 - mmengine - INFO - Epoch(train) [57][1160/1879] lr: 2.0000e-03 eta: 19:38:55 time: 0.8735 data_time: 0.0264 memory: 9812 grad_norm: 3.2047 loss: 2.4713 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.4014 distill.loss_dist: 1.0699 2023/05/15 08:41:50 - mmengine - INFO - Epoch(train) [57][1180/1879] lr: 2.0000e-03 eta: 19:38:38 time: 0.8636 data_time: 0.0259 memory: 9812 grad_norm: 3.1389 loss: 2.4181 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3654 distill.loss_dist: 1.0527 2023/05/15 08:42:06 - mmengine - INFO - Epoch(train) [57][1200/1879] lr: 2.0000e-03 eta: 19:38:20 time: 0.8320 data_time: 0.0275 memory: 9812 grad_norm: 3.1593 loss: 2.3396 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2724 distill.loss_dist: 1.0672 2023/05/15 08:42:22 - mmengine - INFO - Epoch(train) [57][1220/1879] lr: 2.0000e-03 eta: 19:38:02 time: 0.8122 data_time: 0.0252 memory: 9812 grad_norm: 3.1354 loss: 2.1628 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1574 distill.loss_dist: 1.0055 2023/05/15 08:42:42 - mmengine - INFO - Epoch(train) [57][1240/1879] lr: 2.0000e-03 eta: 19:37:46 time: 0.9699 data_time: 0.0289 memory: 9812 grad_norm: 3.1230 loss: 2.3054 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2678 distill.loss_dist: 1.0376 2023/05/15 08:42:58 - mmengine - INFO - Epoch(train) [57][1260/1879] lr: 2.0000e-03 eta: 19:37:28 time: 0.8111 data_time: 0.0288 memory: 9812 grad_norm: 3.1070 loss: 2.4692 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.4055 distill.loss_dist: 1.0637 2023/05/15 08:43:16 - mmengine - INFO - Epoch(train) [57][1280/1879] lr: 2.0000e-03 eta: 19:37:10 time: 0.8787 data_time: 0.0241 memory: 9812 grad_norm: 3.0810 loss: 2.1120 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0585 distill.loss_dist: 1.0534 2023/05/15 08:43:34 - mmengine - INFO - Epoch(train) [57][1300/1879] lr: 2.0000e-03 eta: 19:36:53 time: 0.8975 data_time: 0.0294 memory: 9812 grad_norm: 3.0706 loss: 2.3360 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2696 distill.loss_dist: 1.0664 2023/05/15 08:43:51 - mmengine - INFO - Epoch(train) [57][1320/1879] lr: 2.0000e-03 eta: 19:36:36 time: 0.8511 data_time: 0.0264 memory: 9812 grad_norm: 3.0763 loss: 2.1637 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1481 distill.loss_dist: 1.0155 2023/05/15 08:44:08 - mmengine - INFO - Epoch(train) [57][1340/1879] lr: 2.0000e-03 eta: 19:36:18 time: 0.8591 data_time: 0.0258 memory: 9812 grad_norm: 3.1892 loss: 2.3259 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2740 distill.loss_dist: 1.0520 2023/05/15 08:44:25 - mmengine - INFO - Epoch(train) [57][1360/1879] lr: 2.0000e-03 eta: 19:36:01 time: 0.8410 data_time: 0.0263 memory: 9812 grad_norm: 3.1398 loss: 2.2486 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2238 distill.loss_dist: 1.0248 2023/05/15 08:44:43 - mmengine - INFO - Epoch(train) [57][1380/1879] lr: 2.0000e-03 eta: 19:35:44 time: 0.8934 data_time: 0.0281 memory: 9812 grad_norm: 3.1875 loss: 2.2724 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2370 distill.loss_dist: 1.0353 2023/05/15 08:44:59 - mmengine - INFO - Epoch(train) [57][1400/1879] lr: 2.0000e-03 eta: 19:35:26 time: 0.8334 data_time: 0.0264 memory: 9812 grad_norm: 3.1433 loss: 2.2678 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2155 distill.loss_dist: 1.0523 2023/05/15 08:45:17 - mmengine - INFO - Epoch(train) [57][1420/1879] lr: 2.0000e-03 eta: 19:35:08 time: 0.8643 data_time: 0.0264 memory: 9812 grad_norm: 3.1922 loss: 2.3428 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2818 distill.loss_dist: 1.0610 2023/05/15 08:45:33 - mmengine - INFO - Epoch(train) [57][1440/1879] lr: 2.0000e-03 eta: 19:34:51 time: 0.8343 data_time: 0.0272 memory: 9812 grad_norm: 3.1369 loss: 2.3379 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2753 distill.loss_dist: 1.0626 2023/05/15 08:45:51 - mmengine - INFO - Epoch(train) [57][1460/1879] lr: 2.0000e-03 eta: 19:34:33 time: 0.8761 data_time: 0.0276 memory: 9812 grad_norm: 3.0811 loss: 2.0800 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0722 distill.loss_dist: 1.0078 2023/05/15 08:46:08 - mmengine - INFO - Epoch(train) [57][1480/1879] lr: 2.0000e-03 eta: 19:34:16 time: 0.8616 data_time: 0.0293 memory: 9812 grad_norm: 3.2143 loss: 2.2607 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1868 distill.loss_dist: 1.0738 2023/05/15 08:46:25 - mmengine - INFO - Epoch(train) [57][1500/1879] lr: 2.0000e-03 eta: 19:33:58 time: 0.8645 data_time: 0.0817 memory: 9812 grad_norm: 3.1250 loss: 2.3089 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2396 distill.loss_dist: 1.0693 2023/05/15 08:46:42 - mmengine - INFO - Epoch(train) [57][1520/1879] lr: 2.0000e-03 eta: 19:33:41 time: 0.8475 data_time: 0.2663 memory: 9812 grad_norm: 3.2077 loss: 2.1361 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1199 distill.loss_dist: 1.0161 2023/05/15 08:47:00 - mmengine - INFO - Epoch(train) [57][1540/1879] lr: 2.0000e-03 eta: 19:33:24 time: 0.8755 data_time: 0.3170 memory: 9812 grad_norm: 3.1994 loss: 2.4864 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.4242 distill.loss_dist: 1.0622 2023/05/15 08:47:18 - mmengine - INFO - Epoch(train) [57][1560/1879] lr: 2.0000e-03 eta: 19:33:07 time: 0.8952 data_time: 0.2440 memory: 9812 grad_norm: 3.1595 loss: 2.3380 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2902 distill.loss_dist: 1.0477 2023/05/15 08:47:34 - mmengine - INFO - Epoch(train) [57][1580/1879] lr: 2.0000e-03 eta: 19:32:49 time: 0.8237 data_time: 0.0645 memory: 9812 grad_norm: 3.1982 loss: 2.1885 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1329 distill.loss_dist: 1.0556 2023/05/15 08:47:53 - mmengine - INFO - Epoch(train) [57][1600/1879] lr: 2.0000e-03 eta: 19:32:32 time: 0.9242 data_time: 0.0337 memory: 9812 grad_norm: 3.1961 loss: 2.3277 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2530 distill.loss_dist: 1.0747 2023/05/15 08:48:11 - mmengine - INFO - Epoch(train) [57][1620/1879] lr: 2.0000e-03 eta: 19:32:15 time: 0.8830 data_time: 0.0268 memory: 9812 grad_norm: 3.1477 loss: 2.2062 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1691 distill.loss_dist: 1.0370 2023/05/15 08:48:27 - mmengine - INFO - Epoch(train) [57][1640/1879] lr: 2.0000e-03 eta: 19:31:57 time: 0.8040 data_time: 0.0261 memory: 9812 grad_norm: 3.0981 loss: 2.1476 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1080 distill.loss_dist: 1.0396 2023/05/15 08:48:43 - mmengine - INFO - Epoch(train) [57][1660/1879] lr: 2.0000e-03 eta: 19:31:39 time: 0.8245 data_time: 0.0296 memory: 9812 grad_norm: 3.1208 loss: 2.2509 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2142 distill.loss_dist: 1.0367 2023/05/15 08:49:01 - mmengine - INFO - Epoch(train) [57][1680/1879] lr: 2.0000e-03 eta: 19:31:21 time: 0.8733 data_time: 0.0278 memory: 9812 grad_norm: 3.1797 loss: 2.3761 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3063 distill.loss_dist: 1.0698 2023/05/15 08:49:17 - mmengine - INFO - Epoch(train) [57][1700/1879] lr: 2.0000e-03 eta: 19:31:03 time: 0.8245 data_time: 0.0250 memory: 9812 grad_norm: 3.1385 loss: 2.1766 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1524 distill.loss_dist: 1.0242 2023/05/15 08:49:35 - mmengine - INFO - Epoch(train) [57][1720/1879] lr: 2.0000e-03 eta: 19:30:47 time: 0.9079 data_time: 0.0261 memory: 9812 grad_norm: 3.1386 loss: 2.1662 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1339 distill.loss_dist: 1.0323 2023/05/15 08:49:51 - mmengine - INFO - Epoch(train) [57][1740/1879] lr: 2.0000e-03 eta: 19:30:28 time: 0.8050 data_time: 0.0282 memory: 9812 grad_norm: 3.2117 loss: 2.2482 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2066 distill.loss_dist: 1.0416 2023/05/15 08:50:09 - mmengine - INFO - Epoch(train) [57][1760/1879] lr: 2.0000e-03 eta: 19:30:11 time: 0.8720 data_time: 0.0285 memory: 9812 grad_norm: 3.1972 loss: 2.2102 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1616 distill.loss_dist: 1.0487 2023/05/15 08:50:23 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 08:50:28 - mmengine - INFO - Epoch(train) [57][1780/1879] lr: 2.0000e-03 eta: 19:29:55 time: 0.9337 data_time: 0.0307 memory: 9812 grad_norm: 3.1507 loss: 2.1323 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0835 distill.loss_dist: 1.0488 2023/05/15 08:50:44 - mmengine - INFO - Epoch(train) [57][1800/1879] lr: 2.0000e-03 eta: 19:29:37 time: 0.8340 data_time: 0.0236 memory: 9812 grad_norm: 3.1483 loss: 2.1720 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1599 distill.loss_dist: 1.0121 2023/05/15 08:51:01 - mmengine - INFO - Epoch(train) [57][1820/1879] lr: 2.0000e-03 eta: 19:29:19 time: 0.8302 data_time: 0.0533 memory: 9812 grad_norm: 3.1642 loss: 2.3437 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2899 distill.loss_dist: 1.0539 2023/05/15 08:51:18 - mmengine - INFO - Epoch(train) [57][1840/1879] lr: 2.0000e-03 eta: 19:29:02 time: 0.8678 data_time: 0.0923 memory: 9812 grad_norm: 3.1882 loss: 2.3009 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2671 distill.loss_dist: 1.0338 2023/05/15 08:51:36 - mmengine - INFO - Epoch(train) [57][1860/1879] lr: 2.0000e-03 eta: 19:28:45 time: 0.8990 data_time: 0.0249 memory: 9812 grad_norm: 3.1819 loss: 2.1493 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1221 distill.loss_dist: 1.0272 2023/05/15 08:51:49 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 08:51:49 - mmengine - INFO - Epoch(train) [57][1879/1879] lr: 2.0000e-03 eta: 19:28:25 time: 0.6722 data_time: 0.0244 memory: 9812 grad_norm: 3.2176 loss: 2.2518 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.2035 distill.loss_dist: 1.0483 2023/05/15 08:51:49 - mmengine - INFO - Saving checkpoint at 57 epochs 2023/05/15 08:52:10 - mmengine - INFO - Epoch(val) [57][ 20/155] eta: 0:02:11 time: 0.9734 data_time: 0.9082 memory: 1484 2023/05/15 08:52:24 - mmengine - INFO - Epoch(val) [57][ 40/155] eta: 0:01:34 time: 0.6659 data_time: 0.6012 memory: 1484 2023/05/15 08:52:43 - mmengine - INFO - Epoch(val) [57][ 60/155] eta: 0:01:22 time: 0.9523 data_time: 0.8890 memory: 1484 2023/05/15 08:52:56 - mmengine - INFO - Epoch(val) [57][ 80/155] eta: 0:01:01 time: 0.6698 data_time: 0.5994 memory: 1484 2023/05/15 08:53:15 - mmengine - INFO - Epoch(val) [57][100/155] eta: 0:00:46 time: 0.9416 data_time: 0.8789 memory: 1484 2023/05/15 08:53:29 - mmengine - INFO - Epoch(val) [57][120/155] eta: 0:00:28 time: 0.7072 data_time: 0.6415 memory: 1484 2023/05/15 08:53:49 - mmengine - INFO - Epoch(val) [57][140/155] eta: 0:00:12 time: 1.0094 data_time: 0.9476 memory: 1484 2023/05/15 08:54:18 - mmengine - INFO - Epoch(val) [57][ 20/155] eta: 0:16:21 time: 1.0049 data_time: 0.8475 memory: 1582 2023/05/15 08:54:31 - mmengine - INFO - Epoch(val) [57][ 40/155] eta: 0:07:37 time: 0.6833 data_time: 0.5268 memory: 1582 2023/05/15 08:54:50 - mmengine - INFO - Epoch(val) [57][ 60/155] eta: 0:04:41 time: 0.9332 data_time: 0.7843 memory: 1582 2023/05/15 08:55:04 - mmengine - INFO - Epoch(val) [57][ 80/155] eta: 0:02:59 time: 0.6858 data_time: 0.5311 memory: 1582 2023/05/15 08:55:22 - mmengine - INFO - Epoch(val) [57][100/155] eta: 0:01:55 time: 0.9384 data_time: 0.7900 memory: 1582 2023/05/15 08:55:37 - mmengine - INFO - Epoch(val) [57][120/155] eta: 0:01:05 time: 0.7326 data_time: 0.5795 memory: 1582 2023/05/15 08:55:57 - mmengine - INFO - Epoch(val) [57][140/155] eta: 0:00:26 time: 1.0091 data_time: 0.8520 memory: 1582 2023/05/15 08:56:07 - mmengine - INFO - Epoch(val) [57][155/155] acc/top1: 0.6731 acc/top5: 0.8750 acc/mean1: 0.6729 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6664 time: 0.8181 2023/05/15 08:56:07 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_56.pth is removed 2023/05/15 08:56:08 - mmengine - INFO - The best checkpoint with 0.6731 acc/top1 at 57 epoch is saved to best_acc_top1_epoch_57.pth. 2023/05/15 08:56:30 - mmengine - INFO - Epoch(train) [58][ 20/1879] lr: 2.0000e-03 eta: 19:28:12 time: 1.0957 data_time: 0.6762 memory: 9812 grad_norm: 3.2086 loss: 2.2304 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1924 distill.loss_dist: 1.0380 2023/05/15 08:56:47 - mmengine - INFO - Epoch(train) [58][ 40/1879] lr: 2.0000e-03 eta: 19:27:54 time: 0.8842 data_time: 0.4622 memory: 9812 grad_norm: 3.1783 loss: 2.2496 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2062 distill.loss_dist: 1.0433 2023/05/15 08:57:04 - mmengine - INFO - Epoch(train) [58][ 60/1879] lr: 2.0000e-03 eta: 19:27:36 time: 0.8224 data_time: 0.3938 memory: 9812 grad_norm: 3.2221 loss: 2.5257 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4476 distill.loss_dist: 1.0781 2023/05/15 08:57:23 - mmengine - INFO - Epoch(train) [58][ 80/1879] lr: 2.0000e-03 eta: 19:27:20 time: 0.9500 data_time: 0.5246 memory: 9812 grad_norm: 3.1633 loss: 2.4195 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3522 distill.loss_dist: 1.0674 2023/05/15 08:57:38 - mmengine - INFO - Epoch(train) [58][ 100/1879] lr: 2.0000e-03 eta: 19:27:02 time: 0.7741 data_time: 0.3416 memory: 9812 grad_norm: 3.0973 loss: 2.3798 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3486 distill.loss_dist: 1.0311 2023/05/15 08:57:55 - mmengine - INFO - Epoch(train) [58][ 120/1879] lr: 2.0000e-03 eta: 19:26:44 time: 0.8446 data_time: 0.4171 memory: 9812 grad_norm: 3.0479 loss: 2.2418 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2041 distill.loss_dist: 1.0377 2023/05/15 08:58:14 - mmengine - INFO - Epoch(train) [58][ 140/1879] lr: 2.0000e-03 eta: 19:26:28 time: 0.9530 data_time: 0.5227 memory: 9812 grad_norm: 3.0954 loss: 2.1843 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1393 distill.loss_dist: 1.0450 2023/05/15 08:58:31 - mmengine - INFO - Epoch(train) [58][ 160/1879] lr: 2.0000e-03 eta: 19:26:10 time: 0.8227 data_time: 0.3701 memory: 9812 grad_norm: 3.1687 loss: 2.3562 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3110 distill.loss_dist: 1.0452 2023/05/15 08:58:47 - mmengine - INFO - Epoch(train) [58][ 180/1879] lr: 2.0000e-03 eta: 19:25:51 time: 0.7855 data_time: 0.3047 memory: 9812 grad_norm: 3.1499 loss: 2.3379 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2909 distill.loss_dist: 1.0469 2023/05/15 08:59:05 - mmengine - INFO - Epoch(train) [58][ 200/1879] lr: 2.0000e-03 eta: 19:25:35 time: 0.9271 data_time: 0.4079 memory: 9812 grad_norm: 3.1635 loss: 2.2371 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1961 distill.loss_dist: 1.0410 2023/05/15 08:59:22 - mmengine - INFO - Epoch(train) [58][ 220/1879] lr: 2.0000e-03 eta: 19:25:17 time: 0.8373 data_time: 0.3841 memory: 9812 grad_norm: 3.1593 loss: 2.1543 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1280 distill.loss_dist: 1.0264 2023/05/15 08:59:40 - mmengine - INFO - Epoch(train) [58][ 240/1879] lr: 2.0000e-03 eta: 19:25:00 time: 0.8767 data_time: 0.4497 memory: 9812 grad_norm: 3.1246 loss: 2.1692 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1143 distill.loss_dist: 1.0548 2023/05/15 08:59:57 - mmengine - INFO - Epoch(train) [58][ 260/1879] lr: 2.0000e-03 eta: 19:24:42 time: 0.8760 data_time: 0.4373 memory: 9812 grad_norm: 3.1206 loss: 2.2548 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2156 distill.loss_dist: 1.0392 2023/05/15 09:00:13 - mmengine - INFO - Epoch(train) [58][ 280/1879] lr: 2.0000e-03 eta: 19:24:24 time: 0.7987 data_time: 0.3459 memory: 9812 grad_norm: 3.1858 loss: 2.0608 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0509 distill.loss_dist: 1.0099 2023/05/15 09:00:30 - mmengine - INFO - Epoch(train) [58][ 300/1879] lr: 2.0000e-03 eta: 19:24:07 time: 0.8618 data_time: 0.2168 memory: 9812 grad_norm: 3.1325 loss: 2.2804 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2346 distill.loss_dist: 1.0458 2023/05/15 09:00:48 - mmengine - INFO - Epoch(train) [58][ 320/1879] lr: 2.0000e-03 eta: 19:23:49 time: 0.8703 data_time: 0.2527 memory: 9812 grad_norm: 3.2453 loss: 2.1289 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0960 distill.loss_dist: 1.0328 2023/05/15 09:01:05 - mmengine - INFO - Epoch(train) [58][ 340/1879] lr: 2.0000e-03 eta: 19:23:32 time: 0.8792 data_time: 0.1325 memory: 9812 grad_norm: 3.0764 loss: 2.1368 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0965 distill.loss_dist: 1.0403 2023/05/15 09:01:22 - mmengine - INFO - Epoch(train) [58][ 360/1879] lr: 2.0000e-03 eta: 19:23:14 time: 0.8459 data_time: 0.2286 memory: 9812 grad_norm: 3.0884 loss: 2.3132 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2609 distill.loss_dist: 1.0522 2023/05/15 09:01:40 - mmengine - INFO - Epoch(train) [58][ 380/1879] lr: 2.0000e-03 eta: 19:22:57 time: 0.8778 data_time: 0.0595 memory: 9812 grad_norm: 3.1515 loss: 2.1906 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1604 distill.loss_dist: 1.0302 2023/05/15 09:01:58 - mmengine - INFO - Epoch(train) [58][ 400/1879] lr: 2.0000e-03 eta: 19:22:40 time: 0.9096 data_time: 0.0238 memory: 9812 grad_norm: 3.2181 loss: 2.1567 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1419 distill.loss_dist: 1.0148 2023/05/15 09:02:14 - mmengine - INFO - Epoch(train) [58][ 420/1879] lr: 2.0000e-03 eta: 19:22:22 time: 0.8005 data_time: 0.0288 memory: 9812 grad_norm: 3.2325 loss: 2.2546 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2151 distill.loss_dist: 1.0395 2023/05/15 09:02:31 - mmengine - INFO - Epoch(train) [58][ 440/1879] lr: 2.0000e-03 eta: 19:22:05 time: 0.8534 data_time: 0.0280 memory: 9812 grad_norm: 3.1640 loss: 2.2930 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2599 distill.loss_dist: 1.0330 2023/05/15 09:02:50 - mmengine - INFO - Epoch(train) [58][ 460/1879] lr: 2.0000e-03 eta: 19:21:48 time: 0.9505 data_time: 0.0256 memory: 9812 grad_norm: 3.1945 loss: 2.3323 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2869 distill.loss_dist: 1.0454 2023/05/15 09:03:06 - mmengine - INFO - Epoch(train) [58][ 480/1879] lr: 2.0000e-03 eta: 19:21:30 time: 0.8093 data_time: 0.0283 memory: 9812 grad_norm: 3.2915 loss: 2.2584 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2346 distill.loss_dist: 1.0238 2023/05/15 09:03:23 - mmengine - INFO - Epoch(train) [58][ 500/1879] lr: 2.0000e-03 eta: 19:21:12 time: 0.8189 data_time: 0.0273 memory: 9812 grad_norm: 3.1979 loss: 2.3195 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2862 distill.loss_dist: 1.0333 2023/05/15 09:03:42 - mmengine - INFO - Epoch(train) [58][ 520/1879] lr: 2.0000e-03 eta: 19:20:56 time: 0.9422 data_time: 0.0265 memory: 9812 grad_norm: 3.1378 loss: 2.1720 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1423 distill.loss_dist: 1.0298 2023/05/15 09:03:58 - mmengine - INFO - Epoch(train) [58][ 540/1879] lr: 2.0000e-03 eta: 19:20:38 time: 0.8395 data_time: 0.0244 memory: 9812 grad_norm: 3.2321 loss: 2.3906 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3541 distill.loss_dist: 1.0365 2023/05/15 09:04:14 - mmengine - INFO - Epoch(train) [58][ 560/1879] lr: 2.0000e-03 eta: 19:20:20 time: 0.7955 data_time: 0.0292 memory: 9812 grad_norm: 3.1554 loss: 2.2450 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1976 distill.loss_dist: 1.0474 2023/05/15 09:04:35 - mmengine - INFO - Epoch(train) [58][ 580/1879] lr: 2.0000e-03 eta: 19:20:05 time: 1.0317 data_time: 0.0255 memory: 9812 grad_norm: 3.1530 loss: 2.1695 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1593 distill.loss_dist: 1.0102 2023/05/15 09:04:51 - mmengine - INFO - Epoch(train) [58][ 600/1879] lr: 2.0000e-03 eta: 19:19:46 time: 0.7889 data_time: 0.0266 memory: 9812 grad_norm: 3.1281 loss: 2.0543 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0410 distill.loss_dist: 1.0133 2023/05/15 09:05:07 - mmengine - INFO - Epoch(train) [58][ 620/1879] lr: 2.0000e-03 eta: 19:19:28 time: 0.8293 data_time: 0.0270 memory: 9812 grad_norm: 3.1824 loss: 2.1499 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1212 distill.loss_dist: 1.0286 2023/05/15 09:05:25 - mmengine - INFO - Epoch(train) [58][ 640/1879] lr: 2.0000e-03 eta: 19:19:11 time: 0.8891 data_time: 0.0290 memory: 9812 grad_norm: 3.1242 loss: 2.1010 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0778 distill.loss_dist: 1.0232 2023/05/15 09:05:41 - mmengine - INFO - Epoch(train) [58][ 660/1879] lr: 2.0000e-03 eta: 19:18:53 time: 0.8114 data_time: 0.0297 memory: 9812 grad_norm: 3.1385 loss: 2.1633 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1385 distill.loss_dist: 1.0248 2023/05/15 09:05:58 - mmengine - INFO - Epoch(train) [58][ 680/1879] lr: 2.0000e-03 eta: 19:18:35 time: 0.8217 data_time: 0.0218 memory: 9812 grad_norm: 3.1594 loss: 2.3297 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.3048 distill.loss_dist: 1.0249 2023/05/15 09:06:17 - mmengine - INFO - Epoch(train) [58][ 700/1879] lr: 2.0000e-03 eta: 19:18:19 time: 0.9631 data_time: 0.0266 memory: 9812 grad_norm: 3.1325 loss: 2.2931 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2340 distill.loss_dist: 1.0591 2023/05/15 09:06:33 - mmengine - INFO - Epoch(train) [58][ 720/1879] lr: 2.0000e-03 eta: 19:18:01 time: 0.8089 data_time: 0.0244 memory: 9812 grad_norm: 3.1372 loss: 2.2441 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1977 distill.loss_dist: 1.0464 2023/05/15 09:06:50 - mmengine - INFO - Epoch(train) [58][ 740/1879] lr: 2.0000e-03 eta: 19:17:43 time: 0.8262 data_time: 0.0285 memory: 9812 grad_norm: 3.1932 loss: 2.6000 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5266 distill.loss_dist: 1.0734 2023/05/15 09:07:10 - mmengine - INFO - Epoch(train) [58][ 760/1879] lr: 2.0000e-03 eta: 19:17:27 time: 0.9767 data_time: 0.0258 memory: 9812 grad_norm: 3.1911 loss: 2.1772 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1777 distill.loss_dist: 0.9995 2023/05/15 09:07:25 - mmengine - INFO - Epoch(train) [58][ 780/1879] lr: 2.0000e-03 eta: 19:17:09 time: 0.7770 data_time: 0.0288 memory: 9812 grad_norm: 3.2303 loss: 2.3983 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3443 distill.loss_dist: 1.0540 2023/05/15 09:07:41 - mmengine - INFO - Epoch(train) [58][ 800/1879] lr: 2.0000e-03 eta: 19:16:50 time: 0.7795 data_time: 0.0271 memory: 9812 grad_norm: 3.1286 loss: 2.0957 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0694 distill.loss_dist: 1.0263 2023/05/15 09:08:00 - mmengine - INFO - Epoch(train) [58][ 820/1879] lr: 2.0000e-03 eta: 19:16:34 time: 0.9520 data_time: 0.0242 memory: 9812 grad_norm: 3.1720 loss: 2.2603 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.2202 distill.loss_dist: 1.0401 2023/05/15 09:08:16 - mmengine - INFO - Epoch(train) [58][ 840/1879] lr: 2.0000e-03 eta: 19:16:16 time: 0.8266 data_time: 0.0292 memory: 9812 grad_norm: 3.1337 loss: 2.1425 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1131 distill.loss_dist: 1.0295 2023/05/15 09:08:32 - mmengine - INFO - Epoch(train) [58][ 860/1879] lr: 2.0000e-03 eta: 19:15:57 time: 0.8043 data_time: 0.0261 memory: 9812 grad_norm: 3.1064 loss: 2.3118 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2597 distill.loss_dist: 1.0522 2023/05/15 09:08:50 - mmengine - INFO - Epoch(train) [58][ 880/1879] lr: 2.0000e-03 eta: 19:15:40 time: 0.8621 data_time: 0.0576 memory: 9812 grad_norm: 3.1350 loss: 2.1839 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1693 distill.loss_dist: 1.0147 2023/05/15 09:09:04 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 09:09:07 - mmengine - INFO - Epoch(train) [58][ 900/1879] lr: 2.0000e-03 eta: 19:15:23 time: 0.8923 data_time: 0.1309 memory: 9812 grad_norm: 3.2053 loss: 2.2352 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2206 distill.loss_dist: 1.0146 2023/05/15 09:09:24 - mmengine - INFO - Epoch(train) [58][ 920/1879] lr: 2.0000e-03 eta: 19:15:05 time: 0.8101 data_time: 0.0281 memory: 9812 grad_norm: 3.2011 loss: 2.2899 student.top1_acc: 0.6250 student.top5_acc: 0.6250 student.loss_cls: 1.2401 distill.loss_dist: 1.0497 2023/05/15 09:09:42 - mmengine - INFO - Epoch(train) [58][ 940/1879] lr: 2.0000e-03 eta: 19:14:48 time: 0.9153 data_time: 0.0678 memory: 9812 grad_norm: 3.1223 loss: 2.2623 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2028 distill.loss_dist: 1.0595 2023/05/15 09:10:00 - mmengine - INFO - Epoch(train) [58][ 960/1879] lr: 2.0000e-03 eta: 19:14:31 time: 0.9109 data_time: 0.0852 memory: 9812 grad_norm: 3.2048 loss: 2.1571 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1339 distill.loss_dist: 1.0232 2023/05/15 09:10:17 - mmengine - INFO - Epoch(train) [58][ 980/1879] lr: 2.0000e-03 eta: 19:14:14 time: 0.8307 data_time: 0.1471 memory: 9812 grad_norm: 3.1956 loss: 2.2415 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1680 distill.loss_dist: 1.0735 2023/05/15 09:10:35 - mmengine - INFO - Epoch(train) [58][1000/1879] lr: 2.0000e-03 eta: 19:13:57 time: 0.8938 data_time: 0.1183 memory: 9812 grad_norm: 3.2176 loss: 2.0916 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0845 distill.loss_dist: 1.0071 2023/05/15 09:10:54 - mmengine - INFO - Epoch(train) [58][1020/1879] lr: 2.0000e-03 eta: 19:13:40 time: 0.9372 data_time: 0.0812 memory: 9812 grad_norm: 3.1775 loss: 2.2107 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1823 distill.loss_dist: 1.0284 2023/05/15 09:11:10 - mmengine - INFO - Epoch(train) [58][1040/1879] lr: 2.0000e-03 eta: 19:13:22 time: 0.8198 data_time: 0.0697 memory: 9812 grad_norm: 3.1279 loss: 2.0995 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0841 distill.loss_dist: 1.0154 2023/05/15 09:11:27 - mmengine - INFO - Epoch(train) [58][1060/1879] lr: 2.0000e-03 eta: 19:13:05 time: 0.8642 data_time: 0.0666 memory: 9812 grad_norm: 3.1282 loss: 2.3394 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3135 distill.loss_dist: 1.0259 2023/05/15 09:11:46 - mmengine - INFO - Epoch(train) [58][1080/1879] lr: 2.0000e-03 eta: 19:12:48 time: 0.9219 data_time: 0.0261 memory: 9812 grad_norm: 3.1481 loss: 2.2384 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1916 distill.loss_dist: 1.0468 2023/05/15 09:12:02 - mmengine - INFO - Epoch(train) [58][1100/1879] lr: 2.0000e-03 eta: 19:12:30 time: 0.8370 data_time: 0.0272 memory: 9812 grad_norm: 3.1755 loss: 2.1857 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1346 distill.loss_dist: 1.0511 2023/05/15 09:12:20 - mmengine - INFO - Epoch(train) [58][1120/1879] lr: 2.0000e-03 eta: 19:12:13 time: 0.8548 data_time: 0.0288 memory: 9812 grad_norm: 3.1391 loss: 2.2583 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2181 distill.loss_dist: 1.0402 2023/05/15 09:12:39 - mmengine - INFO - Epoch(train) [58][1140/1879] lr: 2.0000e-03 eta: 19:11:57 time: 0.9531 data_time: 0.0258 memory: 9812 grad_norm: 3.1927 loss: 2.4465 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.3679 distill.loss_dist: 1.0786 2023/05/15 09:12:55 - mmengine - INFO - Epoch(train) [58][1160/1879] lr: 2.0000e-03 eta: 19:11:39 time: 0.8180 data_time: 0.0291 memory: 9812 grad_norm: 3.1265 loss: 2.1599 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1405 distill.loss_dist: 1.0194 2023/05/15 09:13:12 - mmengine - INFO - Epoch(train) [58][1180/1879] lr: 2.0000e-03 eta: 19:11:21 time: 0.8270 data_time: 0.0270 memory: 9812 grad_norm: 3.2644 loss: 2.2326 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1926 distill.loss_dist: 1.0400 2023/05/15 09:13:29 - mmengine - INFO - Epoch(train) [58][1200/1879] lr: 2.0000e-03 eta: 19:11:04 time: 0.8884 data_time: 0.0288 memory: 9812 grad_norm: 3.1296 loss: 2.2971 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2586 distill.loss_dist: 1.0384 2023/05/15 09:13:46 - mmengine - INFO - Epoch(train) [58][1220/1879] lr: 2.0000e-03 eta: 19:10:46 time: 0.8276 data_time: 0.0304 memory: 9812 grad_norm: 3.1810 loss: 2.4566 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.4116 distill.loss_dist: 1.0450 2023/05/15 09:14:03 - mmengine - INFO - Epoch(train) [58][1240/1879] lr: 2.0000e-03 eta: 19:10:28 time: 0.8477 data_time: 0.0247 memory: 9812 grad_norm: 3.1252 loss: 2.2642 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2160 distill.loss_dist: 1.0482 2023/05/15 09:14:20 - mmengine - INFO - Epoch(train) [58][1260/1879] lr: 2.0000e-03 eta: 19:10:11 time: 0.8758 data_time: 0.0237 memory: 9812 grad_norm: 3.1333 loss: 2.2827 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2195 distill.loss_dist: 1.0633 2023/05/15 09:14:37 - mmengine - INFO - Epoch(train) [58][1280/1879] lr: 2.0000e-03 eta: 19:09:53 time: 0.8037 data_time: 0.0449 memory: 9812 grad_norm: 3.2128 loss: 2.2348 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.1998 distill.loss_dist: 1.0350 2023/05/15 09:14:54 - mmengine - INFO - Epoch(train) [58][1300/1879] lr: 2.0000e-03 eta: 19:09:35 time: 0.8557 data_time: 0.0539 memory: 9812 grad_norm: 3.1822 loss: 2.4061 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3574 distill.loss_dist: 1.0487 2023/05/15 09:15:11 - mmengine - INFO - Epoch(train) [58][1320/1879] lr: 2.0000e-03 eta: 19:09:18 time: 0.8826 data_time: 0.0268 memory: 9812 grad_norm: 3.2099 loss: 2.1454 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1002 distill.loss_dist: 1.0452 2023/05/15 09:15:29 - mmengine - INFO - Epoch(train) [58][1340/1879] lr: 2.0000e-03 eta: 19:09:01 time: 0.8807 data_time: 0.0326 memory: 9812 grad_norm: 3.1764 loss: 2.1358 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1238 distill.loss_dist: 1.0120 2023/05/15 09:15:46 - mmengine - INFO - Epoch(train) [58][1360/1879] lr: 2.0000e-03 eta: 19:08:43 time: 0.8364 data_time: 0.1310 memory: 9812 grad_norm: 3.1984 loss: 2.3518 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3125 distill.loss_dist: 1.0394 2023/05/15 09:16:02 - mmengine - INFO - Epoch(train) [58][1380/1879] lr: 2.0000e-03 eta: 19:08:25 time: 0.8359 data_time: 0.1154 memory: 9812 grad_norm: 3.1089 loss: 2.0294 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0058 distill.loss_dist: 1.0236 2023/05/15 09:16:21 - mmengine - INFO - Epoch(train) [58][1400/1879] lr: 2.0000e-03 eta: 19:08:09 time: 0.9143 data_time: 0.1018 memory: 9812 grad_norm: 3.1768 loss: 2.1784 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1342 distill.loss_dist: 1.0442 2023/05/15 09:16:38 - mmengine - INFO - Epoch(train) [58][1420/1879] lr: 2.0000e-03 eta: 19:07:51 time: 0.8722 data_time: 0.1731 memory: 9812 grad_norm: 3.1630 loss: 2.2782 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2282 distill.loss_dist: 1.0500 2023/05/15 09:16:54 - mmengine - INFO - Epoch(train) [58][1440/1879] lr: 2.0000e-03 eta: 19:07:33 time: 0.7847 data_time: 0.2454 memory: 9812 grad_norm: 3.1773 loss: 2.0293 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0231 distill.loss_dist: 1.0063 2023/05/15 09:17:14 - mmengine - INFO - Epoch(train) [58][1460/1879] lr: 2.0000e-03 eta: 19:07:17 time: 0.9960 data_time: 0.5206 memory: 9812 grad_norm: 3.2036 loss: 2.1265 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1261 distill.loss_dist: 1.0004 2023/05/15 09:17:30 - mmengine - INFO - Epoch(train) [58][1480/1879] lr: 2.0000e-03 eta: 19:06:59 time: 0.7986 data_time: 0.3620 memory: 9812 grad_norm: 3.3261 loss: 2.3957 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3477 distill.loss_dist: 1.0480 2023/05/15 09:17:47 - mmengine - INFO - Epoch(train) [58][1500/1879] lr: 2.0000e-03 eta: 19:06:41 time: 0.8522 data_time: 0.4123 memory: 9812 grad_norm: 3.1343 loss: 2.2719 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2476 distill.loss_dist: 1.0244 2023/05/15 09:18:06 - mmengine - INFO - Epoch(train) [58][1520/1879] lr: 2.0000e-03 eta: 19:06:25 time: 0.9715 data_time: 0.5341 memory: 9812 grad_norm: 3.2073 loss: 2.2979 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2547 distill.loss_dist: 1.0432 2023/05/15 09:18:23 - mmengine - INFO - Epoch(train) [58][1540/1879] lr: 2.0000e-03 eta: 19:06:07 time: 0.8137 data_time: 0.3729 memory: 9812 grad_norm: 3.2113 loss: 2.0719 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0654 distill.loss_dist: 1.0065 2023/05/15 09:18:40 - mmengine - INFO - Epoch(train) [58][1560/1879] lr: 2.0000e-03 eta: 19:05:50 time: 0.8461 data_time: 0.3914 memory: 9812 grad_norm: 3.1729 loss: 2.2488 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1959 distill.loss_dist: 1.0529 2023/05/15 09:18:58 - mmengine - INFO - Epoch(train) [58][1580/1879] lr: 2.0000e-03 eta: 19:05:33 time: 0.9192 data_time: 0.4729 memory: 9812 grad_norm: 3.2101 loss: 2.1065 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0720 distill.loss_dist: 1.0345 2023/05/15 09:19:13 - mmengine - INFO - Epoch(train) [58][1600/1879] lr: 2.0000e-03 eta: 19:05:14 time: 0.7570 data_time: 0.3105 memory: 9812 grad_norm: 3.1341 loss: 2.2101 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1877 distill.loss_dist: 1.0224 2023/05/15 09:19:29 - mmengine - INFO - Epoch(train) [58][1620/1879] lr: 2.0000e-03 eta: 19:04:56 time: 0.7999 data_time: 0.3571 memory: 9812 grad_norm: 3.2441 loss: 2.1514 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1063 distill.loss_dist: 1.0451 2023/05/15 09:19:49 - mmengine - INFO - Epoch(train) [58][1640/1879] lr: 2.0000e-03 eta: 19:04:40 time: 0.9877 data_time: 0.5421 memory: 9812 grad_norm: 3.1562 loss: 2.1289 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1008 distill.loss_dist: 1.0280 2023/05/15 09:20:06 - mmengine - INFO - Epoch(train) [58][1660/1879] lr: 2.0000e-03 eta: 19:04:22 time: 0.8337 data_time: 0.3933 memory: 9812 grad_norm: 3.1257 loss: 2.2758 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2169 distill.loss_dist: 1.0589 2023/05/15 09:20:22 - mmengine - INFO - Epoch(train) [58][1680/1879] lr: 2.0000e-03 eta: 19:04:04 time: 0.8013 data_time: 0.3559 memory: 9812 grad_norm: 3.2033 loss: 2.3291 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2658 distill.loss_dist: 1.0632 2023/05/15 09:20:40 - mmengine - INFO - Epoch(train) [58][1700/1879] lr: 2.0000e-03 eta: 19:03:47 time: 0.9281 data_time: 0.4958 memory: 9812 grad_norm: 3.2195 loss: 2.0810 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0568 distill.loss_dist: 1.0241 2023/05/15 09:20:56 - mmengine - INFO - Epoch(train) [58][1720/1879] lr: 2.0000e-03 eta: 19:03:29 time: 0.7919 data_time: 0.3286 memory: 9812 grad_norm: 3.2590 loss: 2.5062 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4300 distill.loss_dist: 1.0763 2023/05/15 09:21:13 - mmengine - INFO - Epoch(train) [58][1740/1879] lr: 2.0000e-03 eta: 19:03:11 time: 0.8549 data_time: 0.2264 memory: 9812 grad_norm: 3.1524 loss: 2.5702 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.5073 distill.loss_dist: 1.0628 2023/05/15 09:21:31 - mmengine - INFO - Epoch(train) [58][1760/1879] lr: 2.0000e-03 eta: 19:02:54 time: 0.8839 data_time: 0.0555 memory: 9812 grad_norm: 3.1747 loss: 2.2692 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2182 distill.loss_dist: 1.0510 2023/05/15 09:21:48 - mmengine - INFO - Epoch(train) [58][1780/1879] lr: 2.0000e-03 eta: 19:02:37 time: 0.8548 data_time: 0.0269 memory: 9812 grad_norm: 3.1529 loss: 2.2131 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1811 distill.loss_dist: 1.0320 2023/05/15 09:22:07 - mmengine - INFO - Epoch(train) [58][1800/1879] lr: 2.0000e-03 eta: 19:02:21 time: 0.9557 data_time: 0.0254 memory: 9812 grad_norm: 3.1595 loss: 2.3472 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2901 distill.loss_dist: 1.0571 2023/05/15 09:22:23 - mmengine - INFO - Epoch(train) [58][1820/1879] lr: 2.0000e-03 eta: 19:02:02 time: 0.7720 data_time: 0.0294 memory: 9812 grad_norm: 3.2124 loss: 2.2978 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2428 distill.loss_dist: 1.0550 2023/05/15 09:22:40 - mmengine - INFO - Epoch(train) [58][1840/1879] lr: 2.0000e-03 eta: 19:01:44 time: 0.8439 data_time: 0.0251 memory: 9812 grad_norm: 3.1942 loss: 2.3174 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2606 distill.loss_dist: 1.0568 2023/05/15 09:22:59 - mmengine - INFO - Epoch(train) [58][1860/1879] lr: 2.0000e-03 eta: 19:01:28 time: 0.9680 data_time: 0.0266 memory: 9812 grad_norm: 3.2575 loss: 2.4081 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3367 distill.loss_dist: 1.0714 2023/05/15 09:23:12 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 09:23:12 - mmengine - INFO - Epoch(train) [58][1879/1879] lr: 2.0000e-03 eta: 19:01:09 time: 0.7672 data_time: 0.0215 memory: 9812 grad_norm: 3.3193 loss: 2.2601 student.top1_acc: 0.8571 student.top5_acc: 0.8571 student.loss_cls: 1.2162 distill.loss_dist: 1.0440 2023/05/15 09:23:32 - mmengine - INFO - Epoch(val) [58][ 20/155] eta: 0:02:14 time: 0.9984 data_time: 0.9333 memory: 1484 2023/05/15 09:23:45 - mmengine - INFO - Epoch(val) [58][ 40/155] eta: 0:01:35 time: 0.6605 data_time: 0.5955 memory: 1484 2023/05/15 09:24:03 - mmengine - INFO - Epoch(val) [58][ 60/155] eta: 0:01:21 time: 0.9163 data_time: 0.8488 memory: 1484 2023/05/15 09:24:17 - mmengine - INFO - Epoch(val) [58][ 80/155] eta: 0:01:00 time: 0.6695 data_time: 0.6051 memory: 1484 2023/05/15 09:24:37 - mmengine - INFO - Epoch(val) [58][100/155] eta: 0:00:46 time: 1.0093 data_time: 0.9445 memory: 1484 2023/05/15 09:24:50 - mmengine - INFO - Epoch(val) [58][120/155] eta: 0:00:28 time: 0.6404 data_time: 0.5819 memory: 1484 2023/05/15 09:25:08 - mmengine - INFO - Epoch(val) [58][140/155] eta: 0:00:12 time: 0.9241 data_time: 0.8655 memory: 1484 2023/05/15 09:25:39 - mmengine - INFO - Epoch(val) [58][ 20/155] eta: 0:16:16 time: 1.0016 data_time: 0.8472 memory: 1582 2023/05/15 09:25:52 - mmengine - INFO - Epoch(val) [58][ 40/155] eta: 0:07:34 time: 0.6822 data_time: 0.5255 memory: 1582 2023/05/15 09:26:11 - mmengine - INFO - Epoch(val) [58][ 60/155] eta: 0:04:39 time: 0.9155 data_time: 0.7570 memory: 1582 2023/05/15 09:26:25 - mmengine - INFO - Epoch(val) [58][ 80/155] eta: 0:02:58 time: 0.7136 data_time: 0.5567 memory: 1582 2023/05/15 09:26:45 - mmengine - INFO - Epoch(val) [58][100/155] eta: 0:01:55 time: 0.9809 data_time: 0.8249 memory: 1582 2023/05/15 09:26:59 - mmengine - INFO - Epoch(val) [58][120/155] eta: 0:01:05 time: 0.7002 data_time: 0.5495 memory: 1582 2023/05/15 09:27:18 - mmengine - INFO - Epoch(val) [58][140/155] eta: 0:00:26 time: 0.9536 data_time: 0.7963 memory: 1582 2023/05/15 09:27:27 - mmengine - INFO - Epoch(val) [58][155/155] acc/top1: 0.6740 acc/top5: 0.8759 acc/mean1: 0.6739 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6588 time: 0.8125 2023/05/15 09:27:27 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_57.pth is removed 2023/05/15 09:27:28 - mmengine - INFO - The best checkpoint with 0.6740 acc/top1 at 58 epoch is saved to best_acc_top1_epoch_58.pth. 2023/05/15 09:27:46 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 09:27:49 - mmengine - INFO - Epoch(train) [59][ 20/1879] lr: 2.0000e-03 eta: 19:00:54 time: 1.0495 data_time: 0.6217 memory: 9812 grad_norm: 3.1649 loss: 2.3676 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3342 distill.loss_dist: 1.0334 2023/05/15 09:28:05 - mmengine - INFO - Epoch(train) [59][ 40/1879] lr: 2.0000e-03 eta: 19:00:36 time: 0.7969 data_time: 0.2940 memory: 9812 grad_norm: 3.1801 loss: 2.0826 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0505 distill.loss_dist: 1.0321 2023/05/15 09:28:23 - mmengine - INFO - Epoch(train) [59][ 60/1879] lr: 2.0000e-03 eta: 19:00:19 time: 0.8615 data_time: 0.3099 memory: 9812 grad_norm: 3.2082 loss: 2.1959 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1794 distill.loss_dist: 1.0165 2023/05/15 09:28:41 - mmengine - INFO - Epoch(train) [59][ 80/1879] lr: 2.0000e-03 eta: 19:00:02 time: 0.8925 data_time: 0.2731 memory: 9812 grad_norm: 3.1718 loss: 2.2363 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1965 distill.loss_dist: 1.0398 2023/05/15 09:28:59 - mmengine - INFO - Epoch(train) [59][ 100/1879] lr: 2.0000e-03 eta: 18:59:45 time: 0.9163 data_time: 0.3618 memory: 9812 grad_norm: 3.2072 loss: 2.2725 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2261 distill.loss_dist: 1.0464 2023/05/15 09:29:15 - mmengine - INFO - Epoch(train) [59][ 120/1879] lr: 2.0000e-03 eta: 18:59:27 time: 0.8074 data_time: 0.3484 memory: 9812 grad_norm: 3.1321 loss: 2.2859 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2671 distill.loss_dist: 1.0189 2023/05/15 09:29:31 - mmengine - INFO - Epoch(train) [59][ 140/1879] lr: 2.0000e-03 eta: 18:59:09 time: 0.8131 data_time: 0.3783 memory: 9812 grad_norm: 3.1650 loss: 2.3276 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2851 distill.loss_dist: 1.0425 2023/05/15 09:29:51 - mmengine - INFO - Epoch(train) [59][ 160/1879] lr: 2.0000e-03 eta: 18:58:53 time: 0.9742 data_time: 0.4275 memory: 9812 grad_norm: 3.1986 loss: 2.3003 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2512 distill.loss_dist: 1.0492 2023/05/15 09:30:07 - mmengine - INFO - Epoch(train) [59][ 180/1879] lr: 2.0000e-03 eta: 18:58:35 time: 0.8101 data_time: 0.3400 memory: 9812 grad_norm: 3.0995 loss: 2.1218 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1394 distill.loss_dist: 0.9824 2023/05/15 09:30:24 - mmengine - INFO - Epoch(train) [59][ 200/1879] lr: 2.0000e-03 eta: 18:58:17 time: 0.8513 data_time: 0.4123 memory: 9812 grad_norm: 3.1924 loss: 2.1925 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1835 distill.loss_dist: 1.0090 2023/05/15 09:30:41 - mmengine - INFO - Epoch(train) [59][ 220/1879] lr: 2.0000e-03 eta: 18:57:59 time: 0.8526 data_time: 0.1943 memory: 9812 grad_norm: 3.1808 loss: 2.0786 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0378 distill.loss_dist: 1.0407 2023/05/15 09:30:58 - mmengine - INFO - Epoch(train) [59][ 240/1879] lr: 2.0000e-03 eta: 18:57:42 time: 0.8598 data_time: 0.2711 memory: 9812 grad_norm: 3.1774 loss: 2.2060 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1585 distill.loss_dist: 1.0475 2023/05/15 09:31:15 - mmengine - INFO - Epoch(train) [59][ 260/1879] lr: 2.0000e-03 eta: 18:57:24 time: 0.8526 data_time: 0.0615 memory: 9812 grad_norm: 3.2152 loss: 2.2030 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1716 distill.loss_dist: 1.0314 2023/05/15 09:31:33 - mmengine - INFO - Epoch(train) [59][ 280/1879] lr: 2.0000e-03 eta: 18:57:07 time: 0.8847 data_time: 0.2075 memory: 9812 grad_norm: 3.2186 loss: 2.1127 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0929 distill.loss_dist: 1.0198 2023/05/15 09:31:51 - mmengine - INFO - Epoch(train) [59][ 300/1879] lr: 2.0000e-03 eta: 18:56:50 time: 0.9015 data_time: 0.4788 memory: 9812 grad_norm: 3.1409 loss: 2.1434 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0992 distill.loss_dist: 1.0443 2023/05/15 09:32:08 - mmengine - INFO - Epoch(train) [59][ 320/1879] lr: 2.0000e-03 eta: 18:56:33 time: 0.8290 data_time: 0.3473 memory: 9812 grad_norm: 3.1791 loss: 2.1516 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1275 distill.loss_dist: 1.0241 2023/05/15 09:32:25 - mmengine - INFO - Epoch(train) [59][ 340/1879] lr: 2.0000e-03 eta: 18:56:15 time: 0.8451 data_time: 0.4051 memory: 9812 grad_norm: 3.1557 loss: 1.9797 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 0.9514 distill.loss_dist: 1.0283 2023/05/15 09:32:44 - mmengine - INFO - Epoch(train) [59][ 360/1879] lr: 2.0000e-03 eta: 18:55:59 time: 0.9425 data_time: 0.3004 memory: 9812 grad_norm: 3.1549 loss: 2.2486 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2123 distill.loss_dist: 1.0363 2023/05/15 09:33:00 - mmengine - INFO - Epoch(train) [59][ 380/1879] lr: 2.0000e-03 eta: 18:55:41 time: 0.8252 data_time: 0.2677 memory: 9812 grad_norm: 3.1008 loss: 2.1425 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1015 distill.loss_dist: 1.0410 2023/05/15 09:33:17 - mmengine - INFO - Epoch(train) [59][ 400/1879] lr: 2.0000e-03 eta: 18:55:23 time: 0.8518 data_time: 0.3018 memory: 9812 grad_norm: 3.2409 loss: 2.3811 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3141 distill.loss_dist: 1.0671 2023/05/15 09:33:35 - mmengine - INFO - Epoch(train) [59][ 420/1879] lr: 2.0000e-03 eta: 18:55:06 time: 0.8836 data_time: 0.2132 memory: 9812 grad_norm: 3.1944 loss: 2.2028 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1717 distill.loss_dist: 1.0311 2023/05/15 09:33:53 - mmengine - INFO - Epoch(train) [59][ 440/1879] lr: 2.0000e-03 eta: 18:54:49 time: 0.8980 data_time: 0.3634 memory: 9812 grad_norm: 3.1529 loss: 2.3430 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.2891 distill.loss_dist: 1.0539 2023/05/15 09:34:09 - mmengine - INFO - Epoch(train) [59][ 460/1879] lr: 2.0000e-03 eta: 18:54:31 time: 0.8222 data_time: 0.3074 memory: 9812 grad_norm: 3.2411 loss: 2.2697 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2194 distill.loss_dist: 1.0503 2023/05/15 09:34:27 - mmengine - INFO - Epoch(train) [59][ 480/1879] lr: 2.0000e-03 eta: 18:54:14 time: 0.8739 data_time: 0.4204 memory: 9812 grad_norm: 3.2071 loss: 2.2576 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2250 distill.loss_dist: 1.0326 2023/05/15 09:34:44 - mmengine - INFO - Epoch(train) [59][ 500/1879] lr: 2.0000e-03 eta: 18:53:56 time: 0.8434 data_time: 0.2485 memory: 9812 grad_norm: 3.1260 loss: 2.1073 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0633 distill.loss_dist: 1.0440 2023/05/15 09:35:01 - mmengine - INFO - Epoch(train) [59][ 520/1879] lr: 2.0000e-03 eta: 18:53:39 time: 0.8661 data_time: 0.2734 memory: 9812 grad_norm: 3.2493 loss: 2.2673 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2370 distill.loss_dist: 1.0304 2023/05/15 09:35:18 - mmengine - INFO - Epoch(train) [59][ 540/1879] lr: 2.0000e-03 eta: 18:53:21 time: 0.8614 data_time: 0.1639 memory: 9812 grad_norm: 3.1622 loss: 2.3406 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2885 distill.loss_dist: 1.0521 2023/05/15 09:35:38 - mmengine - INFO - Epoch(train) [59][ 560/1879] lr: 2.0000e-03 eta: 18:53:05 time: 0.9647 data_time: 0.0254 memory: 9812 grad_norm: 3.1682 loss: 2.2556 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1984 distill.loss_dist: 1.0571 2023/05/15 09:35:54 - mmengine - INFO - Epoch(train) [59][ 580/1879] lr: 2.0000e-03 eta: 18:52:47 time: 0.8153 data_time: 0.0254 memory: 9812 grad_norm: 3.1806 loss: 2.2549 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2112 distill.loss_dist: 1.0437 2023/05/15 09:36:11 - mmengine - INFO - Epoch(train) [59][ 600/1879] lr: 2.0000e-03 eta: 18:52:29 time: 0.8351 data_time: 0.0294 memory: 9812 grad_norm: 3.1928 loss: 2.1447 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1322 distill.loss_dist: 1.0125 2023/05/15 09:36:29 - mmengine - INFO - Epoch(train) [59][ 620/1879] lr: 2.0000e-03 eta: 18:52:12 time: 0.9010 data_time: 0.0269 memory: 9812 grad_norm: 3.1979 loss: 2.1324 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1356 distill.loss_dist: 0.9967 2023/05/15 09:36:44 - mmengine - INFO - Epoch(train) [59][ 640/1879] lr: 2.0000e-03 eta: 18:51:54 time: 0.7604 data_time: 0.0272 memory: 9812 grad_norm: 3.1557 loss: 2.2435 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1995 distill.loss_dist: 1.0440 2023/05/15 09:37:00 - mmengine - INFO - Epoch(train) [59][ 660/1879] lr: 2.0000e-03 eta: 18:51:36 time: 0.8275 data_time: 0.0294 memory: 9812 grad_norm: 3.2007 loss: 2.2570 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2120 distill.loss_dist: 1.0450 2023/05/15 09:37:18 - mmengine - INFO - Epoch(train) [59][ 680/1879] lr: 2.0000e-03 eta: 18:51:18 time: 0.8555 data_time: 0.0433 memory: 9812 grad_norm: 3.1418 loss: 2.1072 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0575 distill.loss_dist: 1.0496 2023/05/15 09:37:36 - mmengine - INFO - Epoch(train) [59][ 700/1879] lr: 2.0000e-03 eta: 18:51:02 time: 0.9303 data_time: 0.0288 memory: 9812 grad_norm: 3.1262 loss: 2.3432 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.3057 distill.loss_dist: 1.0375 2023/05/15 09:37:53 - mmengine - INFO - Epoch(train) [59][ 720/1879] lr: 2.0000e-03 eta: 18:50:44 time: 0.8197 data_time: 0.0273 memory: 9812 grad_norm: 3.1243 loss: 2.3985 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3439 distill.loss_dist: 1.0546 2023/05/15 09:38:10 - mmengine - INFO - Epoch(train) [59][ 740/1879] lr: 2.0000e-03 eta: 18:50:26 time: 0.8659 data_time: 0.0318 memory: 9812 grad_norm: 3.2129 loss: 2.3132 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2518 distill.loss_dist: 1.0614 2023/05/15 09:38:28 - mmengine - INFO - Epoch(train) [59][ 760/1879] lr: 2.0000e-03 eta: 18:50:09 time: 0.8899 data_time: 0.0731 memory: 9812 grad_norm: 3.1502 loss: 2.2206 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2038 distill.loss_dist: 1.0168 2023/05/15 09:38:44 - mmengine - INFO - Epoch(train) [59][ 780/1879] lr: 2.0000e-03 eta: 18:49:51 time: 0.8121 data_time: 0.0309 memory: 9812 grad_norm: 3.1843 loss: 2.2167 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1827 distill.loss_dist: 1.0340 2023/05/15 09:39:02 - mmengine - INFO - Epoch(train) [59][ 800/1879] lr: 2.0000e-03 eta: 18:49:34 time: 0.9136 data_time: 0.0412 memory: 9812 grad_norm: 3.2316 loss: 2.3673 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3021 distill.loss_dist: 1.0652 2023/05/15 09:39:19 - mmengine - INFO - Epoch(train) [59][ 820/1879] lr: 2.0000e-03 eta: 18:49:16 time: 0.8150 data_time: 0.0261 memory: 9812 grad_norm: 3.1558 loss: 2.2543 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2086 distill.loss_dist: 1.0457 2023/05/15 09:39:38 - mmengine - INFO - Epoch(train) [59][ 840/1879] lr: 2.0000e-03 eta: 18:49:01 time: 0.9890 data_time: 0.0289 memory: 9812 grad_norm: 3.1568 loss: 2.3071 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.2515 distill.loss_dist: 1.0556 2023/05/15 09:39:54 - mmengine - INFO - Epoch(train) [59][ 860/1879] lr: 2.0000e-03 eta: 18:48:42 time: 0.7958 data_time: 0.0280 memory: 9812 grad_norm: 3.1569 loss: 2.2137 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1814 distill.loss_dist: 1.0323 2023/05/15 09:40:12 - mmengine - INFO - Epoch(train) [59][ 880/1879] lr: 2.0000e-03 eta: 18:48:25 time: 0.8560 data_time: 0.0391 memory: 9812 grad_norm: 3.2819 loss: 2.1322 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0827 distill.loss_dist: 1.0495 2023/05/15 09:40:29 - mmengine - INFO - Epoch(train) [59][ 900/1879] lr: 2.0000e-03 eta: 18:48:07 time: 0.8484 data_time: 0.1549 memory: 9812 grad_norm: 3.1892 loss: 2.2462 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2170 distill.loss_dist: 1.0292 2023/05/15 09:40:46 - mmengine - INFO - Epoch(train) [59][ 920/1879] lr: 2.0000e-03 eta: 18:47:50 time: 0.8753 data_time: 0.0760 memory: 9812 grad_norm: 3.1307 loss: 2.0450 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0324 distill.loss_dist: 1.0126 2023/05/15 09:41:06 - mmengine - INFO - Epoch(train) [59][ 940/1879] lr: 2.0000e-03 eta: 18:47:34 time: 0.9773 data_time: 0.0253 memory: 9812 grad_norm: 3.1335 loss: 2.2145 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1804 distill.loss_dist: 1.0341 2023/05/15 09:41:23 - mmengine - INFO - Epoch(train) [59][ 960/1879] lr: 2.0000e-03 eta: 18:47:16 time: 0.8442 data_time: 0.0257 memory: 9812 grad_norm: 3.2162 loss: 2.3965 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3294 distill.loss_dist: 1.0671 2023/05/15 09:41:39 - mmengine - INFO - Epoch(train) [59][ 980/1879] lr: 2.0000e-03 eta: 18:46:58 time: 0.8118 data_time: 0.0273 memory: 9812 grad_norm: 3.2386 loss: 2.1525 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1056 distill.loss_dist: 1.0469 2023/05/15 09:41:57 - mmengine - INFO - Epoch(train) [59][1000/1879] lr: 2.0000e-03 eta: 18:46:42 time: 0.9241 data_time: 0.0231 memory: 9812 grad_norm: 3.2119 loss: 2.3280 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2884 distill.loss_dist: 1.0396 2023/05/15 09:42:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 09:42:14 - mmengine - INFO - Epoch(train) [59][1020/1879] lr: 2.0000e-03 eta: 18:46:24 time: 0.8133 data_time: 0.0289 memory: 9812 grad_norm: 3.1413 loss: 2.1901 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1765 distill.loss_dist: 1.0136 2023/05/15 09:42:30 - mmengine - INFO - Epoch(train) [59][1040/1879] lr: 2.0000e-03 eta: 18:46:05 time: 0.8112 data_time: 0.0261 memory: 9812 grad_norm: 3.1245 loss: 2.1460 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0962 distill.loss_dist: 1.0498 2023/05/15 09:42:48 - mmengine - INFO - Epoch(train) [59][1060/1879] lr: 2.0000e-03 eta: 18:45:49 time: 0.9172 data_time: 0.0364 memory: 9812 grad_norm: 3.2124 loss: 2.3753 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3419 distill.loss_dist: 1.0334 2023/05/15 09:43:04 - mmengine - INFO - Epoch(train) [59][1080/1879] lr: 2.0000e-03 eta: 18:45:31 time: 0.8096 data_time: 0.2713 memory: 9812 grad_norm: 3.1730 loss: 2.0559 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0265 distill.loss_dist: 1.0294 2023/05/15 09:43:21 - mmengine - INFO - Epoch(train) [59][1100/1879] lr: 2.0000e-03 eta: 18:45:13 time: 0.8379 data_time: 0.0481 memory: 9812 grad_norm: 3.1478 loss: 2.3417 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3107 distill.loss_dist: 1.0310 2023/05/15 09:43:39 - mmengine - INFO - Epoch(train) [59][1120/1879] lr: 2.0000e-03 eta: 18:44:56 time: 0.8848 data_time: 0.0272 memory: 9812 grad_norm: 3.2414 loss: 2.4016 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3301 distill.loss_dist: 1.0715 2023/05/15 09:43:57 - mmengine - INFO - Epoch(train) [59][1140/1879] lr: 2.0000e-03 eta: 18:44:39 time: 0.8824 data_time: 0.0332 memory: 9812 grad_norm: 3.2089 loss: 2.2571 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2154 distill.loss_dist: 1.0417 2023/05/15 09:44:14 - mmengine - INFO - Epoch(train) [59][1160/1879] lr: 2.0000e-03 eta: 18:44:21 time: 0.8588 data_time: 0.0246 memory: 9812 grad_norm: 3.1828 loss: 2.5517 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.4671 distill.loss_dist: 1.0846 2023/05/15 09:44:33 - mmengine - INFO - Epoch(train) [59][1180/1879] lr: 2.0000e-03 eta: 18:44:05 time: 0.9693 data_time: 0.0273 memory: 9812 grad_norm: 3.2006 loss: 2.3522 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.3126 distill.loss_dist: 1.0396 2023/05/15 09:44:49 - mmengine - INFO - Epoch(train) [59][1200/1879] lr: 2.0000e-03 eta: 18:43:47 time: 0.7872 data_time: 0.0267 memory: 9812 grad_norm: 3.1772 loss: 2.0586 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0387 distill.loss_dist: 1.0198 2023/05/15 09:45:05 - mmengine - INFO - Epoch(train) [59][1220/1879] lr: 2.0000e-03 eta: 18:43:28 time: 0.7905 data_time: 0.0304 memory: 9812 grad_norm: 3.1053 loss: 2.2160 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1955 distill.loss_dist: 1.0205 2023/05/15 09:45:23 - mmengine - INFO - Epoch(train) [59][1240/1879] lr: 2.0000e-03 eta: 18:43:12 time: 0.9252 data_time: 0.0276 memory: 9812 grad_norm: 3.1708 loss: 2.2680 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2286 distill.loss_dist: 1.0394 2023/05/15 09:45:39 - mmengine - INFO - Epoch(train) [59][1260/1879] lr: 2.0000e-03 eta: 18:42:53 time: 0.7732 data_time: 0.1263 memory: 9812 grad_norm: 3.2448 loss: 2.0120 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9869 distill.loss_dist: 1.0251 2023/05/15 09:45:57 - mmengine - INFO - Epoch(train) [59][1280/1879] lr: 2.0000e-03 eta: 18:42:36 time: 0.8855 data_time: 0.2544 memory: 9812 grad_norm: 3.2762 loss: 2.5566 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.4929 distill.loss_dist: 1.0637 2023/05/15 09:46:14 - mmengine - INFO - Epoch(train) [59][1300/1879] lr: 2.0000e-03 eta: 18:42:19 time: 0.8685 data_time: 0.2091 memory: 9812 grad_norm: 3.2638 loss: 2.4189 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3760 distill.loss_dist: 1.0429 2023/05/15 09:46:31 - mmengine - INFO - Epoch(train) [59][1320/1879] lr: 2.0000e-03 eta: 18:42:01 time: 0.8519 data_time: 0.1417 memory: 9812 grad_norm: 3.1804 loss: 2.1797 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1288 distill.loss_dist: 1.0509 2023/05/15 09:46:48 - mmengine - INFO - Epoch(train) [59][1340/1879] lr: 2.0000e-03 eta: 18:41:44 time: 0.8691 data_time: 0.2439 memory: 9812 grad_norm: 3.1492 loss: 2.2287 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1835 distill.loss_dist: 1.0453 2023/05/15 09:47:05 - mmengine - INFO - Epoch(train) [59][1360/1879] lr: 2.0000e-03 eta: 18:41:26 time: 0.8232 data_time: 0.0818 memory: 9812 grad_norm: 3.2206 loss: 2.1370 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1246 distill.loss_dist: 1.0124 2023/05/15 09:47:24 - mmengine - INFO - Epoch(train) [59][1380/1879] lr: 2.0000e-03 eta: 18:41:09 time: 0.9359 data_time: 0.0235 memory: 9812 grad_norm: 3.2059 loss: 2.1824 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1680 distill.loss_dist: 1.0144 2023/05/15 09:47:41 - mmengine - INFO - Epoch(train) [59][1400/1879] lr: 2.0000e-03 eta: 18:40:52 time: 0.8653 data_time: 0.0263 memory: 9812 grad_norm: 3.1777 loss: 2.1552 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1006 distill.loss_dist: 1.0546 2023/05/15 09:47:57 - mmengine - INFO - Epoch(train) [59][1420/1879] lr: 2.0000e-03 eta: 18:40:33 time: 0.7878 data_time: 0.0262 memory: 9812 grad_norm: 3.1350 loss: 2.2075 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1740 distill.loss_dist: 1.0336 2023/05/15 09:48:15 - mmengine - INFO - Epoch(train) [59][1440/1879] lr: 2.0000e-03 eta: 18:40:17 time: 0.9337 data_time: 0.0258 memory: 9812 grad_norm: 3.2974 loss: 2.3291 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2768 distill.loss_dist: 1.0522 2023/05/15 09:48:32 - mmengine - INFO - Epoch(train) [59][1460/1879] lr: 2.0000e-03 eta: 18:39:59 time: 0.8164 data_time: 0.0366 memory: 9812 grad_norm: 3.2213 loss: 2.2126 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1714 distill.loss_dist: 1.0412 2023/05/15 09:48:49 - mmengine - INFO - Epoch(train) [59][1480/1879] lr: 2.0000e-03 eta: 18:39:42 time: 0.8754 data_time: 0.0796 memory: 9812 grad_norm: 3.2166 loss: 1.9858 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 0.9692 distill.loss_dist: 1.0166 2023/05/15 09:49:07 - mmengine - INFO - Epoch(train) [59][1500/1879] lr: 2.0000e-03 eta: 18:39:25 time: 0.9005 data_time: 0.1058 memory: 9812 grad_norm: 3.2042 loss: 2.4085 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3617 distill.loss_dist: 1.0467 2023/05/15 09:49:24 - mmengine - INFO - Epoch(train) [59][1520/1879] lr: 2.0000e-03 eta: 18:39:07 time: 0.8370 data_time: 0.0560 memory: 9812 grad_norm: 3.0991 loss: 2.2121 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1621 distill.loss_dist: 1.0500 2023/05/15 09:49:44 - mmengine - INFO - Epoch(train) [59][1540/1879] lr: 2.0000e-03 eta: 18:38:51 time: 0.9826 data_time: 0.0271 memory: 9812 grad_norm: 3.1102 loss: 2.1135 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0749 distill.loss_dist: 1.0385 2023/05/15 09:50:00 - mmengine - INFO - Epoch(train) [59][1560/1879] lr: 2.0000e-03 eta: 18:38:33 time: 0.8162 data_time: 0.0732 memory: 9812 grad_norm: 3.1861 loss: 2.2979 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2313 distill.loss_dist: 1.0667 2023/05/15 09:50:16 - mmengine - INFO - Epoch(train) [59][1580/1879] lr: 2.0000e-03 eta: 18:38:15 time: 0.8214 data_time: 0.1638 memory: 9812 grad_norm: 3.2645 loss: 2.1743 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1126 distill.loss_dist: 1.0618 2023/05/15 09:50:34 - mmengine - INFO - Epoch(train) [59][1600/1879] lr: 2.0000e-03 eta: 18:37:58 time: 0.8570 data_time: 0.1666 memory: 9812 grad_norm: 3.1760 loss: 2.0527 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0680 distill.loss_dist: 0.9847 2023/05/15 09:50:51 - mmengine - INFO - Epoch(train) [59][1620/1879] lr: 2.0000e-03 eta: 18:37:41 time: 0.8736 data_time: 0.0979 memory: 9812 grad_norm: 3.1157 loss: 2.2016 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1583 distill.loss_dist: 1.0433 2023/05/15 09:51:09 - mmengine - INFO - Epoch(train) [59][1640/1879] lr: 2.0000e-03 eta: 18:37:24 time: 0.8944 data_time: 0.0624 memory: 9812 grad_norm: 3.1498 loss: 2.3569 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.3091 distill.loss_dist: 1.0478 2023/05/15 09:51:25 - mmengine - INFO - Epoch(train) [59][1660/1879] lr: 2.0000e-03 eta: 18:37:06 time: 0.8213 data_time: 0.0426 memory: 9812 grad_norm: 3.2111 loss: 2.3468 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3139 distill.loss_dist: 1.0329 2023/05/15 09:51:42 - mmengine - INFO - Epoch(train) [59][1680/1879] lr: 2.0000e-03 eta: 18:36:47 time: 0.8176 data_time: 0.0807 memory: 9812 grad_norm: 3.2211 loss: 2.1380 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1111 distill.loss_dist: 1.0269 2023/05/15 09:52:01 - mmengine - INFO - Epoch(train) [59][1700/1879] lr: 2.0000e-03 eta: 18:36:31 time: 0.9359 data_time: 0.1104 memory: 9812 grad_norm: 3.2767 loss: 2.3390 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.3229 distill.loss_dist: 1.0161 2023/05/15 09:52:19 - mmengine - INFO - Epoch(train) [59][1720/1879] lr: 2.0000e-03 eta: 18:36:14 time: 0.9068 data_time: 0.3517 memory: 9812 grad_norm: 3.1417 loss: 2.2277 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1701 distill.loss_dist: 1.0576 2023/05/15 09:52:35 - mmengine - INFO - Epoch(train) [59][1740/1879] lr: 2.0000e-03 eta: 18:35:56 time: 0.8024 data_time: 0.1896 memory: 9812 grad_norm: 3.2056 loss: 2.3210 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.2572 distill.loss_dist: 1.0638 2023/05/15 09:52:52 - mmengine - INFO - Epoch(train) [59][1760/1879] lr: 2.0000e-03 eta: 18:35:39 time: 0.8759 data_time: 0.2614 memory: 9812 grad_norm: 3.2106 loss: 2.3163 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2441 distill.loss_dist: 1.0722 2023/05/15 09:53:11 - mmengine - INFO - Epoch(train) [59][1780/1879] lr: 2.0000e-03 eta: 18:35:23 time: 0.9479 data_time: 0.4616 memory: 9812 grad_norm: 3.2198 loss: 2.2688 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2138 distill.loss_dist: 1.0550 2023/05/15 09:53:27 - mmengine - INFO - Epoch(train) [59][1800/1879] lr: 2.0000e-03 eta: 18:35:04 time: 0.7805 data_time: 0.3066 memory: 9812 grad_norm: 3.1956 loss: 2.4102 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3838 distill.loss_dist: 1.0264 2023/05/15 09:53:44 - mmengine - INFO - Epoch(train) [59][1820/1879] lr: 2.0000e-03 eta: 18:34:47 time: 0.8694 data_time: 0.2416 memory: 9812 grad_norm: 3.1747 loss: 2.2829 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2732 distill.loss_dist: 1.0097 2023/05/15 09:54:02 - mmengine - INFO - Epoch(train) [59][1840/1879] lr: 2.0000e-03 eta: 18:34:30 time: 0.8874 data_time: 0.1521 memory: 9812 grad_norm: 3.2552 loss: 2.2282 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1939 distill.loss_dist: 1.0344 2023/05/15 09:54:19 - mmengine - INFO - Epoch(train) [59][1860/1879] lr: 2.0000e-03 eta: 18:34:12 time: 0.8241 data_time: 0.0207 memory: 9812 grad_norm: 3.1749 loss: 2.1721 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1402 distill.loss_dist: 1.0319 2023/05/15 09:54:32 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 09:54:32 - mmengine - INFO - Epoch(train) [59][1879/1879] lr: 2.0000e-03 eta: 18:33:53 time: 0.7156 data_time: 0.0200 memory: 9812 grad_norm: 3.2625 loss: 2.3290 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.2769 distill.loss_dist: 1.0521 2023/05/15 09:54:52 - mmengine - INFO - Epoch(val) [59][ 20/155] eta: 0:02:12 time: 0.9804 data_time: 0.9196 memory: 1484 2023/05/15 09:55:05 - mmengine - INFO - Epoch(val) [59][ 40/155] eta: 0:01:34 time: 0.6645 data_time: 0.5954 memory: 1484 2023/05/15 09:55:24 - mmengine - INFO - Epoch(val) [59][ 60/155] eta: 0:01:21 time: 0.9364 data_time: 0.8685 memory: 1484 2023/05/15 09:55:38 - mmengine - INFO - Epoch(val) [59][ 80/155] eta: 0:01:00 time: 0.6716 data_time: 0.6101 memory: 1484 2023/05/15 09:55:57 - mmengine - INFO - Epoch(val) [59][100/155] eta: 0:00:46 time: 0.9802 data_time: 0.9165 memory: 1484 2023/05/15 09:56:10 - mmengine - INFO - Epoch(val) [59][120/155] eta: 0:00:28 time: 0.6435 data_time: 0.5767 memory: 1484 2023/05/15 09:56:30 - mmengine - INFO - Epoch(val) [59][140/155] eta: 0:00:12 time: 1.0085 data_time: 0.9476 memory: 1484 2023/05/15 09:56:59 - mmengine - INFO - Epoch(val) [59][ 20/155] eta: 0:16:21 time: 0.9929 data_time: 0.8357 memory: 1582 2023/05/15 09:57:14 - mmengine - INFO - Epoch(val) [59][ 40/155] eta: 0:07:39 time: 0.7217 data_time: 0.5669 memory: 1582 2023/05/15 09:57:33 - mmengine - INFO - Epoch(val) [59][ 60/155] eta: 0:04:42 time: 0.9352 data_time: 0.7831 memory: 1582 2023/05/15 09:57:46 - mmengine - INFO - Epoch(val) [59][ 80/155] eta: 0:03:00 time: 0.6846 data_time: 0.5307 memory: 1582 2023/05/15 09:58:06 - mmengine - INFO - Epoch(val) [59][100/155] eta: 0:01:56 time: 0.9629 data_time: 0.8046 memory: 1582 2023/05/15 09:58:20 - mmengine - INFO - Epoch(val) [59][120/155] eta: 0:01:05 time: 0.7275 data_time: 0.5715 memory: 1582 2023/05/15 09:58:40 - mmengine - INFO - Epoch(val) [59][140/155] eta: 0:00:26 time: 1.0198 data_time: 0.8673 memory: 1582 2023/05/15 09:58:49 - mmengine - INFO - Epoch(val) [59][155/155] acc/top1: 0.6727 acc/top5: 0.8765 acc/mean1: 0.6725 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6683 time: 0.8212 2023/05/15 09:59:10 - mmengine - INFO - Epoch(train) [60][ 20/1879] lr: 2.0000e-03 eta: 18:33:38 time: 1.0447 data_time: 0.3810 memory: 9812 grad_norm: 3.2139 loss: 2.2106 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1788 distill.loss_dist: 1.0318 2023/05/15 09:59:27 - mmengine - INFO - Epoch(train) [60][ 40/1879] lr: 2.0000e-03 eta: 18:33:21 time: 0.8629 data_time: 0.0597 memory: 9812 grad_norm: 3.1208 loss: 2.0257 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0160 distill.loss_dist: 1.0097 2023/05/15 09:59:43 - mmengine - INFO - Epoch(train) [60][ 60/1879] lr: 2.0000e-03 eta: 18:33:03 time: 0.8021 data_time: 0.0680 memory: 9812 grad_norm: 3.1900 loss: 2.1243 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.0804 distill.loss_dist: 1.0439 2023/05/15 10:00:03 - mmengine - INFO - Epoch(train) [60][ 80/1879] lr: 2.0000e-03 eta: 18:32:47 time: 0.9632 data_time: 0.0347 memory: 9812 grad_norm: 3.2390 loss: 2.3587 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2978 distill.loss_dist: 1.0609 2023/05/15 10:00:20 - mmengine - INFO - Epoch(train) [60][ 100/1879] lr: 2.0000e-03 eta: 18:32:29 time: 0.8456 data_time: 0.0253 memory: 9812 grad_norm: 3.2055 loss: 2.0610 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0509 distill.loss_dist: 1.0101 2023/05/15 10:00:35 - mmengine - INFO - Epoch(train) [60][ 120/1879] lr: 2.0000e-03 eta: 18:32:11 time: 0.7923 data_time: 0.1198 memory: 9812 grad_norm: 3.1348 loss: 2.1656 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1371 distill.loss_dist: 1.0285 2023/05/15 10:00:54 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 10:00:55 - mmengine - INFO - Epoch(train) [60][ 140/1879] lr: 2.0000e-03 eta: 18:31:55 time: 0.9621 data_time: 0.1045 memory: 9812 grad_norm: 3.1002 loss: 2.2126 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1943 distill.loss_dist: 1.0183 2023/05/15 10:01:12 - mmengine - INFO - Epoch(train) [60][ 160/1879] lr: 2.0000e-03 eta: 18:31:37 time: 0.8484 data_time: 0.0663 memory: 9812 grad_norm: 3.2680 loss: 2.2426 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2190 distill.loss_dist: 1.0237 2023/05/15 10:01:28 - mmengine - INFO - Epoch(train) [60][ 180/1879] lr: 2.0000e-03 eta: 18:31:19 time: 0.8151 data_time: 0.0298 memory: 9812 grad_norm: 3.1888 loss: 2.3057 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2497 distill.loss_dist: 1.0559 2023/05/15 10:01:48 - mmengine - INFO - Epoch(train) [60][ 200/1879] lr: 2.0000e-03 eta: 18:31:03 time: 0.9781 data_time: 0.0304 memory: 9812 grad_norm: 3.1500 loss: 2.1775 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1456 distill.loss_dist: 1.0318 2023/05/15 10:02:03 - mmengine - INFO - Epoch(train) [60][ 220/1879] lr: 2.0000e-03 eta: 18:30:45 time: 0.7782 data_time: 0.0313 memory: 9812 grad_norm: 3.1750 loss: 2.2163 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1920 distill.loss_dist: 1.0243 2023/05/15 10:02:20 - mmengine - INFO - Epoch(train) [60][ 240/1879] lr: 2.0000e-03 eta: 18:30:27 time: 0.8311 data_time: 0.0246 memory: 9812 grad_norm: 3.1759 loss: 2.2668 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2060 distill.loss_dist: 1.0608 2023/05/15 10:02:38 - mmengine - INFO - Epoch(train) [60][ 260/1879] lr: 2.0000e-03 eta: 18:30:10 time: 0.9274 data_time: 0.0258 memory: 9812 grad_norm: 3.1955 loss: 2.1465 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0944 distill.loss_dist: 1.0521 2023/05/15 10:02:56 - mmengine - INFO - Epoch(train) [60][ 280/1879] lr: 2.0000e-03 eta: 18:29:53 time: 0.8643 data_time: 0.0260 memory: 9812 grad_norm: 3.2892 loss: 2.3074 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2552 distill.loss_dist: 1.0522 2023/05/15 10:03:11 - mmengine - INFO - Epoch(train) [60][ 300/1879] lr: 2.0000e-03 eta: 18:29:34 time: 0.7839 data_time: 0.0282 memory: 9812 grad_norm: 3.1763 loss: 2.3904 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3334 distill.loss_dist: 1.0570 2023/05/15 10:03:30 - mmengine - INFO - Epoch(train) [60][ 320/1879] lr: 2.0000e-03 eta: 18:29:18 time: 0.9359 data_time: 0.0251 memory: 9812 grad_norm: 3.2300 loss: 2.2859 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2243 distill.loss_dist: 1.0616 2023/05/15 10:03:46 - mmengine - INFO - Epoch(train) [60][ 340/1879] lr: 2.0000e-03 eta: 18:29:00 time: 0.8139 data_time: 0.0257 memory: 9812 grad_norm: 3.1346 loss: 2.1761 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1188 distill.loss_dist: 1.0572 2023/05/15 10:04:04 - mmengine - INFO - Epoch(train) [60][ 360/1879] lr: 2.0000e-03 eta: 18:28:42 time: 0.8634 data_time: 0.0275 memory: 9812 grad_norm: 3.2183 loss: 2.2546 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2005 distill.loss_dist: 1.0541 2023/05/15 10:04:22 - mmengine - INFO - Epoch(train) [60][ 380/1879] lr: 2.0000e-03 eta: 18:28:26 time: 0.9068 data_time: 0.0254 memory: 9812 grad_norm: 3.1402 loss: 2.2379 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2126 distill.loss_dist: 1.0253 2023/05/15 10:04:39 - mmengine - INFO - Epoch(train) [60][ 400/1879] lr: 2.0000e-03 eta: 18:28:08 time: 0.8604 data_time: 0.0277 memory: 9812 grad_norm: 3.1227 loss: 2.2652 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2502 distill.loss_dist: 1.0149 2023/05/15 10:04:55 - mmengine - INFO - Epoch(train) [60][ 420/1879] lr: 2.0000e-03 eta: 18:27:50 time: 0.8084 data_time: 0.0295 memory: 9812 grad_norm: 3.1885 loss: 2.2351 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1909 distill.loss_dist: 1.0442 2023/05/15 10:05:14 - mmengine - INFO - Epoch(train) [60][ 440/1879] lr: 2.0000e-03 eta: 18:27:33 time: 0.9275 data_time: 0.0283 memory: 9812 grad_norm: 3.1133 loss: 2.1126 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0789 distill.loss_dist: 1.0337 2023/05/15 10:05:30 - mmengine - INFO - Epoch(train) [60][ 460/1879] lr: 2.0000e-03 eta: 18:27:15 time: 0.8061 data_time: 0.0259 memory: 9812 grad_norm: 3.2234 loss: 2.2168 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1928 distill.loss_dist: 1.0239 2023/05/15 10:05:47 - mmengine - INFO - Epoch(train) [60][ 480/1879] lr: 2.0000e-03 eta: 18:26:58 time: 0.8696 data_time: 0.0261 memory: 9812 grad_norm: 3.1769 loss: 2.2048 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1602 distill.loss_dist: 1.0446 2023/05/15 10:06:07 - mmengine - INFO - Epoch(train) [60][ 500/1879] lr: 2.0000e-03 eta: 18:26:42 time: 0.9546 data_time: 0.0270 memory: 9812 grad_norm: 3.1398 loss: 2.1002 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0885 distill.loss_dist: 1.0117 2023/05/15 10:06:22 - mmengine - INFO - Epoch(train) [60][ 520/1879] lr: 2.0000e-03 eta: 18:26:23 time: 0.7952 data_time: 0.0275 memory: 9812 grad_norm: 3.2424 loss: 2.1344 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1019 distill.loss_dist: 1.0325 2023/05/15 10:06:39 - mmengine - INFO - Epoch(train) [60][ 540/1879] lr: 2.0000e-03 eta: 18:26:06 time: 0.8406 data_time: 0.0289 memory: 9812 grad_norm: 3.1973 loss: 2.1336 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1311 distill.loss_dist: 1.0025 2023/05/15 10:06:57 - mmengine - INFO - Epoch(train) [60][ 560/1879] lr: 2.0000e-03 eta: 18:25:49 time: 0.8989 data_time: 0.0260 memory: 9812 grad_norm: 3.2348 loss: 2.2678 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2310 distill.loss_dist: 1.0368 2023/05/15 10:07:14 - mmengine - INFO - Epoch(train) [60][ 580/1879] lr: 2.0000e-03 eta: 18:25:31 time: 0.8397 data_time: 0.0256 memory: 9812 grad_norm: 3.2433 loss: 2.1665 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1000 distill.loss_dist: 1.0665 2023/05/15 10:07:30 - mmengine - INFO - Epoch(train) [60][ 600/1879] lr: 2.0000e-03 eta: 18:25:13 time: 0.8015 data_time: 0.0279 memory: 9812 grad_norm: 3.2052 loss: 2.3592 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2969 distill.loss_dist: 1.0623 2023/05/15 10:07:49 - mmengine - INFO - Epoch(train) [60][ 620/1879] lr: 2.0000e-03 eta: 18:24:56 time: 0.9229 data_time: 0.0270 memory: 9812 grad_norm: 3.1548 loss: 2.2716 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2305 distill.loss_dist: 1.0412 2023/05/15 10:08:06 - mmengine - INFO - Epoch(train) [60][ 640/1879] lr: 2.0000e-03 eta: 18:24:39 time: 0.8825 data_time: 0.0277 memory: 9812 grad_norm: 3.2930 loss: 2.3167 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2998 distill.loss_dist: 1.0170 2023/05/15 10:08:24 - mmengine - INFO - Epoch(train) [60][ 660/1879] lr: 2.0000e-03 eta: 18:24:22 time: 0.8847 data_time: 0.0296 memory: 9812 grad_norm: 3.2457 loss: 2.2303 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1840 distill.loss_dist: 1.0463 2023/05/15 10:08:41 - mmengine - INFO - Epoch(train) [60][ 680/1879] lr: 2.0000e-03 eta: 18:24:04 time: 0.8323 data_time: 0.0267 memory: 9812 grad_norm: 3.1391 loss: 2.1465 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.1347 distill.loss_dist: 1.0118 2023/05/15 10:08:58 - mmengine - INFO - Epoch(train) [60][ 700/1879] lr: 2.0000e-03 eta: 18:23:47 time: 0.8748 data_time: 0.0305 memory: 9812 grad_norm: 3.2088 loss: 2.2359 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2190 distill.loss_dist: 1.0169 2023/05/15 10:09:17 - mmengine - INFO - Epoch(train) [60][ 720/1879] lr: 2.0000e-03 eta: 18:23:30 time: 0.9193 data_time: 0.0275 memory: 9812 grad_norm: 3.1624 loss: 2.0800 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0520 distill.loss_dist: 1.0280 2023/05/15 10:09:33 - mmengine - INFO - Epoch(train) [60][ 740/1879] lr: 2.0000e-03 eta: 18:23:12 time: 0.8317 data_time: 0.0269 memory: 9812 grad_norm: 3.1847 loss: 2.2875 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.2387 distill.loss_dist: 1.0488 2023/05/15 10:09:51 - mmengine - INFO - Epoch(train) [60][ 760/1879] lr: 2.0000e-03 eta: 18:22:55 time: 0.8981 data_time: 0.0301 memory: 9812 grad_norm: 3.2559 loss: 2.3662 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3134 distill.loss_dist: 1.0528 2023/05/15 10:10:07 - mmengine - INFO - Epoch(train) [60][ 780/1879] lr: 2.0000e-03 eta: 18:22:37 time: 0.7996 data_time: 0.0272 memory: 9812 grad_norm: 3.2268 loss: 2.3430 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2988 distill.loss_dist: 1.0442 2023/05/15 10:10:27 - mmengine - INFO - Epoch(train) [60][ 800/1879] lr: 2.0000e-03 eta: 18:22:21 time: 0.9649 data_time: 0.0255 memory: 9812 grad_norm: 3.2097 loss: 2.1801 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1658 distill.loss_dist: 1.0144 2023/05/15 10:10:43 - mmengine - INFO - Epoch(train) [60][ 820/1879] lr: 2.0000e-03 eta: 18:22:03 time: 0.8377 data_time: 0.0282 memory: 9812 grad_norm: 3.1771 loss: 2.0986 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0695 distill.loss_dist: 1.0290 2023/05/15 10:11:00 - mmengine - INFO - Epoch(train) [60][ 840/1879] lr: 2.0000e-03 eta: 18:21:45 time: 0.8227 data_time: 0.0264 memory: 9812 grad_norm: 3.3037 loss: 2.3213 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2751 distill.loss_dist: 1.0461 2023/05/15 10:11:18 - mmengine - INFO - Epoch(train) [60][ 860/1879] lr: 2.0000e-03 eta: 18:21:29 time: 0.9172 data_time: 0.0289 memory: 9812 grad_norm: 3.2317 loss: 2.1006 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0767 distill.loss_dist: 1.0239 2023/05/15 10:11:34 - mmengine - INFO - Epoch(train) [60][ 880/1879] lr: 2.0000e-03 eta: 18:21:11 time: 0.8161 data_time: 0.0332 memory: 9812 grad_norm: 3.1695 loss: 2.2476 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2077 distill.loss_dist: 1.0399 2023/05/15 10:11:52 - mmengine - INFO - Epoch(train) [60][ 900/1879] lr: 2.0000e-03 eta: 18:20:53 time: 0.8621 data_time: 0.0265 memory: 9812 grad_norm: 3.2099 loss: 2.1795 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1721 distill.loss_dist: 1.0074 2023/05/15 10:12:11 - mmengine - INFO - Epoch(train) [60][ 920/1879] lr: 2.0000e-03 eta: 18:20:37 time: 0.9387 data_time: 0.0290 memory: 9812 grad_norm: 3.1767 loss: 2.1741 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.1336 distill.loss_dist: 1.0405 2023/05/15 10:12:26 - mmengine - INFO - Epoch(train) [60][ 940/1879] lr: 2.0000e-03 eta: 18:20:18 time: 0.7909 data_time: 0.0263 memory: 9812 grad_norm: 3.1912 loss: 2.3566 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3250 distill.loss_dist: 1.0315 2023/05/15 10:12:44 - mmengine - INFO - Epoch(train) [60][ 960/1879] lr: 2.0000e-03 eta: 18:20:01 time: 0.8773 data_time: 0.0252 memory: 9812 grad_norm: 3.2305 loss: 2.2320 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2181 distill.loss_dist: 1.0140 2023/05/15 10:13:02 - mmengine - INFO - Epoch(train) [60][ 980/1879] lr: 2.0000e-03 eta: 18:19:44 time: 0.8932 data_time: 0.0280 memory: 9812 grad_norm: 3.2951 loss: 2.3588 student.top1_acc: 0.3125 student.top5_acc: 0.6875 student.loss_cls: 1.2669 distill.loss_dist: 1.0920 2023/05/15 10:13:19 - mmengine - INFO - Epoch(train) [60][1000/1879] lr: 2.0000e-03 eta: 18:19:27 time: 0.8606 data_time: 0.0270 memory: 9812 grad_norm: 3.2595 loss: 2.1465 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1281 distill.loss_dist: 1.0184 2023/05/15 10:13:35 - mmengine - INFO - Epoch(train) [60][1020/1879] lr: 2.0000e-03 eta: 18:19:09 time: 0.7991 data_time: 0.0248 memory: 9812 grad_norm: 3.1517 loss: 2.3273 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3182 distill.loss_dist: 1.0090 2023/05/15 10:13:54 - mmengine - INFO - Epoch(train) [60][1040/1879] lr: 2.0000e-03 eta: 18:18:52 time: 0.9649 data_time: 0.0270 memory: 9812 grad_norm: 3.1847 loss: 2.0851 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0554 distill.loss_dist: 1.0297 2023/05/15 10:14:10 - mmengine - INFO - Epoch(train) [60][1060/1879] lr: 2.0000e-03 eta: 18:18:34 time: 0.7957 data_time: 0.0538 memory: 9812 grad_norm: 3.1783 loss: 2.2346 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1730 distill.loss_dist: 1.0615 2023/05/15 10:14:26 - mmengine - INFO - Epoch(train) [60][1080/1879] lr: 2.0000e-03 eta: 18:18:16 time: 0.7984 data_time: 0.0304 memory: 9812 grad_norm: 3.2210 loss: 2.4088 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3610 distill.loss_dist: 1.0478 2023/05/15 10:14:45 - mmengine - INFO - Epoch(train) [60][1100/1879] lr: 2.0000e-03 eta: 18:18:00 time: 0.9563 data_time: 0.0499 memory: 9812 grad_norm: 3.2687 loss: 2.3422 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2791 distill.loss_dist: 1.0631 2023/05/15 10:15:02 - mmengine - INFO - Epoch(train) [60][1120/1879] lr: 2.0000e-03 eta: 18:17:42 time: 0.8279 data_time: 0.0431 memory: 9812 grad_norm: 3.2363 loss: 2.1738 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1231 distill.loss_dist: 1.0508 2023/05/15 10:15:18 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 10:15:18 - mmengine - INFO - Epoch(train) [60][1140/1879] lr: 2.0000e-03 eta: 18:17:24 time: 0.8064 data_time: 0.0888 memory: 9812 grad_norm: 3.2016 loss: 2.1116 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1093 distill.loss_dist: 1.0023 2023/05/15 10:15:36 - mmengine - INFO - Epoch(train) [60][1160/1879] lr: 2.0000e-03 eta: 18:17:06 time: 0.8808 data_time: 0.2318 memory: 9812 grad_norm: 3.3049 loss: 2.3619 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2923 distill.loss_dist: 1.0696 2023/05/15 10:15:55 - mmengine - INFO - Epoch(train) [60][1180/1879] lr: 2.0000e-03 eta: 18:16:50 time: 0.9628 data_time: 0.5074 memory: 9812 grad_norm: 3.3013 loss: 2.3428 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2889 distill.loss_dist: 1.0539 2023/05/15 10:16:12 - mmengine - INFO - Epoch(train) [60][1200/1879] lr: 2.0000e-03 eta: 18:16:32 time: 0.8217 data_time: 0.2917 memory: 9812 grad_norm: 3.1554 loss: 2.1735 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1369 distill.loss_dist: 1.0366 2023/05/15 10:16:28 - mmengine - INFO - Epoch(train) [60][1220/1879] lr: 2.0000e-03 eta: 18:16:15 time: 0.8339 data_time: 0.2513 memory: 9812 grad_norm: 3.2158 loss: 2.3334 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2905 distill.loss_dist: 1.0429 2023/05/15 10:16:47 - mmengine - INFO - Epoch(train) [60][1240/1879] lr: 2.0000e-03 eta: 18:15:58 time: 0.9535 data_time: 0.5207 memory: 9812 grad_norm: 3.1921 loss: 2.3032 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2458 distill.loss_dist: 1.0574 2023/05/15 10:17:03 - mmengine - INFO - Epoch(train) [60][1260/1879] lr: 2.0000e-03 eta: 18:15:40 time: 0.7997 data_time: 0.3679 memory: 9812 grad_norm: 3.1870 loss: 2.2949 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2548 distill.loss_dist: 1.0401 2023/05/15 10:17:19 - mmengine - INFO - Epoch(train) [60][1280/1879] lr: 2.0000e-03 eta: 18:15:22 time: 0.8028 data_time: 0.3607 memory: 9812 grad_norm: 3.1501 loss: 2.0673 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0650 distill.loss_dist: 1.0023 2023/05/15 10:17:38 - mmengine - INFO - Epoch(train) [60][1300/1879] lr: 2.0000e-03 eta: 18:15:06 time: 0.9336 data_time: 0.5049 memory: 9812 grad_norm: 3.0826 loss: 2.0247 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0162 distill.loss_dist: 1.0085 2023/05/15 10:17:54 - mmengine - INFO - Epoch(train) [60][1320/1879] lr: 2.0000e-03 eta: 18:14:47 time: 0.7808 data_time: 0.3506 memory: 9812 grad_norm: 3.2034 loss: 2.1918 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1627 distill.loss_dist: 1.0291 2023/05/15 10:18:11 - mmengine - INFO - Epoch(train) [60][1340/1879] lr: 2.0000e-03 eta: 18:14:29 time: 0.8393 data_time: 0.3146 memory: 9812 grad_norm: 3.2830 loss: 2.0258 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0172 distill.loss_dist: 1.0086 2023/05/15 10:18:29 - mmengine - INFO - Epoch(train) [60][1360/1879] lr: 2.0000e-03 eta: 18:14:12 time: 0.9032 data_time: 0.2038 memory: 9812 grad_norm: 3.2444 loss: 2.4408 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3764 distill.loss_dist: 1.0645 2023/05/15 10:18:45 - mmengine - INFO - Epoch(train) [60][1380/1879] lr: 2.0000e-03 eta: 18:13:54 time: 0.8267 data_time: 0.0681 memory: 9812 grad_norm: 3.1920 loss: 2.3485 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2843 distill.loss_dist: 1.0642 2023/05/15 10:19:04 - mmengine - INFO - Epoch(train) [60][1400/1879] lr: 2.0000e-03 eta: 18:13:38 time: 0.9172 data_time: 0.0253 memory: 9812 grad_norm: 3.2370 loss: 2.1762 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1313 distill.loss_dist: 1.0450 2023/05/15 10:19:21 - mmengine - INFO - Epoch(train) [60][1420/1879] lr: 2.0000e-03 eta: 18:13:21 time: 0.8807 data_time: 0.0309 memory: 9812 grad_norm: 3.2478 loss: 2.1478 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0912 distill.loss_dist: 1.0566 2023/05/15 10:19:38 - mmengine - INFO - Epoch(train) [60][1440/1879] lr: 2.0000e-03 eta: 18:13:03 time: 0.8422 data_time: 0.0241 memory: 9812 grad_norm: 3.1843 loss: 2.1193 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1083 distill.loss_dist: 1.0110 2023/05/15 10:19:57 - mmengine - INFO - Epoch(train) [60][1460/1879] lr: 2.0000e-03 eta: 18:12:47 time: 0.9433 data_time: 0.0253 memory: 9812 grad_norm: 3.1445 loss: 2.1980 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1779 distill.loss_dist: 1.0201 2023/05/15 10:20:13 - mmengine - INFO - Epoch(train) [60][1480/1879] lr: 2.0000e-03 eta: 18:12:28 time: 0.8042 data_time: 0.0291 memory: 9812 grad_norm: 3.1825 loss: 2.2238 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1688 distill.loss_dist: 1.0550 2023/05/15 10:20:30 - mmengine - INFO - Epoch(train) [60][1500/1879] lr: 2.0000e-03 eta: 18:12:11 time: 0.8567 data_time: 0.0725 memory: 9812 grad_norm: 3.2087 loss: 2.2691 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2352 distill.loss_dist: 1.0338 2023/05/15 10:20:49 - mmengine - INFO - Epoch(train) [60][1520/1879] lr: 2.0000e-03 eta: 18:11:55 time: 0.9473 data_time: 0.0697 memory: 9812 grad_norm: 3.2166 loss: 2.1319 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1062 distill.loss_dist: 1.0257 2023/05/15 10:21:05 - mmengine - INFO - Epoch(train) [60][1540/1879] lr: 2.0000e-03 eta: 18:11:36 time: 0.7926 data_time: 0.0279 memory: 9812 grad_norm: 3.2103 loss: 2.1787 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1401 distill.loss_dist: 1.0387 2023/05/15 10:21:21 - mmengine - INFO - Epoch(train) [60][1560/1879] lr: 2.0000e-03 eta: 18:11:18 time: 0.8050 data_time: 0.0246 memory: 9812 grad_norm: 3.2012 loss: 2.1122 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0788 distill.loss_dist: 1.0335 2023/05/15 10:21:38 - mmengine - INFO - Epoch(train) [60][1580/1879] lr: 2.0000e-03 eta: 18:11:01 time: 0.8670 data_time: 0.1950 memory: 9812 grad_norm: 3.2717 loss: 2.1466 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1038 distill.loss_dist: 1.0428 2023/05/15 10:21:56 - mmengine - INFO - Epoch(train) [60][1600/1879] lr: 2.0000e-03 eta: 18:10:43 time: 0.8620 data_time: 0.3887 memory: 9812 grad_norm: 3.2428 loss: 2.2190 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1857 distill.loss_dist: 1.0334 2023/05/15 10:22:12 - mmengine - INFO - Epoch(train) [60][1620/1879] lr: 2.0000e-03 eta: 18:10:25 time: 0.8254 data_time: 0.4002 memory: 9812 grad_norm: 3.1948 loss: 2.1511 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1173 distill.loss_dist: 1.0338 2023/05/15 10:22:31 - mmengine - INFO - Epoch(train) [60][1640/1879] lr: 2.0000e-03 eta: 18:10:09 time: 0.9243 data_time: 0.5042 memory: 9812 grad_norm: 3.2191 loss: 2.1104 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1078 distill.loss_dist: 1.0026 2023/05/15 10:22:46 - mmengine - INFO - Epoch(train) [60][1660/1879] lr: 2.0000e-03 eta: 18:09:50 time: 0.7825 data_time: 0.3617 memory: 9812 grad_norm: 3.3135 loss: 2.4807 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4111 distill.loss_dist: 1.0696 2023/05/15 10:23:03 - mmengine - INFO - Epoch(train) [60][1680/1879] lr: 2.0000e-03 eta: 18:09:32 time: 0.8249 data_time: 0.3832 memory: 9812 grad_norm: 3.2350 loss: 2.2576 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2110 distill.loss_dist: 1.0466 2023/05/15 10:23:22 - mmengine - INFO - Epoch(train) [60][1700/1879] lr: 2.0000e-03 eta: 18:09:16 time: 0.9607 data_time: 0.3931 memory: 9812 grad_norm: 3.2923 loss: 2.1160 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1118 distill.loss_dist: 1.0043 2023/05/15 10:23:39 - mmengine - INFO - Epoch(train) [60][1720/1879] lr: 2.0000e-03 eta: 18:08:58 time: 0.8207 data_time: 0.2432 memory: 9812 grad_norm: 3.2046 loss: 2.2645 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2415 distill.loss_dist: 1.0230 2023/05/15 10:23:55 - mmengine - INFO - Epoch(train) [60][1740/1879] lr: 2.0000e-03 eta: 18:08:40 time: 0.8106 data_time: 0.1322 memory: 9812 grad_norm: 3.1329 loss: 2.1581 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1479 distill.loss_dist: 1.0102 2023/05/15 10:24:14 - mmengine - INFO - Epoch(train) [60][1760/1879] lr: 2.0000e-03 eta: 18:08:24 time: 0.9394 data_time: 0.2393 memory: 9812 grad_norm: 3.2361 loss: 2.2020 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1713 distill.loss_dist: 1.0307 2023/05/15 10:24:30 - mmengine - INFO - Epoch(train) [60][1780/1879] lr: 2.0000e-03 eta: 18:08:06 time: 0.8396 data_time: 0.4032 memory: 9812 grad_norm: 3.2463 loss: 2.1225 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0868 distill.loss_dist: 1.0357 2023/05/15 10:24:48 - mmengine - INFO - Epoch(train) [60][1800/1879] lr: 2.0000e-03 eta: 18:07:49 time: 0.8918 data_time: 0.4463 memory: 9812 grad_norm: 3.2659 loss: 2.2872 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2524 distill.loss_dist: 1.0348 2023/05/15 10:25:07 - mmengine - INFO - Epoch(train) [60][1820/1879] lr: 2.0000e-03 eta: 18:07:32 time: 0.9194 data_time: 0.4818 memory: 9812 grad_norm: 3.1935 loss: 2.3637 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3218 distill.loss_dist: 1.0418 2023/05/15 10:25:22 - mmengine - INFO - Epoch(train) [60][1840/1879] lr: 2.0000e-03 eta: 18:07:14 time: 0.7622 data_time: 0.3187 memory: 9812 grad_norm: 3.2049 loss: 2.3844 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3499 distill.loss_dist: 1.0345 2023/05/15 10:25:38 - mmengine - INFO - Epoch(train) [60][1860/1879] lr: 2.0000e-03 eta: 18:06:56 time: 0.8185 data_time: 0.3788 memory: 9812 grad_norm: 3.1732 loss: 2.1245 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1070 distill.loss_dist: 1.0175 2023/05/15 10:25:52 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 10:25:52 - mmengine - INFO - Epoch(train) [60][1879/1879] lr: 2.0000e-03 eta: 18:06:37 time: 0.6913 data_time: 0.1966 memory: 9812 grad_norm: 3.2777 loss: 2.1469 student.top1_acc: 0.4286 student.top5_acc: 0.8571 student.loss_cls: 1.1258 distill.loss_dist: 1.0211 2023/05/15 10:25:52 - mmengine - INFO - Saving checkpoint at 60 epochs 2023/05/15 10:26:13 - mmengine - INFO - Epoch(val) [60][ 20/155] eta: 0:02:07 time: 0.9442 data_time: 0.8803 memory: 1484 2023/05/15 10:26:27 - mmengine - INFO - Epoch(val) [60][ 40/155] eta: 0:01:35 time: 0.7225 data_time: 0.6604 memory: 1484 2023/05/15 10:26:46 - mmengine - INFO - Epoch(val) [60][ 60/155] eta: 0:01:22 time: 0.9287 data_time: 0.8661 memory: 1484 2023/05/15 10:26:59 - mmengine - INFO - Epoch(val) [60][ 80/155] eta: 0:01:01 time: 0.6879 data_time: 0.6218 memory: 1484 2023/05/15 10:27:19 - mmengine - INFO - Epoch(val) [60][100/155] eta: 0:00:46 time: 0.9864 data_time: 0.9251 memory: 1484 2023/05/15 10:27:32 - mmengine - INFO - Epoch(val) [60][120/155] eta: 0:00:28 time: 0.6359 data_time: 0.5706 memory: 1484 2023/05/15 10:27:50 - mmengine - INFO - Epoch(val) [60][140/155] eta: 0:00:12 time: 0.9186 data_time: 0.8584 memory: 1484 2023/05/15 10:28:19 - mmengine - INFO - Epoch(val) [60][ 20/155] eta: 0:16:08 time: 1.0061 data_time: 0.8496 memory: 1582 2023/05/15 10:28:33 - mmengine - INFO - Epoch(val) [60][ 40/155] eta: 0:07:33 time: 0.7084 data_time: 0.5542 memory: 1582 2023/05/15 10:28:51 - mmengine - INFO - Epoch(val) [60][ 60/155] eta: 0:04:39 time: 0.9335 data_time: 0.7788 memory: 1582 2023/05/15 10:29:04 - mmengine - INFO - Epoch(val) [60][ 80/155] eta: 0:02:57 time: 0.6497 data_time: 0.4955 memory: 1582 2023/05/15 10:29:23 - mmengine - INFO - Epoch(val) [60][100/155] eta: 0:01:54 time: 0.9396 data_time: 0.7879 memory: 1582 2023/05/15 10:29:37 - mmengine - INFO - Epoch(val) [60][120/155] eta: 0:01:04 time: 0.7128 data_time: 0.5598 memory: 1582 2023/05/15 10:29:58 - mmengine - INFO - Epoch(val) [60][140/155] eta: 0:00:26 time: 1.0172 data_time: 0.8633 memory: 1582 2023/05/15 10:30:07 - mmengine - INFO - Epoch(val) [60][155/155] acc/top1: 0.6728 acc/top5: 0.8774 acc/mean1: 0.6727 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6651 time: 0.8170 2023/05/15 10:30:29 - mmengine - INFO - Epoch(train) [61][ 20/1879] lr: 2.0000e-03 eta: 18:06:23 time: 1.0757 data_time: 0.5568 memory: 9812 grad_norm: 3.1602 loss: 2.1828 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1639 distill.loss_dist: 1.0189 2023/05/15 10:30:46 - mmengine - INFO - Epoch(train) [61][ 40/1879] lr: 2.0000e-03 eta: 18:06:05 time: 0.8424 data_time: 0.2305 memory: 9812 grad_norm: 3.1423 loss: 2.2062 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1742 distill.loss_dist: 1.0319 2023/05/15 10:31:02 - mmengine - INFO - Epoch(train) [61][ 60/1879] lr: 2.0000e-03 eta: 18:05:47 time: 0.8261 data_time: 0.1786 memory: 9812 grad_norm: 3.1812 loss: 2.2318 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1806 distill.loss_dist: 1.0512 2023/05/15 10:31:20 - mmengine - INFO - Epoch(train) [61][ 80/1879] lr: 2.0000e-03 eta: 18:05:30 time: 0.9083 data_time: 0.3245 memory: 9812 grad_norm: 3.2459 loss: 2.1122 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0792 distill.loss_dist: 1.0330 2023/05/15 10:31:37 - mmengine - INFO - Epoch(train) [61][ 100/1879] lr: 2.0000e-03 eta: 18:05:12 time: 0.8145 data_time: 0.1617 memory: 9812 grad_norm: 3.1629 loss: 2.2037 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1702 distill.loss_dist: 1.0335 2023/05/15 10:31:54 - mmengine - INFO - Epoch(train) [61][ 120/1879] lr: 2.0000e-03 eta: 18:04:55 time: 0.8907 data_time: 0.0271 memory: 9812 grad_norm: 3.1930 loss: 2.1719 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1421 distill.loss_dist: 1.0298 2023/05/15 10:32:13 - mmengine - INFO - Epoch(train) [61][ 140/1879] lr: 2.0000e-03 eta: 18:04:38 time: 0.9228 data_time: 0.0288 memory: 9812 grad_norm: 3.2628 loss: 2.3658 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3197 distill.loss_dist: 1.0461 2023/05/15 10:32:30 - mmengine - INFO - Epoch(train) [61][ 160/1879] lr: 2.0000e-03 eta: 18:04:21 time: 0.8611 data_time: 0.0266 memory: 9812 grad_norm: 3.1690 loss: 2.1721 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1288 distill.loss_dist: 1.0433 2023/05/15 10:32:48 - mmengine - INFO - Epoch(train) [61][ 180/1879] lr: 2.0000e-03 eta: 18:04:04 time: 0.8897 data_time: 0.0263 memory: 9812 grad_norm: 3.1889 loss: 2.2878 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2570 distill.loss_dist: 1.0308 2023/05/15 10:33:06 - mmengine - INFO - Epoch(train) [61][ 200/1879] lr: 2.0000e-03 eta: 18:03:47 time: 0.8987 data_time: 0.0272 memory: 9812 grad_norm: 3.2171 loss: 2.1863 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1651 distill.loss_dist: 1.0212 2023/05/15 10:33:23 - mmengine - INFO - Epoch(train) [61][ 220/1879] lr: 2.0000e-03 eta: 18:03:30 time: 0.8583 data_time: 0.0270 memory: 9812 grad_norm: 3.2155 loss: 2.2178 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1771 distill.loss_dist: 1.0407 2023/05/15 10:33:39 - mmengine - INFO - Epoch(train) [61][ 240/1879] lr: 2.0000e-03 eta: 18:03:11 time: 0.8024 data_time: 0.0277 memory: 9812 grad_norm: 3.2208 loss: 2.2361 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2039 distill.loss_dist: 1.0322 2023/05/15 10:33:59 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 10:33:59 - mmengine - INFO - Epoch(train) [61][ 260/1879] lr: 2.0000e-03 eta: 18:02:55 time: 0.9699 data_time: 0.0724 memory: 9812 grad_norm: 3.2251 loss: 2.2294 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1780 distill.loss_dist: 1.0514 2023/05/15 10:34:15 - mmengine - INFO - Epoch(train) [61][ 280/1879] lr: 2.0000e-03 eta: 18:02:37 time: 0.8092 data_time: 0.0229 memory: 9812 grad_norm: 3.1899 loss: 2.2379 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2173 distill.loss_dist: 1.0206 2023/05/15 10:34:31 - mmengine - INFO - Epoch(train) [61][ 300/1879] lr: 2.0000e-03 eta: 18:02:19 time: 0.8087 data_time: 0.0266 memory: 9812 grad_norm: 3.1915 loss: 2.1886 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1545 distill.loss_dist: 1.0341 2023/05/15 10:34:49 - mmengine - INFO - Epoch(train) [61][ 320/1879] lr: 2.0000e-03 eta: 18:02:02 time: 0.9190 data_time: 0.0291 memory: 9812 grad_norm: 3.2689 loss: 2.2160 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1986 distill.loss_dist: 1.0174 2023/05/15 10:35:06 - mmengine - INFO - Epoch(train) [61][ 340/1879] lr: 2.0000e-03 eta: 18:01:44 time: 0.8151 data_time: 0.1080 memory: 9812 grad_norm: 3.2917 loss: 2.3141 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2581 distill.loss_dist: 1.0560 2023/05/15 10:35:22 - mmengine - INFO - Epoch(train) [61][ 360/1879] lr: 2.0000e-03 eta: 18:01:26 time: 0.8175 data_time: 0.1102 memory: 9812 grad_norm: 3.1328 loss: 2.0677 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0614 distill.loss_dist: 1.0063 2023/05/15 10:35:41 - mmengine - INFO - Epoch(train) [61][ 380/1879] lr: 2.0000e-03 eta: 18:01:10 time: 0.9317 data_time: 0.0511 memory: 9812 grad_norm: 3.2593 loss: 2.3338 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2958 distill.loss_dist: 1.0380 2023/05/15 10:35:57 - mmengine - INFO - Epoch(train) [61][ 400/1879] lr: 2.0000e-03 eta: 18:00:52 time: 0.8129 data_time: 0.0312 memory: 9812 grad_norm: 3.1545 loss: 2.2107 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2047 distill.loss_dist: 1.0060 2023/05/15 10:36:14 - mmengine - INFO - Epoch(train) [61][ 420/1879] lr: 2.0000e-03 eta: 18:00:34 time: 0.8322 data_time: 0.0256 memory: 9812 grad_norm: 3.2097 loss: 2.3217 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2609 distill.loss_dist: 1.0608 2023/05/15 10:36:33 - mmengine - INFO - Epoch(train) [61][ 440/1879] lr: 2.0000e-03 eta: 18:00:18 time: 0.9556 data_time: 0.0264 memory: 9812 grad_norm: 3.1141 loss: 2.3122 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2539 distill.loss_dist: 1.0584 2023/05/15 10:36:49 - mmengine - INFO - Epoch(train) [61][ 460/1879] lr: 2.0000e-03 eta: 17:59:59 time: 0.7909 data_time: 0.0318 memory: 9812 grad_norm: 3.2465 loss: 2.0780 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0630 distill.loss_dist: 1.0150 2023/05/15 10:37:05 - mmengine - INFO - Epoch(train) [61][ 480/1879] lr: 2.0000e-03 eta: 17:59:41 time: 0.7996 data_time: 0.0240 memory: 9812 grad_norm: 3.1676 loss: 2.2669 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2059 distill.loss_dist: 1.0611 2023/05/15 10:37:24 - mmengine - INFO - Epoch(train) [61][ 500/1879] lr: 2.0000e-03 eta: 17:59:25 time: 0.9532 data_time: 0.0253 memory: 9812 grad_norm: 3.2631 loss: 2.2633 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2055 distill.loss_dist: 1.0578 2023/05/15 10:37:41 - mmengine - INFO - Epoch(train) [61][ 520/1879] lr: 2.0000e-03 eta: 17:59:07 time: 0.8452 data_time: 0.0309 memory: 9812 grad_norm: 3.2376 loss: 2.3525 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3143 distill.loss_dist: 1.0382 2023/05/15 10:37:58 - mmengine - INFO - Epoch(train) [61][ 540/1879] lr: 2.0000e-03 eta: 17:58:50 time: 0.8533 data_time: 0.0271 memory: 9812 grad_norm: 3.2195 loss: 2.2600 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1889 distill.loss_dist: 1.0710 2023/05/15 10:38:15 - mmengine - INFO - Epoch(train) [61][ 560/1879] lr: 2.0000e-03 eta: 17:58:33 time: 0.8801 data_time: 0.0257 memory: 9812 grad_norm: 3.1736 loss: 2.1277 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0948 distill.loss_dist: 1.0329 2023/05/15 10:38:32 - mmengine - INFO - Epoch(train) [61][ 580/1879] lr: 2.0000e-03 eta: 17:58:15 time: 0.8503 data_time: 0.0285 memory: 9812 grad_norm: 3.2412 loss: 2.2156 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1703 distill.loss_dist: 1.0453 2023/05/15 10:38:49 - mmengine - INFO - Epoch(train) [61][ 600/1879] lr: 2.0000e-03 eta: 17:57:57 time: 0.8215 data_time: 0.0236 memory: 9812 grad_norm: 3.2414 loss: 2.2485 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1854 distill.loss_dist: 1.0631 2023/05/15 10:39:06 - mmengine - INFO - Epoch(train) [61][ 620/1879] lr: 2.0000e-03 eta: 17:57:39 time: 0.8492 data_time: 0.0675 memory: 9812 grad_norm: 3.2203 loss: 2.2494 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2095 distill.loss_dist: 1.0400 2023/05/15 10:39:24 - mmengine - INFO - Epoch(train) [61][ 640/1879] lr: 2.0000e-03 eta: 17:57:22 time: 0.8865 data_time: 0.0275 memory: 9812 grad_norm: 3.1527 loss: 2.1681 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1553 distill.loss_dist: 1.0128 2023/05/15 10:39:40 - mmengine - INFO - Epoch(train) [61][ 660/1879] lr: 2.0000e-03 eta: 17:57:05 time: 0.8436 data_time: 0.0275 memory: 9812 grad_norm: 3.2046 loss: 2.1823 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1450 distill.loss_dist: 1.0373 2023/05/15 10:39:59 - mmengine - INFO - Epoch(train) [61][ 680/1879] lr: 2.0000e-03 eta: 17:56:48 time: 0.9251 data_time: 0.0267 memory: 9812 grad_norm: 3.2354 loss: 2.2978 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2455 distill.loss_dist: 1.0524 2023/05/15 10:40:17 - mmengine - INFO - Epoch(train) [61][ 700/1879] lr: 2.0000e-03 eta: 17:56:31 time: 0.8902 data_time: 0.0296 memory: 9812 grad_norm: 3.1485 loss: 2.2620 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2063 distill.loss_dist: 1.0557 2023/05/15 10:40:34 - mmengine - INFO - Epoch(train) [61][ 720/1879] lr: 2.0000e-03 eta: 17:56:14 time: 0.8545 data_time: 0.0405 memory: 9812 grad_norm: 3.2153 loss: 2.0942 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0691 distill.loss_dist: 1.0251 2023/05/15 10:40:50 - mmengine - INFO - Epoch(train) [61][ 740/1879] lr: 2.0000e-03 eta: 17:55:55 time: 0.8037 data_time: 0.0335 memory: 9812 grad_norm: 3.2595 loss: 2.3183 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.2793 distill.loss_dist: 1.0390 2023/05/15 10:41:09 - mmengine - INFO - Epoch(train) [61][ 760/1879] lr: 2.0000e-03 eta: 17:55:39 time: 0.9330 data_time: 0.0724 memory: 9812 grad_norm: 3.2887 loss: 2.2371 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1988 distill.loss_dist: 1.0383 2023/05/15 10:41:25 - mmengine - INFO - Epoch(train) [61][ 780/1879] lr: 2.0000e-03 eta: 17:55:21 time: 0.8367 data_time: 0.1288 memory: 9812 grad_norm: 3.2683 loss: 2.3005 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2484 distill.loss_dist: 1.0521 2023/05/15 10:41:42 - mmengine - INFO - Epoch(train) [61][ 800/1879] lr: 2.0000e-03 eta: 17:55:03 time: 0.8423 data_time: 0.0246 memory: 9812 grad_norm: 3.1445 loss: 2.2147 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1895 distill.loss_dist: 1.0252 2023/05/15 10:42:01 - mmengine - INFO - Epoch(train) [61][ 820/1879] lr: 2.0000e-03 eta: 17:54:47 time: 0.9334 data_time: 0.0239 memory: 9812 grad_norm: 3.1359 loss: 2.2600 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2093 distill.loss_dist: 1.0507 2023/05/15 10:42:17 - mmengine - INFO - Epoch(train) [61][ 840/1879] lr: 2.0000e-03 eta: 17:54:29 time: 0.8090 data_time: 0.0272 memory: 9812 grad_norm: 3.2177 loss: 2.3073 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2575 distill.loss_dist: 1.0498 2023/05/15 10:42:33 - mmengine - INFO - Epoch(train) [61][ 860/1879] lr: 2.0000e-03 eta: 17:54:11 time: 0.8143 data_time: 0.0271 memory: 9812 grad_norm: 3.2372 loss: 2.3599 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3295 distill.loss_dist: 1.0304 2023/05/15 10:42:53 - mmengine - INFO - Epoch(train) [61][ 880/1879] lr: 2.0000e-03 eta: 17:53:55 time: 0.9705 data_time: 0.0271 memory: 9812 grad_norm: 3.2182 loss: 2.3131 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2398 distill.loss_dist: 1.0734 2023/05/15 10:43:10 - mmengine - INFO - Epoch(train) [61][ 900/1879] lr: 2.0000e-03 eta: 17:53:37 time: 0.8547 data_time: 0.0264 memory: 9812 grad_norm: 3.1662 loss: 2.1833 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1656 distill.loss_dist: 1.0177 2023/05/15 10:43:26 - mmengine - INFO - Epoch(train) [61][ 920/1879] lr: 2.0000e-03 eta: 17:53:19 time: 0.8000 data_time: 0.0271 memory: 9812 grad_norm: 3.2368 loss: 2.2731 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2465 distill.loss_dist: 1.0266 2023/05/15 10:43:44 - mmengine - INFO - Epoch(train) [61][ 940/1879] lr: 2.0000e-03 eta: 17:53:02 time: 0.9164 data_time: 0.0267 memory: 9812 grad_norm: 3.2997 loss: 2.2451 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1543 distill.loss_dist: 1.0908 2023/05/15 10:44:01 - mmengine - INFO - Epoch(train) [61][ 960/1879] lr: 2.0000e-03 eta: 17:52:44 time: 0.8257 data_time: 0.0293 memory: 9812 grad_norm: 3.2225 loss: 2.2449 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2121 distill.loss_dist: 1.0328 2023/05/15 10:44:17 - mmengine - INFO - Epoch(train) [61][ 980/1879] lr: 2.0000e-03 eta: 17:52:26 time: 0.8059 data_time: 0.0269 memory: 9812 grad_norm: 3.1678 loss: 2.1225 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0744 distill.loss_dist: 1.0482 2023/05/15 10:44:36 - mmengine - INFO - Epoch(train) [61][1000/1879] lr: 2.0000e-03 eta: 17:52:10 time: 0.9340 data_time: 0.0336 memory: 9812 grad_norm: 3.2460 loss: 2.3994 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3232 distill.loss_dist: 1.0762 2023/05/15 10:44:54 - mmengine - INFO - Epoch(train) [61][1020/1879] lr: 2.0000e-03 eta: 17:51:53 time: 0.8885 data_time: 0.0282 memory: 9812 grad_norm: 3.1147 loss: 2.2765 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2641 distill.loss_dist: 1.0124 2023/05/15 10:45:10 - mmengine - INFO - Epoch(train) [61][1040/1879] lr: 2.0000e-03 eta: 17:51:35 time: 0.8032 data_time: 0.0273 memory: 9812 grad_norm: 3.2119 loss: 2.3496 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2970 distill.loss_dist: 1.0526 2023/05/15 10:45:27 - mmengine - INFO - Epoch(train) [61][1060/1879] lr: 2.0000e-03 eta: 17:51:17 time: 0.8715 data_time: 0.0277 memory: 9812 grad_norm: 3.2382 loss: 2.1345 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1017 distill.loss_dist: 1.0328 2023/05/15 10:45:44 - mmengine - INFO - Epoch(train) [61][1080/1879] lr: 2.0000e-03 eta: 17:51:00 time: 0.8492 data_time: 0.1218 memory: 9812 grad_norm: 3.2809 loss: 2.2814 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2421 distill.loss_dist: 1.0393 2023/05/15 10:46:00 - mmengine - INFO - Epoch(train) [61][1100/1879] lr: 2.0000e-03 eta: 17:50:42 time: 0.8178 data_time: 0.2896 memory: 9812 grad_norm: 3.1898 loss: 2.2392 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1560 distill.loss_dist: 1.0832 2023/05/15 10:46:19 - mmengine - INFO - Epoch(train) [61][1120/1879] lr: 2.0000e-03 eta: 17:50:25 time: 0.9252 data_time: 0.3609 memory: 9812 grad_norm: 3.1658 loss: 1.9693 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9812 distill.loss_dist: 0.9881 2023/05/15 10:46:36 - mmengine - INFO - Epoch(train) [61][1140/1879] lr: 2.0000e-03 eta: 17:50:07 time: 0.8338 data_time: 0.2637 memory: 9812 grad_norm: 3.1478 loss: 2.0827 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0818 distill.loss_dist: 1.0009 2023/05/15 10:46:53 - mmengine - INFO - Epoch(train) [61][1160/1879] lr: 2.0000e-03 eta: 17:49:50 time: 0.8482 data_time: 0.2150 memory: 9812 grad_norm: 3.1193 loss: 2.2557 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2250 distill.loss_dist: 1.0307 2023/05/15 10:47:10 - mmengine - INFO - Epoch(train) [61][1180/1879] lr: 2.0000e-03 eta: 17:49:32 time: 0.8667 data_time: 0.1293 memory: 9812 grad_norm: 3.2236 loss: 2.2463 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1894 distill.loss_dist: 1.0569 2023/05/15 10:47:27 - mmengine - INFO - Epoch(train) [61][1200/1879] lr: 2.0000e-03 eta: 17:49:15 time: 0.8585 data_time: 0.1844 memory: 9812 grad_norm: 3.1849 loss: 2.1915 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1645 distill.loss_dist: 1.0270 2023/05/15 10:47:45 - mmengine - INFO - Epoch(train) [61][1220/1879] lr: 2.0000e-03 eta: 17:48:58 time: 0.8822 data_time: 0.2981 memory: 9812 grad_norm: 3.3454 loss: 2.4067 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.3480 distill.loss_dist: 1.0587 2023/05/15 10:48:02 - mmengine - INFO - Epoch(train) [61][1240/1879] lr: 2.0000e-03 eta: 17:48:40 time: 0.8596 data_time: 0.3546 memory: 9812 grad_norm: 3.2572 loss: 2.2448 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1900 distill.loss_dist: 1.0548 2023/05/15 10:48:19 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 10:48:19 - mmengine - INFO - Epoch(train) [61][1260/1879] lr: 2.0000e-03 eta: 17:48:22 time: 0.8324 data_time: 0.3261 memory: 9812 grad_norm: 3.1603 loss: 2.2762 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2474 distill.loss_dist: 1.0288 2023/05/15 10:48:36 - mmengine - INFO - Epoch(train) [61][1280/1879] lr: 2.0000e-03 eta: 17:48:05 time: 0.8573 data_time: 0.3352 memory: 9812 grad_norm: 3.1880 loss: 2.2109 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1827 distill.loss_dist: 1.0282 2023/05/15 10:48:53 - mmengine - INFO - Epoch(train) [61][1300/1879] lr: 2.0000e-03 eta: 17:47:48 time: 0.8576 data_time: 0.0992 memory: 9812 grad_norm: 3.3319 loss: 2.0971 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0871 distill.loss_dist: 1.0100 2023/05/15 10:49:10 - mmengine - INFO - Epoch(train) [61][1320/1879] lr: 2.0000e-03 eta: 17:47:30 time: 0.8406 data_time: 0.0256 memory: 9812 grad_norm: 3.2499 loss: 2.2428 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1844 distill.loss_dist: 1.0584 2023/05/15 10:49:28 - mmengine - INFO - Epoch(train) [61][1340/1879] lr: 2.0000e-03 eta: 17:47:13 time: 0.9108 data_time: 0.0443 memory: 9812 grad_norm: 3.2300 loss: 2.3306 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2736 distill.loss_dist: 1.0570 2023/05/15 10:49:47 - mmengine - INFO - Epoch(train) [61][1360/1879] lr: 2.0000e-03 eta: 17:46:57 time: 0.9327 data_time: 0.2037 memory: 9812 grad_norm: 3.2339 loss: 2.1619 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1579 distill.loss_dist: 1.0041 2023/05/15 10:50:05 - mmengine - INFO - Epoch(train) [61][1380/1879] lr: 2.0000e-03 eta: 17:46:40 time: 0.9144 data_time: 0.3206 memory: 9812 grad_norm: 3.1987 loss: 2.1434 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1079 distill.loss_dist: 1.0355 2023/05/15 10:50:21 - mmengine - INFO - Epoch(train) [61][1400/1879] lr: 2.0000e-03 eta: 17:46:22 time: 0.8107 data_time: 0.3483 memory: 9812 grad_norm: 3.2475 loss: 2.2847 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2396 distill.loss_dist: 1.0452 2023/05/15 10:50:40 - mmengine - INFO - Epoch(train) [61][1420/1879] lr: 2.0000e-03 eta: 17:46:05 time: 0.9264 data_time: 0.2674 memory: 9812 grad_norm: 3.1937 loss: 2.0323 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0109 distill.loss_dist: 1.0214 2023/05/15 10:50:57 - mmengine - INFO - Epoch(train) [61][1440/1879] lr: 2.0000e-03 eta: 17:45:48 time: 0.8545 data_time: 0.1717 memory: 9812 grad_norm: 3.2565 loss: 2.2700 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.2241 distill.loss_dist: 1.0459 2023/05/15 10:51:15 - mmengine - INFO - Epoch(train) [61][1460/1879] lr: 2.0000e-03 eta: 17:45:30 time: 0.8759 data_time: 0.1428 memory: 9812 grad_norm: 3.1156 loss: 2.3096 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2534 distill.loss_dist: 1.0562 2023/05/15 10:51:34 - mmengine - INFO - Epoch(train) [61][1480/1879] lr: 2.0000e-03 eta: 17:45:14 time: 0.9613 data_time: 0.1958 memory: 9812 grad_norm: 3.1643 loss: 2.2536 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2089 distill.loss_dist: 1.0447 2023/05/15 10:51:51 - mmengine - INFO - Epoch(train) [61][1500/1879] lr: 2.0000e-03 eta: 17:44:57 time: 0.8399 data_time: 0.3724 memory: 9812 grad_norm: 3.2177 loss: 2.0578 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0384 distill.loss_dist: 1.0194 2023/05/15 10:52:08 - mmengine - INFO - Epoch(train) [61][1520/1879] lr: 2.0000e-03 eta: 17:44:39 time: 0.8729 data_time: 0.4227 memory: 9812 grad_norm: 3.2855 loss: 2.2969 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2600 distill.loss_dist: 1.0369 2023/05/15 10:52:26 - mmengine - INFO - Epoch(train) [61][1540/1879] lr: 2.0000e-03 eta: 17:44:22 time: 0.9021 data_time: 0.4546 memory: 9812 grad_norm: 3.0948 loss: 2.1752 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1466 distill.loss_dist: 1.0285 2023/05/15 10:52:43 - mmengine - INFO - Epoch(train) [61][1560/1879] lr: 2.0000e-03 eta: 17:44:05 time: 0.8576 data_time: 0.3392 memory: 9812 grad_norm: 3.1317 loss: 2.0557 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0379 distill.loss_dist: 1.0178 2023/05/15 10:53:01 - mmengine - INFO - Epoch(train) [61][1580/1879] lr: 2.0000e-03 eta: 17:43:48 time: 0.8698 data_time: 0.4139 memory: 9812 grad_norm: 3.2783 loss: 2.2696 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2014 distill.loss_dist: 1.0681 2023/05/15 10:53:18 - mmengine - INFO - Epoch(train) [61][1600/1879] lr: 2.0000e-03 eta: 17:43:30 time: 0.8858 data_time: 0.3602 memory: 9812 grad_norm: 3.1669 loss: 2.0843 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0597 distill.loss_dist: 1.0247 2023/05/15 10:53:38 - mmengine - INFO - Epoch(train) [61][1620/1879] lr: 2.0000e-03 eta: 17:43:14 time: 0.9544 data_time: 0.1158 memory: 9812 grad_norm: 3.1614 loss: 2.3116 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3064 distill.loss_dist: 1.0052 2023/05/15 10:53:54 - mmengine - INFO - Epoch(train) [61][1640/1879] lr: 2.0000e-03 eta: 17:42:57 time: 0.8418 data_time: 0.0244 memory: 9812 grad_norm: 3.2647 loss: 2.2421 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1940 distill.loss_dist: 1.0481 2023/05/15 10:54:11 - mmengine - INFO - Epoch(train) [61][1660/1879] lr: 2.0000e-03 eta: 17:42:39 time: 0.8383 data_time: 0.0288 memory: 9812 grad_norm: 3.2593 loss: 2.2866 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2395 distill.loss_dist: 1.0471 2023/05/15 10:54:30 - mmengine - INFO - Epoch(train) [61][1680/1879] lr: 2.0000e-03 eta: 17:42:22 time: 0.9304 data_time: 0.0266 memory: 9812 grad_norm: 3.1990 loss: 2.1388 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1440 distill.loss_dist: 0.9948 2023/05/15 10:54:45 - mmengine - INFO - Epoch(train) [61][1700/1879] lr: 2.0000e-03 eta: 17:42:04 time: 0.7705 data_time: 0.0342 memory: 9812 grad_norm: 3.2589 loss: 2.3367 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3006 distill.loss_dist: 1.0361 2023/05/15 10:55:03 - mmengine - INFO - Epoch(train) [61][1720/1879] lr: 2.0000e-03 eta: 17:41:46 time: 0.8829 data_time: 0.0304 memory: 9812 grad_norm: 3.3088 loss: 2.2422 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1861 distill.loss_dist: 1.0561 2023/05/15 10:55:23 - mmengine - INFO - Epoch(train) [61][1740/1879] lr: 2.0000e-03 eta: 17:41:31 time: 0.9765 data_time: 0.0264 memory: 9812 grad_norm: 3.2007 loss: 2.2197 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2027 distill.loss_dist: 1.0170 2023/05/15 10:55:38 - mmengine - INFO - Epoch(train) [61][1760/1879] lr: 2.0000e-03 eta: 17:41:12 time: 0.7907 data_time: 0.0275 memory: 9812 grad_norm: 3.2286 loss: 2.1970 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1460 distill.loss_dist: 1.0510 2023/05/15 10:55:55 - mmengine - INFO - Epoch(train) [61][1780/1879] lr: 2.0000e-03 eta: 17:40:55 time: 0.8502 data_time: 0.0269 memory: 9812 grad_norm: 3.2095 loss: 2.3236 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2783 distill.loss_dist: 1.0453 2023/05/15 10:56:15 - mmengine - INFO - Epoch(train) [61][1800/1879] lr: 2.0000e-03 eta: 17:40:39 time: 0.9903 data_time: 0.0295 memory: 9812 grad_norm: 3.2523 loss: 2.2646 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2153 distill.loss_dist: 1.0493 2023/05/15 10:56:31 - mmengine - INFO - Epoch(train) [61][1820/1879] lr: 2.0000e-03 eta: 17:40:21 time: 0.8076 data_time: 0.0272 memory: 9812 grad_norm: 3.1817 loss: 2.3038 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.2785 distill.loss_dist: 1.0253 2023/05/15 10:56:49 - mmengine - INFO - Epoch(train) [61][1840/1879] lr: 2.0000e-03 eta: 17:40:04 time: 0.9030 data_time: 0.0270 memory: 9812 grad_norm: 3.2578 loss: 2.3292 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2875 distill.loss_dist: 1.0417 2023/05/15 10:57:08 - mmengine - INFO - Epoch(train) [61][1860/1879] lr: 2.0000e-03 eta: 17:39:47 time: 0.9335 data_time: 0.0304 memory: 9812 grad_norm: 3.1991 loss: 2.1517 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1253 distill.loss_dist: 1.0264 2023/05/15 10:57:21 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 10:57:21 - mmengine - INFO - Epoch(train) [61][1879/1879] lr: 2.0000e-03 eta: 17:39:28 time: 0.7147 data_time: 0.0217 memory: 9812 grad_norm: 3.3328 loss: 2.2007 student.top1_acc: 0.4286 student.top5_acc: 0.7143 student.loss_cls: 1.1544 distill.loss_dist: 1.0463 2023/05/15 10:57:41 - mmengine - INFO - Epoch(val) [61][ 20/155] eta: 0:02:14 time: 0.9992 data_time: 0.9348 memory: 1484 2023/05/15 10:57:55 - mmengine - INFO - Epoch(val) [61][ 40/155] eta: 0:01:37 time: 0.6926 data_time: 0.6296 memory: 1484 2023/05/15 10:58:13 - mmengine - INFO - Epoch(val) [61][ 60/155] eta: 0:01:22 time: 0.9095 data_time: 0.8450 memory: 1484 2023/05/15 10:58:27 - mmengine - INFO - Epoch(val) [61][ 80/155] eta: 0:01:02 time: 0.7260 data_time: 0.6611 memory: 1484 2023/05/15 10:58:45 - mmengine - INFO - Epoch(val) [61][100/155] eta: 0:00:46 time: 0.8736 data_time: 0.8073 memory: 1484 2023/05/15 10:58:59 - mmengine - INFO - Epoch(val) [61][120/155] eta: 0:00:28 time: 0.7188 data_time: 0.6568 memory: 1484 2023/05/15 10:59:19 - mmengine - INFO - Epoch(val) [61][140/155] eta: 0:00:12 time: 0.9780 data_time: 0.9086 memory: 1484 2023/05/15 10:59:49 - mmengine - INFO - Epoch(val) [61][ 20/155] eta: 0:16:29 time: 0.9967 data_time: 0.8456 memory: 1582 2023/05/15 11:00:03 - mmengine - INFO - Epoch(val) [61][ 40/155] eta: 0:07:42 time: 0.7145 data_time: 0.5623 memory: 1582 2023/05/15 11:00:22 - mmengine - INFO - Epoch(val) [61][ 60/155] eta: 0:04:44 time: 0.9424 data_time: 0.7892 memory: 1582 2023/05/15 11:00:37 - mmengine - INFO - Epoch(val) [61][ 80/155] eta: 0:03:02 time: 0.7535 data_time: 0.6004 memory: 1582 2023/05/15 11:00:56 - mmengine - INFO - Epoch(val) [61][100/155] eta: 0:01:57 time: 0.9794 data_time: 0.8283 memory: 1582 2023/05/15 11:01:10 - mmengine - INFO - Epoch(val) [61][120/155] eta: 0:01:06 time: 0.6917 data_time: 0.5394 memory: 1582 2023/05/15 11:01:30 - mmengine - INFO - Epoch(val) [61][140/155] eta: 0:00:26 time: 0.9824 data_time: 0.8312 memory: 1582 2023/05/15 11:01:39 - mmengine - INFO - Epoch(val) [61][155/155] acc/top1: 0.6736 acc/top5: 0.8763 acc/mean1: 0.6735 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6715 time: 0.8215 2023/05/15 11:02:02 - mmengine - INFO - Epoch(train) [62][ 20/1879] lr: 2.0000e-03 eta: 17:39:14 time: 1.1264 data_time: 0.2487 memory: 9812 grad_norm: 3.2484 loss: 2.1841 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1387 distill.loss_dist: 1.0455 2023/05/15 11:02:19 - mmengine - INFO - Epoch(train) [62][ 40/1879] lr: 2.0000e-03 eta: 17:38:57 time: 0.8548 data_time: 0.0278 memory: 9812 grad_norm: 3.2084 loss: 2.2589 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2280 distill.loss_dist: 1.0309 2023/05/15 11:02:36 - mmengine - INFO - Epoch(train) [62][ 60/1879] lr: 2.0000e-03 eta: 17:38:39 time: 0.8526 data_time: 0.0279 memory: 9812 grad_norm: 3.1802 loss: 2.0908 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0535 distill.loss_dist: 1.0373 2023/05/15 11:02:55 - mmengine - INFO - Epoch(train) [62][ 80/1879] lr: 2.0000e-03 eta: 17:38:23 time: 0.9437 data_time: 0.0284 memory: 9812 grad_norm: 3.2007 loss: 2.2454 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2013 distill.loss_dist: 1.0442 2023/05/15 11:03:13 - mmengine - INFO - Epoch(train) [62][ 100/1879] lr: 2.0000e-03 eta: 17:38:06 time: 0.9079 data_time: 0.0258 memory: 9812 grad_norm: 3.2947 loss: 2.2970 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2657 distill.loss_dist: 1.0313 2023/05/15 11:03:29 - mmengine - INFO - Epoch(train) [62][ 120/1879] lr: 2.0000e-03 eta: 17:37:48 time: 0.8306 data_time: 0.0251 memory: 9812 grad_norm: 3.2088 loss: 2.2789 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.2524 distill.loss_dist: 1.0265 2023/05/15 11:03:48 - mmengine - INFO - Epoch(train) [62][ 140/1879] lr: 2.0000e-03 eta: 17:37:32 time: 0.9361 data_time: 0.0262 memory: 9812 grad_norm: 3.2431 loss: 2.1327 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1039 distill.loss_dist: 1.0288 2023/05/15 11:04:06 - mmengine - INFO - Epoch(train) [62][ 160/1879] lr: 2.0000e-03 eta: 17:37:15 time: 0.8784 data_time: 0.0296 memory: 9812 grad_norm: 3.2164 loss: 2.3564 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3214 distill.loss_dist: 1.0350 2023/05/15 11:04:21 - mmengine - INFO - Epoch(train) [62][ 180/1879] lr: 2.0000e-03 eta: 17:36:56 time: 0.7576 data_time: 0.0279 memory: 9812 grad_norm: 3.2220 loss: 2.2785 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2106 distill.loss_dist: 1.0679 2023/05/15 11:04:40 - mmengine - INFO - Epoch(train) [62][ 200/1879] lr: 2.0000e-03 eta: 17:36:39 time: 0.9278 data_time: 0.0263 memory: 9812 grad_norm: 3.1824 loss: 1.9214 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 0.9340 distill.loss_dist: 0.9875 2023/05/15 11:04:56 - mmengine - INFO - Epoch(train) [62][ 220/1879] lr: 2.0000e-03 eta: 17:36:21 time: 0.8273 data_time: 0.0303 memory: 9812 grad_norm: 3.2643 loss: 2.3221 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.2690 distill.loss_dist: 1.0531 2023/05/15 11:05:15 - mmengine - INFO - Epoch(train) [62][ 240/1879] lr: 2.0000e-03 eta: 17:36:05 time: 0.9613 data_time: 0.0291 memory: 9812 grad_norm: 3.2421 loss: 2.2000 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1625 distill.loss_dist: 1.0375 2023/05/15 11:05:33 - mmengine - INFO - Epoch(train) [62][ 260/1879] lr: 2.0000e-03 eta: 17:35:48 time: 0.8614 data_time: 0.0268 memory: 9812 grad_norm: 3.1855 loss: 2.1390 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1303 distill.loss_dist: 1.0087 2023/05/15 11:05:49 - mmengine - INFO - Epoch(train) [62][ 280/1879] lr: 2.0000e-03 eta: 17:35:30 time: 0.8386 data_time: 0.0275 memory: 9812 grad_norm: 3.1997 loss: 2.3361 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2845 distill.loss_dist: 1.0516 2023/05/15 11:06:08 - mmengine - INFO - Epoch(train) [62][ 300/1879] lr: 2.0000e-03 eta: 17:35:13 time: 0.9160 data_time: 0.1519 memory: 9812 grad_norm: 3.2490 loss: 2.2910 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2258 distill.loss_dist: 1.0653 2023/05/15 11:06:25 - mmengine - INFO - Epoch(train) [62][ 320/1879] lr: 2.0000e-03 eta: 17:34:56 time: 0.8451 data_time: 0.1605 memory: 9812 grad_norm: 3.1665 loss: 2.1708 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1435 distill.loss_dist: 1.0273 2023/05/15 11:06:42 - mmengine - INFO - Epoch(train) [62][ 340/1879] lr: 2.0000e-03 eta: 17:34:38 time: 0.8776 data_time: 0.1249 memory: 9812 grad_norm: 3.2682 loss: 2.1229 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0937 distill.loss_dist: 1.0292 2023/05/15 11:07:01 - mmengine - INFO - Epoch(train) [62][ 360/1879] lr: 2.0000e-03 eta: 17:34:22 time: 0.9188 data_time: 0.3013 memory: 9812 grad_norm: 3.1373 loss: 2.2406 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2147 distill.loss_dist: 1.0259 2023/05/15 11:07:18 - mmengine - INFO - Epoch(train) [62][ 380/1879] lr: 2.0000e-03 eta: 17:34:04 time: 0.8430 data_time: 0.2150 memory: 9812 grad_norm: 3.1603 loss: 2.1699 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1210 distill.loss_dist: 1.0489 2023/05/15 11:07:18 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 11:07:35 - mmengine - INFO - Epoch(train) [62][ 400/1879] lr: 2.0000e-03 eta: 17:33:47 time: 0.8643 data_time: 0.2282 memory: 9812 grad_norm: 3.1335 loss: 2.4768 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4002 distill.loss_dist: 1.0766 2023/05/15 11:07:52 - mmengine - INFO - Epoch(train) [62][ 420/1879] lr: 2.0000e-03 eta: 17:33:29 time: 0.8617 data_time: 0.1821 memory: 9812 grad_norm: 3.2365 loss: 2.2463 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2105 distill.loss_dist: 1.0358 2023/05/15 11:08:11 - mmengine - INFO - Epoch(train) [62][ 440/1879] lr: 2.0000e-03 eta: 17:33:13 time: 0.9260 data_time: 0.0498 memory: 9812 grad_norm: 3.1971 loss: 2.1262 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0965 distill.loss_dist: 1.0298 2023/05/15 11:08:27 - mmengine - INFO - Epoch(train) [62][ 460/1879] lr: 2.0000e-03 eta: 17:32:55 time: 0.8385 data_time: 0.1345 memory: 9812 grad_norm: 3.3358 loss: 2.3072 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2440 distill.loss_dist: 1.0632 2023/05/15 11:08:45 - mmengine - INFO - Epoch(train) [62][ 480/1879] lr: 2.0000e-03 eta: 17:32:38 time: 0.9022 data_time: 0.3051 memory: 9812 grad_norm: 3.2083 loss: 2.1444 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1227 distill.loss_dist: 1.0218 2023/05/15 11:09:03 - mmengine - INFO - Epoch(train) [62][ 500/1879] lr: 2.0000e-03 eta: 17:32:21 time: 0.8825 data_time: 0.2650 memory: 9812 grad_norm: 3.1649 loss: 2.3450 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2905 distill.loss_dist: 1.0545 2023/05/15 11:09:20 - mmengine - INFO - Epoch(train) [62][ 520/1879] lr: 2.0000e-03 eta: 17:32:03 time: 0.8622 data_time: 0.1929 memory: 9812 grad_norm: 3.2491 loss: 2.2572 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2086 distill.loss_dist: 1.0486 2023/05/15 11:09:38 - mmengine - INFO - Epoch(train) [62][ 540/1879] lr: 2.0000e-03 eta: 17:31:46 time: 0.8820 data_time: 0.0803 memory: 9812 grad_norm: 3.1976 loss: 2.1829 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1588 distill.loss_dist: 1.0241 2023/05/15 11:09:56 - mmengine - INFO - Epoch(train) [62][ 560/1879] lr: 2.0000e-03 eta: 17:31:29 time: 0.8750 data_time: 0.0424 memory: 9812 grad_norm: 3.2708 loss: 2.2364 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1753 distill.loss_dist: 1.0612 2023/05/15 11:10:13 - mmengine - INFO - Epoch(train) [62][ 580/1879] lr: 2.0000e-03 eta: 17:31:12 time: 0.8940 data_time: 0.1688 memory: 9812 grad_norm: 3.2144 loss: 2.2528 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2150 distill.loss_dist: 1.0378 2023/05/15 11:10:31 - mmengine - INFO - Epoch(train) [62][ 600/1879] lr: 2.0000e-03 eta: 17:30:55 time: 0.8794 data_time: 0.3729 memory: 9812 grad_norm: 3.1620 loss: 2.1063 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0811 distill.loss_dist: 1.0252 2023/05/15 11:10:48 - mmengine - INFO - Epoch(train) [62][ 620/1879] lr: 2.0000e-03 eta: 17:30:37 time: 0.8536 data_time: 0.3493 memory: 9812 grad_norm: 3.2863 loss: 2.3991 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3410 distill.loss_dist: 1.0581 2023/05/15 11:11:06 - mmengine - INFO - Epoch(train) [62][ 640/1879] lr: 2.0000e-03 eta: 17:30:20 time: 0.8834 data_time: 0.2880 memory: 9812 grad_norm: 3.2378 loss: 2.2629 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2103 distill.loss_dist: 1.0526 2023/05/15 11:11:23 - mmengine - INFO - Epoch(train) [62][ 660/1879] lr: 2.0000e-03 eta: 17:30:02 time: 0.8317 data_time: 0.2166 memory: 9812 grad_norm: 3.2078 loss: 2.1694 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0996 distill.loss_dist: 1.0698 2023/05/15 11:11:41 - mmengine - INFO - Epoch(train) [62][ 680/1879] lr: 2.0000e-03 eta: 17:29:46 time: 0.9141 data_time: 0.1023 memory: 9812 grad_norm: 3.1863 loss: 2.2824 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2455 distill.loss_dist: 1.0369 2023/05/15 11:11:58 - mmengine - INFO - Epoch(train) [62][ 700/1879] lr: 2.0000e-03 eta: 17:29:28 time: 0.8532 data_time: 0.0948 memory: 9812 grad_norm: 3.2161 loss: 2.2123 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1810 distill.loss_dist: 1.0313 2023/05/15 11:12:16 - mmengine - INFO - Epoch(train) [62][ 720/1879] lr: 2.0000e-03 eta: 17:29:11 time: 0.9068 data_time: 0.2366 memory: 9812 grad_norm: 3.2662 loss: 2.1919 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1646 distill.loss_dist: 1.0273 2023/05/15 11:12:34 - mmengine - INFO - Epoch(train) [62][ 740/1879] lr: 2.0000e-03 eta: 17:28:54 time: 0.8835 data_time: 0.0913 memory: 9812 grad_norm: 3.2027 loss: 2.3547 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3027 distill.loss_dist: 1.0520 2023/05/15 11:12:52 - mmengine - INFO - Epoch(train) [62][ 760/1879] lr: 2.0000e-03 eta: 17:28:37 time: 0.8862 data_time: 0.0731 memory: 9812 grad_norm: 3.2419 loss: 2.2002 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1844 distill.loss_dist: 1.0159 2023/05/15 11:13:09 - mmengine - INFO - Epoch(train) [62][ 780/1879] lr: 2.0000e-03 eta: 17:28:19 time: 0.8614 data_time: 0.0277 memory: 9812 grad_norm: 3.1832 loss: 2.2323 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2135 distill.loss_dist: 1.0187 2023/05/15 11:13:25 - mmengine - INFO - Epoch(train) [62][ 800/1879] lr: 2.0000e-03 eta: 17:28:02 time: 0.8264 data_time: 0.0363 memory: 9812 grad_norm: 3.1604 loss: 2.0636 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0286 distill.loss_dist: 1.0350 2023/05/15 11:13:44 - mmengine - INFO - Epoch(train) [62][ 820/1879] lr: 2.0000e-03 eta: 17:27:45 time: 0.9217 data_time: 0.1315 memory: 9812 grad_norm: 3.1971 loss: 2.1948 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1516 distill.loss_dist: 1.0432 2023/05/15 11:14:02 - mmengine - INFO - Epoch(train) [62][ 840/1879] lr: 2.0000e-03 eta: 17:27:28 time: 0.9224 data_time: 0.3560 memory: 9812 grad_norm: 3.2277 loss: 2.2484 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2144 distill.loss_dist: 1.0341 2023/05/15 11:14:18 - mmengine - INFO - Epoch(train) [62][ 860/1879] lr: 2.0000e-03 eta: 17:27:10 time: 0.8107 data_time: 0.3235 memory: 9812 grad_norm: 3.2064 loss: 2.3066 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.2824 distill.loss_dist: 1.0242 2023/05/15 11:14:36 - mmengine - INFO - Epoch(train) [62][ 880/1879] lr: 2.0000e-03 eta: 17:26:53 time: 0.8929 data_time: 0.0962 memory: 9812 grad_norm: 3.2314 loss: 2.1354 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1073 distill.loss_dist: 1.0281 2023/05/15 11:14:56 - mmengine - INFO - Epoch(train) [62][ 900/1879] lr: 2.0000e-03 eta: 17:26:37 time: 0.9692 data_time: 0.0914 memory: 9812 grad_norm: 3.1965 loss: 2.2754 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2164 distill.loss_dist: 1.0590 2023/05/15 11:15:13 - mmengine - INFO - Epoch(train) [62][ 920/1879] lr: 2.0000e-03 eta: 17:26:20 time: 0.8516 data_time: 0.1564 memory: 9812 grad_norm: 3.3121 loss: 2.1635 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1228 distill.loss_dist: 1.0408 2023/05/15 11:15:30 - mmengine - INFO - Epoch(train) [62][ 940/1879] lr: 2.0000e-03 eta: 17:26:02 time: 0.8384 data_time: 0.2236 memory: 9812 grad_norm: 3.1336 loss: 2.0965 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0925 distill.loss_dist: 1.0041 2023/05/15 11:15:48 - mmengine - INFO - Epoch(train) [62][ 960/1879] lr: 2.0000e-03 eta: 17:25:45 time: 0.8989 data_time: 0.0813 memory: 9812 grad_norm: 3.1109 loss: 2.0857 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0563 distill.loss_dist: 1.0295 2023/05/15 11:16:05 - mmengine - INFO - Epoch(train) [62][ 980/1879] lr: 2.0000e-03 eta: 17:25:27 time: 0.8675 data_time: 0.0318 memory: 9812 grad_norm: 3.2891 loss: 2.1575 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1436 distill.loss_dist: 1.0140 2023/05/15 11:16:21 - mmengine - INFO - Epoch(train) [62][1000/1879] lr: 2.0000e-03 eta: 17:25:10 time: 0.8263 data_time: 0.0272 memory: 9812 grad_norm: 3.1713 loss: 2.1617 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1350 distill.loss_dist: 1.0267 2023/05/15 11:16:40 - mmengine - INFO - Epoch(train) [62][1020/1879] lr: 2.0000e-03 eta: 17:24:53 time: 0.9456 data_time: 0.0272 memory: 9812 grad_norm: 3.2009 loss: 2.3452 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2848 distill.loss_dist: 1.0604 2023/05/15 11:16:58 - mmengine - INFO - Epoch(train) [62][1040/1879] lr: 2.0000e-03 eta: 17:24:36 time: 0.8797 data_time: 0.0308 memory: 9812 grad_norm: 3.2211 loss: 2.2794 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2213 distill.loss_dist: 1.0582 2023/05/15 11:17:16 - mmengine - INFO - Epoch(train) [62][1060/1879] lr: 2.0000e-03 eta: 17:24:19 time: 0.8799 data_time: 0.0243 memory: 9812 grad_norm: 3.1981 loss: 2.1546 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1377 distill.loss_dist: 1.0169 2023/05/15 11:17:35 - mmengine - INFO - Epoch(train) [62][1080/1879] lr: 2.0000e-03 eta: 17:24:03 time: 0.9630 data_time: 0.0289 memory: 9812 grad_norm: 3.1637 loss: 2.3596 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3172 distill.loss_dist: 1.0425 2023/05/15 11:17:51 - mmengine - INFO - Epoch(train) [62][1100/1879] lr: 2.0000e-03 eta: 17:23:45 time: 0.8010 data_time: 0.0309 memory: 9812 grad_norm: 3.2702 loss: 2.3329 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2746 distill.loss_dist: 1.0583 2023/05/15 11:18:08 - mmengine - INFO - Epoch(train) [62][1120/1879] lr: 2.0000e-03 eta: 17:23:27 time: 0.8370 data_time: 0.0268 memory: 9812 grad_norm: 3.1725 loss: 2.1727 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1455 distill.loss_dist: 1.0272 2023/05/15 11:18:27 - mmengine - INFO - Epoch(train) [62][1140/1879] lr: 2.0000e-03 eta: 17:23:11 time: 0.9769 data_time: 0.0242 memory: 9812 grad_norm: 3.2443 loss: 2.2616 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2356 distill.loss_dist: 1.0260 2023/05/15 11:18:42 - mmengine - INFO - Epoch(train) [62][1160/1879] lr: 2.0000e-03 eta: 17:22:52 time: 0.7326 data_time: 0.0266 memory: 9812 grad_norm: 3.2592 loss: 2.1778 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1493 distill.loss_dist: 1.0285 2023/05/15 11:18:59 - mmengine - INFO - Epoch(train) [62][1180/1879] lr: 2.0000e-03 eta: 17:22:34 time: 0.8551 data_time: 0.0266 memory: 9812 grad_norm: 3.2941 loss: 2.2344 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2256 distill.loss_dist: 1.0088 2023/05/15 11:19:19 - mmengine - INFO - Epoch(train) [62][1200/1879] lr: 2.0000e-03 eta: 17:22:18 time: 0.9759 data_time: 0.0255 memory: 9812 grad_norm: 3.2583 loss: 2.1085 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0919 distill.loss_dist: 1.0166 2023/05/15 11:19:36 - mmengine - INFO - Epoch(train) [62][1220/1879] lr: 2.0000e-03 eta: 17:22:01 time: 0.8663 data_time: 0.0313 memory: 9812 grad_norm: 3.2555 loss: 2.3406 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2964 distill.loss_dist: 1.0442 2023/05/15 11:19:54 - mmengine - INFO - Epoch(train) [62][1240/1879] lr: 2.0000e-03 eta: 17:21:44 time: 0.8945 data_time: 0.0248 memory: 9812 grad_norm: 3.2442 loss: 2.1937 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1971 distill.loss_dist: 0.9966 2023/05/15 11:20:12 - mmengine - INFO - Epoch(train) [62][1260/1879] lr: 2.0000e-03 eta: 17:21:27 time: 0.9194 data_time: 0.0363 memory: 9812 grad_norm: 3.1592 loss: 2.2466 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2119 distill.loss_dist: 1.0347 2023/05/15 11:20:30 - mmengine - INFO - Epoch(train) [62][1280/1879] lr: 2.0000e-03 eta: 17:21:10 time: 0.8934 data_time: 0.0572 memory: 9812 grad_norm: 3.2354 loss: 2.2104 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1721 distill.loss_dist: 1.0384 2023/05/15 11:20:46 - mmengine - INFO - Epoch(train) [62][1300/1879] lr: 2.0000e-03 eta: 17:20:52 time: 0.8098 data_time: 0.0283 memory: 9812 grad_norm: 3.2595 loss: 2.2073 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1652 distill.loss_dist: 1.0421 2023/05/15 11:21:04 - mmengine - INFO - Epoch(train) [62][1320/1879] lr: 2.0000e-03 eta: 17:20:35 time: 0.8639 data_time: 0.0271 memory: 9812 grad_norm: 3.2703 loss: 2.2444 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2195 distill.loss_dist: 1.0250 2023/05/15 11:21:23 - mmengine - INFO - Epoch(train) [62][1340/1879] lr: 2.0000e-03 eta: 17:20:18 time: 0.9485 data_time: 0.0913 memory: 9812 grad_norm: 3.2222 loss: 2.2031 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1457 distill.loss_dist: 1.0575 2023/05/15 11:21:39 - mmengine - INFO - Epoch(train) [62][1360/1879] lr: 2.0000e-03 eta: 17:20:00 time: 0.8283 data_time: 0.0249 memory: 9812 grad_norm: 3.2235 loss: 2.1833 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1272 distill.loss_dist: 1.0562 2023/05/15 11:21:57 - mmengine - INFO - Epoch(train) [62][1380/1879] lr: 2.0000e-03 eta: 17:19:43 time: 0.8659 data_time: 0.0265 memory: 9812 grad_norm: 3.3120 loss: 2.1815 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1806 distill.loss_dist: 1.0009 2023/05/15 11:21:58 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 11:22:15 - mmengine - INFO - Epoch(train) [62][1400/1879] lr: 2.0000e-03 eta: 17:19:26 time: 0.8983 data_time: 0.0291 memory: 9812 grad_norm: 3.2210 loss: 2.1029 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0835 distill.loss_dist: 1.0194 2023/05/15 11:22:32 - mmengine - INFO - Epoch(train) [62][1420/1879] lr: 2.0000e-03 eta: 17:19:09 time: 0.8558 data_time: 0.0274 memory: 9812 grad_norm: 3.3190 loss: 2.1081 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1010 distill.loss_dist: 1.0072 2023/05/15 11:22:49 - mmengine - INFO - Epoch(train) [62][1440/1879] lr: 2.0000e-03 eta: 17:18:51 time: 0.8798 data_time: 0.0283 memory: 9812 grad_norm: 3.2876 loss: 2.3350 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3211 distill.loss_dist: 1.0139 2023/05/15 11:23:08 - mmengine - INFO - Epoch(train) [62][1460/1879] lr: 2.0000e-03 eta: 17:18:35 time: 0.9420 data_time: 0.0275 memory: 9812 grad_norm: 3.2613 loss: 2.3100 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2522 distill.loss_dist: 1.0578 2023/05/15 11:23:25 - mmengine - INFO - Epoch(train) [62][1480/1879] lr: 2.0000e-03 eta: 17:18:17 time: 0.8575 data_time: 0.0296 memory: 9812 grad_norm: 3.1889 loss: 2.1281 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1028 distill.loss_dist: 1.0253 2023/05/15 11:23:43 - mmengine - INFO - Epoch(train) [62][1500/1879] lr: 2.0000e-03 eta: 17:18:00 time: 0.8858 data_time: 0.0265 memory: 9812 grad_norm: 3.2858 loss: 2.1429 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0979 distill.loss_dist: 1.0449 2023/05/15 11:24:01 - mmengine - INFO - Epoch(train) [62][1520/1879] lr: 2.0000e-03 eta: 17:17:43 time: 0.8870 data_time: 0.0284 memory: 9812 grad_norm: 3.2377 loss: 2.4188 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3593 distill.loss_dist: 1.0595 2023/05/15 11:24:18 - mmengine - INFO - Epoch(train) [62][1540/1879] lr: 2.0000e-03 eta: 17:17:26 time: 0.8548 data_time: 0.0283 memory: 9812 grad_norm: 3.2772 loss: 2.2700 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2275 distill.loss_dist: 1.0426 2023/05/15 11:24:36 - mmengine - INFO - Epoch(train) [62][1560/1879] lr: 2.0000e-03 eta: 17:17:09 time: 0.9174 data_time: 0.0254 memory: 9812 grad_norm: 3.2717 loss: 2.1356 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1400 distill.loss_dist: 0.9956 2023/05/15 11:24:54 - mmengine - INFO - Epoch(train) [62][1580/1879] lr: 2.0000e-03 eta: 17:16:52 time: 0.8590 data_time: 0.0267 memory: 9812 grad_norm: 3.1764 loss: 2.2263 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1844 distill.loss_dist: 1.0419 2023/05/15 11:25:11 - mmengine - INFO - Epoch(train) [62][1600/1879] lr: 2.0000e-03 eta: 17:16:34 time: 0.8636 data_time: 0.0260 memory: 9812 grad_norm: 3.3262 loss: 2.2715 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2306 distill.loss_dist: 1.0409 2023/05/15 11:25:29 - mmengine - INFO - Epoch(train) [62][1620/1879] lr: 2.0000e-03 eta: 17:16:17 time: 0.8928 data_time: 0.0255 memory: 9812 grad_norm: 3.3003 loss: 2.1213 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1087 distill.loss_dist: 1.0126 2023/05/15 11:25:46 - mmengine - INFO - Epoch(train) [62][1640/1879] lr: 2.0000e-03 eta: 17:16:00 time: 0.8687 data_time: 0.0302 memory: 9812 grad_norm: 3.1731 loss: 2.2020 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1949 distill.loss_dist: 1.0072 2023/05/15 11:26:03 - mmengine - INFO - Epoch(train) [62][1660/1879] lr: 2.0000e-03 eta: 17:15:42 time: 0.8659 data_time: 0.0241 memory: 9812 grad_norm: 3.2703 loss: 2.4381 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3473 distill.loss_dist: 1.0909 2023/05/15 11:26:23 - mmengine - INFO - Epoch(train) [62][1680/1879] lr: 2.0000e-03 eta: 17:15:26 time: 0.9625 data_time: 0.0279 memory: 9812 grad_norm: 3.3076 loss: 2.1595 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.1375 distill.loss_dist: 1.0221 2023/05/15 11:26:39 - mmengine - INFO - Epoch(train) [62][1700/1879] lr: 2.0000e-03 eta: 17:15:08 time: 0.7939 data_time: 0.0253 memory: 9812 grad_norm: 3.2279 loss: 2.1644 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1359 distill.loss_dist: 1.0285 2023/05/15 11:26:55 - mmengine - INFO - Epoch(train) [62][1720/1879] lr: 2.0000e-03 eta: 17:14:50 time: 0.8171 data_time: 0.0278 memory: 9812 grad_norm: 3.2573 loss: 2.2897 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2235 distill.loss_dist: 1.0662 2023/05/15 11:27:15 - mmengine - INFO - Epoch(train) [62][1740/1879] lr: 2.0000e-03 eta: 17:14:34 time: 0.9780 data_time: 0.0285 memory: 9812 grad_norm: 3.2326 loss: 2.0867 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0702 distill.loss_dist: 1.0165 2023/05/15 11:27:31 - mmengine - INFO - Epoch(train) [62][1760/1879] lr: 2.0000e-03 eta: 17:14:16 time: 0.8463 data_time: 0.0324 memory: 9812 grad_norm: 3.2586 loss: 2.3701 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3336 distill.loss_dist: 1.0366 2023/05/15 11:27:48 - mmengine - INFO - Epoch(train) [62][1780/1879] lr: 2.0000e-03 eta: 17:13:58 time: 0.8018 data_time: 0.0270 memory: 9812 grad_norm: 3.2156 loss: 2.1823 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1435 distill.loss_dist: 1.0388 2023/05/15 11:28:07 - mmengine - INFO - Epoch(train) [62][1800/1879] lr: 2.0000e-03 eta: 17:13:42 time: 0.9702 data_time: 0.0258 memory: 9812 grad_norm: 3.1899 loss: 2.4513 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3875 distill.loss_dist: 1.0638 2023/05/15 11:28:24 - mmengine - INFO - Epoch(train) [62][1820/1879] lr: 2.0000e-03 eta: 17:13:24 time: 0.8385 data_time: 0.0311 memory: 9812 grad_norm: 3.2616 loss: 2.2610 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2196 distill.loss_dist: 1.0413 2023/05/15 11:28:42 - mmengine - INFO - Epoch(train) [62][1840/1879] lr: 2.0000e-03 eta: 17:13:08 time: 0.9077 data_time: 0.0268 memory: 9812 grad_norm: 3.2932 loss: 2.3545 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.3256 distill.loss_dist: 1.0289 2023/05/15 11:29:00 - mmengine - INFO - Epoch(train) [62][1860/1879] lr: 2.0000e-03 eta: 17:12:51 time: 0.8963 data_time: 0.0255 memory: 9812 grad_norm: 3.2265 loss: 2.3529 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3096 distill.loss_dist: 1.0433 2023/05/15 11:29:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 11:29:13 - mmengine - INFO - Epoch(train) [62][1879/1879] lr: 2.0000e-03 eta: 17:12:32 time: 0.7571 data_time: 0.0203 memory: 9812 grad_norm: 3.3085 loss: 2.1597 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 1.1236 distill.loss_dist: 1.0360 2023/05/15 11:29:33 - mmengine - INFO - Epoch(val) [62][ 20/155] eta: 0:02:16 time: 1.0135 data_time: 0.9468 memory: 1484 2023/05/15 11:29:47 - mmengine - INFO - Epoch(val) [62][ 40/155] eta: 0:01:38 time: 0.6978 data_time: 0.6309 memory: 1484 2023/05/15 11:30:05 - mmengine - INFO - Epoch(val) [62][ 60/155] eta: 0:01:22 time: 0.8943 data_time: 0.8255 memory: 1484 2023/05/15 11:30:19 - mmengine - INFO - Epoch(val) [62][ 80/155] eta: 0:01:02 time: 0.7118 data_time: 0.6489 memory: 1484 2023/05/15 11:30:38 - mmengine - INFO - Epoch(val) [62][100/155] eta: 0:00:46 time: 0.9437 data_time: 0.8795 memory: 1484 2023/05/15 11:30:52 - mmengine - INFO - Epoch(val) [62][120/155] eta: 0:00:28 time: 0.6888 data_time: 0.6250 memory: 1484 2023/05/15 11:31:12 - mmengine - INFO - Epoch(val) [62][140/155] eta: 0:00:12 time: 1.0328 data_time: 0.9667 memory: 1484 2023/05/15 11:31:42 - mmengine - INFO - Epoch(val) [62][ 20/155] eta: 0:16:40 time: 1.0356 data_time: 0.8823 memory: 1582 2023/05/15 11:31:56 - mmengine - INFO - Epoch(val) [62][ 40/155] eta: 0:07:46 time: 0.7041 data_time: 0.5474 memory: 1582 2023/05/15 11:32:15 - mmengine - INFO - Epoch(val) [62][ 60/155] eta: 0:04:47 time: 0.9516 data_time: 0.7989 memory: 1582 2023/05/15 11:32:30 - mmengine - INFO - Epoch(val) [62][ 80/155] eta: 0:03:03 time: 0.7078 data_time: 0.5540 memory: 1582 2023/05/15 11:32:50 - mmengine - INFO - Epoch(val) [62][100/155] eta: 0:01:58 time: 1.0007 data_time: 0.8442 memory: 1582 2023/05/15 11:33:03 - mmengine - INFO - Epoch(val) [62][120/155] eta: 0:01:06 time: 0.6836 data_time: 0.5305 memory: 1582 2023/05/15 11:33:23 - mmengine - INFO - Epoch(val) [62][140/155] eta: 0:00:26 time: 1.0016 data_time: 0.8471 memory: 1582 2023/05/15 11:33:32 - mmengine - INFO - Epoch(val) [62][155/155] acc/top1: 0.6734 acc/top5: 0.8756 acc/mean1: 0.6733 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6779 time: 0.8302 2023/05/15 11:33:56 - mmengine - INFO - Epoch(train) [63][ 20/1879] lr: 2.0000e-03 eta: 17:12:18 time: 1.1540 data_time: 0.5194 memory: 9812 grad_norm: 3.2357 loss: 2.1835 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1453 distill.loss_dist: 1.0382 2023/05/15 11:34:10 - mmengine - INFO - Epoch(train) [63][ 40/1879] lr: 2.0000e-03 eta: 17:11:59 time: 0.7438 data_time: 0.1684 memory: 9812 grad_norm: 3.2119 loss: 2.1583 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1447 distill.loss_dist: 1.0137 2023/05/15 11:34:28 - mmengine - INFO - Epoch(train) [63][ 60/1879] lr: 2.0000e-03 eta: 17:11:42 time: 0.8650 data_time: 0.2681 memory: 9812 grad_norm: 3.2751 loss: 2.1894 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1590 distill.loss_dist: 1.0304 2023/05/15 11:34:46 - mmengine - INFO - Epoch(train) [63][ 80/1879] lr: 2.0000e-03 eta: 17:11:25 time: 0.9303 data_time: 0.4043 memory: 9812 grad_norm: 3.2142 loss: 2.2388 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1961 distill.loss_dist: 1.0427 2023/05/15 11:35:04 - mmengine - INFO - Epoch(train) [63][ 100/1879] lr: 2.0000e-03 eta: 17:11:08 time: 0.8655 data_time: 0.3206 memory: 9812 grad_norm: 3.1951 loss: 2.0960 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0844 distill.loss_dist: 1.0117 2023/05/15 11:35:21 - mmengine - INFO - Epoch(train) [63][ 120/1879] lr: 2.0000e-03 eta: 17:10:50 time: 0.8698 data_time: 0.2195 memory: 9812 grad_norm: 3.1831 loss: 2.0985 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0729 distill.loss_dist: 1.0257 2023/05/15 11:35:39 - mmengine - INFO - Epoch(train) [63][ 140/1879] lr: 2.0000e-03 eta: 17:10:33 time: 0.8996 data_time: 0.1618 memory: 9812 grad_norm: 3.2480 loss: 2.1263 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0999 distill.loss_dist: 1.0264 2023/05/15 11:35:57 - mmengine - INFO - Epoch(train) [63][ 160/1879] lr: 2.0000e-03 eta: 17:10:16 time: 0.8790 data_time: 0.2564 memory: 9812 grad_norm: 3.2134 loss: 2.0526 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0374 distill.loss_dist: 1.0151 2023/05/15 11:36:15 - mmengine - INFO - Epoch(train) [63][ 180/1879] lr: 2.0000e-03 eta: 17:09:59 time: 0.9150 data_time: 0.0852 memory: 9812 grad_norm: 3.1959 loss: 2.1898 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1722 distill.loss_dist: 1.0176 2023/05/15 11:36:33 - mmengine - INFO - Epoch(train) [63][ 200/1879] lr: 2.0000e-03 eta: 17:09:42 time: 0.8738 data_time: 0.0310 memory: 9812 grad_norm: 3.2004 loss: 2.0716 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0692 distill.loss_dist: 1.0024 2023/05/15 11:36:50 - mmengine - INFO - Epoch(train) [63][ 220/1879] lr: 2.0000e-03 eta: 17:09:25 time: 0.8560 data_time: 0.0693 memory: 9812 grad_norm: 3.1936 loss: 2.2031 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1632 distill.loss_dist: 1.0399 2023/05/15 11:37:08 - mmengine - INFO - Epoch(train) [63][ 240/1879] lr: 2.0000e-03 eta: 17:09:08 time: 0.9158 data_time: 0.0453 memory: 9812 grad_norm: 3.2063 loss: 2.1634 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1421 distill.loss_dist: 1.0213 2023/05/15 11:37:26 - mmengine - INFO - Epoch(train) [63][ 260/1879] lr: 2.0000e-03 eta: 17:08:51 time: 0.8729 data_time: 0.0256 memory: 9812 grad_norm: 3.2442 loss: 2.1186 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1058 distill.loss_dist: 1.0128 2023/05/15 11:37:44 - mmengine - INFO - Epoch(train) [63][ 280/1879] lr: 2.0000e-03 eta: 17:08:34 time: 0.9263 data_time: 0.0275 memory: 9812 grad_norm: 3.2251 loss: 2.1560 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1301 distill.loss_dist: 1.0259 2023/05/15 11:38:01 - mmengine - INFO - Epoch(train) [63][ 300/1879] lr: 2.0000e-03 eta: 17:08:16 time: 0.8245 data_time: 0.0257 memory: 9812 grad_norm: 3.2406 loss: 2.3235 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2792 distill.loss_dist: 1.0443 2023/05/15 11:38:19 - mmengine - INFO - Epoch(train) [63][ 320/1879] lr: 2.0000e-03 eta: 17:07:59 time: 0.9256 data_time: 0.0257 memory: 9812 grad_norm: 3.2378 loss: 2.4342 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3612 distill.loss_dist: 1.0731 2023/05/15 11:38:36 - mmengine - INFO - Epoch(train) [63][ 340/1879] lr: 2.0000e-03 eta: 17:07:42 time: 0.8579 data_time: 0.0265 memory: 9812 grad_norm: 3.2781 loss: 2.2919 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2636 distill.loss_dist: 1.0283 2023/05/15 11:38:53 - mmengine - INFO - Epoch(train) [63][ 360/1879] lr: 2.0000e-03 eta: 17:07:24 time: 0.8244 data_time: 0.0296 memory: 9812 grad_norm: 3.1987 loss: 2.1762 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1376 distill.loss_dist: 1.0386 2023/05/15 11:39:11 - mmengine - INFO - Epoch(train) [63][ 380/1879] lr: 2.0000e-03 eta: 17:07:07 time: 0.9264 data_time: 0.0243 memory: 9812 grad_norm: 3.2763 loss: 2.2970 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2532 distill.loss_dist: 1.0438 2023/05/15 11:39:28 - mmengine - INFO - Epoch(train) [63][ 400/1879] lr: 2.0000e-03 eta: 17:06:50 time: 0.8292 data_time: 0.0299 memory: 9812 grad_norm: 3.2149 loss: 2.1883 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1829 distill.loss_dist: 1.0054 2023/05/15 11:39:45 - mmengine - INFO - Epoch(train) [63][ 420/1879] lr: 2.0000e-03 eta: 17:06:32 time: 0.8762 data_time: 0.0297 memory: 9812 grad_norm: 3.2629 loss: 2.3106 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2575 distill.loss_dist: 1.0531 2023/05/15 11:40:03 - mmengine - INFO - Epoch(train) [63][ 440/1879] lr: 2.0000e-03 eta: 17:06:15 time: 0.8941 data_time: 0.0500 memory: 9812 grad_norm: 3.3625 loss: 2.1951 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1486 distill.loss_dist: 1.0465 2023/05/15 11:40:21 - mmengine - INFO - Epoch(train) [63][ 460/1879] lr: 2.0000e-03 eta: 17:05:58 time: 0.8670 data_time: 0.0707 memory: 9812 grad_norm: 3.1655 loss: 2.0806 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0687 distill.loss_dist: 1.0119 2023/05/15 11:40:40 - mmengine - INFO - Epoch(train) [63][ 480/1879] lr: 2.0000e-03 eta: 17:05:42 time: 0.9755 data_time: 0.0267 memory: 9812 grad_norm: 3.2792 loss: 2.2868 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2436 distill.loss_dist: 1.0432 2023/05/15 11:40:57 - mmengine - INFO - Epoch(train) [63][ 500/1879] lr: 2.0000e-03 eta: 17:05:24 time: 0.8276 data_time: 0.0289 memory: 9812 grad_norm: 3.2639 loss: 2.2046 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1678 distill.loss_dist: 1.0368 2023/05/15 11:40:58 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 11:41:13 - mmengine - INFO - Epoch(train) [63][ 520/1879] lr: 2.0000e-03 eta: 17:05:06 time: 0.8101 data_time: 0.0312 memory: 9812 grad_norm: 3.2216 loss: 2.1766 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1478 distill.loss_dist: 1.0288 2023/05/15 11:41:33 - mmengine - INFO - Epoch(train) [63][ 540/1879] lr: 2.0000e-03 eta: 17:04:50 time: 0.9852 data_time: 0.0253 memory: 9812 grad_norm: 3.3317 loss: 2.1770 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1441 distill.loss_dist: 1.0329 2023/05/15 11:41:51 - mmengine - INFO - Epoch(train) [63][ 560/1879] lr: 2.0000e-03 eta: 17:04:33 time: 0.9160 data_time: 0.0266 memory: 9812 grad_norm: 3.2767 loss: 2.2183 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1660 distill.loss_dist: 1.0524 2023/05/15 11:42:08 - mmengine - INFO - Epoch(train) [63][ 580/1879] lr: 2.0000e-03 eta: 17:04:16 time: 0.8336 data_time: 0.0257 memory: 9812 grad_norm: 3.2689 loss: 2.0679 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0518 distill.loss_dist: 1.0161 2023/05/15 11:42:24 - mmengine - INFO - Epoch(train) [63][ 600/1879] lr: 2.0000e-03 eta: 17:03:57 time: 0.8052 data_time: 0.0245 memory: 9812 grad_norm: 3.1696 loss: 2.2013 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1638 distill.loss_dist: 1.0376 2023/05/15 11:42:43 - mmengine - INFO - Epoch(train) [63][ 620/1879] lr: 2.0000e-03 eta: 17:03:41 time: 0.9559 data_time: 0.0277 memory: 9812 grad_norm: 3.2646 loss: 2.1081 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1115 distill.loss_dist: 0.9965 2023/05/15 11:43:00 - mmengine - INFO - Epoch(train) [63][ 640/1879] lr: 2.0000e-03 eta: 17:03:23 time: 0.8220 data_time: 0.0262 memory: 9812 grad_norm: 3.2548 loss: 2.2519 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2273 distill.loss_dist: 1.0246 2023/05/15 11:43:16 - mmengine - INFO - Epoch(train) [63][ 660/1879] lr: 2.0000e-03 eta: 17:03:05 time: 0.8220 data_time: 0.0277 memory: 9812 grad_norm: 3.2811 loss: 2.3943 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3552 distill.loss_dist: 1.0392 2023/05/15 11:43:35 - mmengine - INFO - Epoch(train) [63][ 680/1879] lr: 2.0000e-03 eta: 17:02:49 time: 0.9708 data_time: 0.0240 memory: 9812 grad_norm: 3.3061 loss: 2.2343 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1485 distill.loss_dist: 1.0858 2023/05/15 11:43:53 - mmengine - INFO - Epoch(train) [63][ 700/1879] lr: 2.0000e-03 eta: 17:02:32 time: 0.8632 data_time: 0.0258 memory: 9812 grad_norm: 3.2110 loss: 2.0961 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0642 distill.loss_dist: 1.0319 2023/05/15 11:44:10 - mmengine - INFO - Epoch(train) [63][ 720/1879] lr: 2.0000e-03 eta: 17:02:14 time: 0.8464 data_time: 0.0296 memory: 9812 grad_norm: 3.2810 loss: 2.4618 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.4184 distill.loss_dist: 1.0435 2023/05/15 11:44:29 - mmengine - INFO - Epoch(train) [63][ 740/1879] lr: 2.0000e-03 eta: 17:01:58 time: 0.9443 data_time: 0.0243 memory: 9812 grad_norm: 3.2586 loss: 2.2304 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1867 distill.loss_dist: 1.0437 2023/05/15 11:44:46 - mmengine - INFO - Epoch(train) [63][ 760/1879] lr: 2.0000e-03 eta: 17:01:40 time: 0.8493 data_time: 0.0253 memory: 9812 grad_norm: 3.2104 loss: 2.1510 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1236 distill.loss_dist: 1.0274 2023/05/15 11:45:02 - mmengine - INFO - Epoch(train) [63][ 780/1879] lr: 2.0000e-03 eta: 17:01:22 time: 0.8253 data_time: 0.0285 memory: 9812 grad_norm: 3.2102 loss: 2.2470 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2288 distill.loss_dist: 1.0182 2023/05/15 11:45:20 - mmengine - INFO - Epoch(train) [63][ 800/1879] lr: 2.0000e-03 eta: 17:01:05 time: 0.8879 data_time: 0.0272 memory: 9812 grad_norm: 3.1817 loss: 2.2628 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2237 distill.loss_dist: 1.0391 2023/05/15 11:45:38 - mmengine - INFO - Epoch(train) [63][ 820/1879] lr: 2.0000e-03 eta: 17:00:48 time: 0.8861 data_time: 0.0302 memory: 9812 grad_norm: 3.2122 loss: 2.2428 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1968 distill.loss_dist: 1.0460 2023/05/15 11:45:54 - mmengine - INFO - Epoch(train) [63][ 840/1879] lr: 2.0000e-03 eta: 17:00:30 time: 0.8440 data_time: 0.0274 memory: 9812 grad_norm: 3.2168 loss: 2.1526 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1258 distill.loss_dist: 1.0267 2023/05/15 11:46:11 - mmengine - INFO - Epoch(train) [63][ 860/1879] lr: 2.0000e-03 eta: 17:00:13 time: 0.8359 data_time: 0.0744 memory: 9812 grad_norm: 3.2315 loss: 2.0379 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.0385 distill.loss_dist: 0.9993 2023/05/15 11:46:31 - mmengine - INFO - Epoch(train) [63][ 880/1879] lr: 2.0000e-03 eta: 16:59:57 time: 0.9790 data_time: 0.0422 memory: 9812 grad_norm: 3.2770 loss: 2.1916 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1692 distill.loss_dist: 1.0224 2023/05/15 11:46:49 - mmengine - INFO - Epoch(train) [63][ 900/1879] lr: 2.0000e-03 eta: 16:59:40 time: 0.8918 data_time: 0.0250 memory: 9812 grad_norm: 3.2443 loss: 2.2130 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1834 distill.loss_dist: 1.0295 2023/05/15 11:47:06 - mmengine - INFO - Epoch(train) [63][ 920/1879] lr: 2.0000e-03 eta: 16:59:22 time: 0.8492 data_time: 0.0308 memory: 9812 grad_norm: 3.2989 loss: 2.2798 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2189 distill.loss_dist: 1.0609 2023/05/15 11:47:25 - mmengine - INFO - Epoch(train) [63][ 940/1879] lr: 2.0000e-03 eta: 16:59:06 time: 0.9651 data_time: 0.0261 memory: 9812 grad_norm: 3.2580 loss: 2.3280 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2830 distill.loss_dist: 1.0450 2023/05/15 11:47:40 - mmengine - INFO - Epoch(train) [63][ 960/1879] lr: 2.0000e-03 eta: 16:58:47 time: 0.7495 data_time: 0.0274 memory: 9812 grad_norm: 3.2242 loss: 2.1348 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0865 distill.loss_dist: 1.0483 2023/05/15 11:47:56 - mmengine - INFO - Epoch(train) [63][ 980/1879] lr: 2.0000e-03 eta: 16:58:29 time: 0.7938 data_time: 0.0315 memory: 9812 grad_norm: 3.2724 loss: 2.3007 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2638 distill.loss_dist: 1.0369 2023/05/15 11:48:16 - mmengine - INFO - Epoch(train) [63][1000/1879] lr: 2.0000e-03 eta: 16:58:13 time: 0.9856 data_time: 0.0277 memory: 9812 grad_norm: 3.2545 loss: 2.2768 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1834 distill.loss_dist: 1.0934 2023/05/15 11:48:32 - mmengine - INFO - Epoch(train) [63][1020/1879] lr: 2.0000e-03 eta: 16:57:55 time: 0.8403 data_time: 0.0433 memory: 9812 grad_norm: 3.2021 loss: 2.1417 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1244 distill.loss_dist: 1.0173 2023/05/15 11:48:49 - mmengine - INFO - Epoch(train) [63][1040/1879] lr: 2.0000e-03 eta: 16:57:38 time: 0.8427 data_time: 0.0335 memory: 9812 grad_norm: 3.2432 loss: 2.2472 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.2125 distill.loss_dist: 1.0347 2023/05/15 11:49:09 - mmengine - INFO - Epoch(train) [63][1060/1879] lr: 2.0000e-03 eta: 16:57:21 time: 0.9739 data_time: 0.0263 memory: 9812 grad_norm: 3.2450 loss: 2.3638 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.3469 distill.loss_dist: 1.0169 2023/05/15 11:49:25 - mmengine - INFO - Epoch(train) [63][1080/1879] lr: 2.0000e-03 eta: 16:57:03 time: 0.8011 data_time: 0.0658 memory: 9812 grad_norm: 3.1977 loss: 2.3295 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.2924 distill.loss_dist: 1.0371 2023/05/15 11:49:43 - mmengine - INFO - Epoch(train) [63][1100/1879] lr: 2.0000e-03 eta: 16:56:47 time: 0.9220 data_time: 0.0388 memory: 9812 grad_norm: 3.2430 loss: 2.3439 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3059 distill.loss_dist: 1.0380 2023/05/15 11:50:01 - mmengine - INFO - Epoch(train) [63][1120/1879] lr: 2.0000e-03 eta: 16:56:30 time: 0.9025 data_time: 0.0299 memory: 9812 grad_norm: 3.3128 loss: 2.2346 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2232 distill.loss_dist: 1.0113 2023/05/15 11:50:19 - mmengine - INFO - Epoch(train) [63][1140/1879] lr: 2.0000e-03 eta: 16:56:12 time: 0.8623 data_time: 0.0233 memory: 9812 grad_norm: 3.2867 loss: 2.3484 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2919 distill.loss_dist: 1.0565 2023/05/15 11:50:36 - mmengine - INFO - Epoch(train) [63][1160/1879] lr: 2.0000e-03 eta: 16:55:55 time: 0.8515 data_time: 0.0273 memory: 9812 grad_norm: 3.3392 loss: 2.3142 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2784 distill.loss_dist: 1.0358 2023/05/15 11:50:54 - mmengine - INFO - Epoch(train) [63][1180/1879] lr: 2.0000e-03 eta: 16:55:38 time: 0.9225 data_time: 0.0276 memory: 9812 grad_norm: 3.2047 loss: 2.1822 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1420 distill.loss_dist: 1.0402 2023/05/15 11:51:12 - mmengine - INFO - Epoch(train) [63][1200/1879] lr: 2.0000e-03 eta: 16:55:21 time: 0.9007 data_time: 0.0251 memory: 9812 grad_norm: 3.2729 loss: 2.1770 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1643 distill.loss_dist: 1.0127 2023/05/15 11:51:29 - mmengine - INFO - Epoch(train) [63][1220/1879] lr: 2.0000e-03 eta: 16:55:03 time: 0.8225 data_time: 0.0297 memory: 9812 grad_norm: 3.2852 loss: 2.2941 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2224 distill.loss_dist: 1.0716 2023/05/15 11:51:48 - mmengine - INFO - Epoch(train) [63][1240/1879] lr: 2.0000e-03 eta: 16:54:47 time: 0.9738 data_time: 0.0270 memory: 9812 grad_norm: 3.2066 loss: 1.9545 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9548 distill.loss_dist: 0.9997 2023/05/15 11:52:05 - mmengine - INFO - Epoch(train) [63][1260/1879] lr: 2.0000e-03 eta: 16:54:29 time: 0.8412 data_time: 0.0318 memory: 9812 grad_norm: 3.2707 loss: 2.1746 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1418 distill.loss_dist: 1.0329 2023/05/15 11:52:22 - mmengine - INFO - Epoch(train) [63][1280/1879] lr: 2.0000e-03 eta: 16:54:12 time: 0.8362 data_time: 0.0275 memory: 9812 grad_norm: 3.1832 loss: 2.2670 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2326 distill.loss_dist: 1.0344 2023/05/15 11:52:39 - mmengine - INFO - Epoch(train) [63][1300/1879] lr: 2.0000e-03 eta: 16:53:54 time: 0.8774 data_time: 0.0242 memory: 9812 grad_norm: 3.2308 loss: 2.3147 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2343 distill.loss_dist: 1.0804 2023/05/15 11:52:56 - mmengine - INFO - Epoch(train) [63][1320/1879] lr: 2.0000e-03 eta: 16:53:37 time: 0.8437 data_time: 0.0284 memory: 9812 grad_norm: 3.2887 loss: 2.1784 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1583 distill.loss_dist: 1.0201 2023/05/15 11:53:15 - mmengine - INFO - Epoch(train) [63][1340/1879] lr: 2.0000e-03 eta: 16:53:20 time: 0.9153 data_time: 0.0249 memory: 9812 grad_norm: 3.3071 loss: 2.1782 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1808 distill.loss_dist: 0.9974 2023/05/15 11:53:32 - mmengine - INFO - Epoch(train) [63][1360/1879] lr: 2.0000e-03 eta: 16:53:03 time: 0.8727 data_time: 0.0289 memory: 9812 grad_norm: 3.2479 loss: 2.1764 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1375 distill.loss_dist: 1.0390 2023/05/15 11:53:50 - mmengine - INFO - Epoch(train) [63][1380/1879] lr: 2.0000e-03 eta: 16:52:45 time: 0.8819 data_time: 0.0266 memory: 9812 grad_norm: 3.3074 loss: 2.1950 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1656 distill.loss_dist: 1.0294 2023/05/15 11:54:07 - mmengine - INFO - Epoch(train) [63][1400/1879] lr: 2.0000e-03 eta: 16:52:28 time: 0.8420 data_time: 0.0265 memory: 9812 grad_norm: 3.2793 loss: 2.3305 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2560 distill.loss_dist: 1.0744 2023/05/15 11:54:24 - mmengine - INFO - Epoch(train) [63][1420/1879] lr: 2.0000e-03 eta: 16:52:10 time: 0.8639 data_time: 0.0280 memory: 9812 grad_norm: 3.3020 loss: 2.2033 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2084 distill.loss_dist: 0.9949 2023/05/15 11:54:43 - mmengine - INFO - Epoch(train) [63][1440/1879] lr: 2.0000e-03 eta: 16:51:54 time: 0.9345 data_time: 0.0282 memory: 9812 grad_norm: 3.1806 loss: 2.4113 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3694 distill.loss_dist: 1.0419 2023/05/15 11:55:00 - mmengine - INFO - Epoch(train) [63][1460/1879] lr: 2.0000e-03 eta: 16:51:36 time: 0.8489 data_time: 0.0279 memory: 9812 grad_norm: 3.3893 loss: 2.3331 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3001 distill.loss_dist: 1.0329 2023/05/15 11:55:15 - mmengine - INFO - Epoch(train) [63][1480/1879] lr: 2.0000e-03 eta: 16:51:18 time: 0.7840 data_time: 0.0283 memory: 9812 grad_norm: 3.3724 loss: 2.2599 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2015 distill.loss_dist: 1.0584 2023/05/15 11:55:35 - mmengine - INFO - Epoch(train) [63][1500/1879] lr: 2.0000e-03 eta: 16:51:02 time: 1.0131 data_time: 0.0265 memory: 9812 grad_norm: 3.2553 loss: 2.0874 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0867 distill.loss_dist: 1.0007 2023/05/15 11:55:36 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 11:55:51 - mmengine - INFO - Epoch(train) [63][1520/1879] lr: 2.0000e-03 eta: 16:50:44 time: 0.7952 data_time: 0.0261 memory: 9812 grad_norm: 3.1910 loss: 2.1688 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1704 distill.loss_dist: 0.9984 2023/05/15 11:56:09 - mmengine - INFO - Epoch(train) [63][1540/1879] lr: 2.0000e-03 eta: 16:50:27 time: 0.8709 data_time: 0.0265 memory: 9812 grad_norm: 3.1753 loss: 2.2850 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.2248 distill.loss_dist: 1.0602 2023/05/15 11:56:27 - mmengine - INFO - Epoch(train) [63][1560/1879] lr: 2.0000e-03 eta: 16:50:10 time: 0.9184 data_time: 0.0283 memory: 9812 grad_norm: 3.2634 loss: 2.2483 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1933 distill.loss_dist: 1.0549 2023/05/15 11:56:45 - mmengine - INFO - Epoch(train) [63][1580/1879] lr: 2.0000e-03 eta: 16:49:53 time: 0.8749 data_time: 0.0287 memory: 9812 grad_norm: 3.3643 loss: 2.4088 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3422 distill.loss_dist: 1.0667 2023/05/15 11:57:00 - mmengine - INFO - Epoch(train) [63][1600/1879] lr: 2.0000e-03 eta: 16:49:34 time: 0.7743 data_time: 0.0275 memory: 9812 grad_norm: 3.2627 loss: 2.2530 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2280 distill.loss_dist: 1.0249 2023/05/15 11:57:19 - mmengine - INFO - Epoch(train) [63][1620/1879] lr: 2.0000e-03 eta: 16:49:18 time: 0.9504 data_time: 0.0358 memory: 9812 grad_norm: 3.2541 loss: 2.3271 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2688 distill.loss_dist: 1.0583 2023/05/15 11:57:36 - mmengine - INFO - Epoch(train) [63][1640/1879] lr: 2.0000e-03 eta: 16:49:00 time: 0.8274 data_time: 0.0277 memory: 9812 grad_norm: 3.2321 loss: 2.3114 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2790 distill.loss_dist: 1.0324 2023/05/15 11:57:53 - mmengine - INFO - Epoch(train) [63][1660/1879] lr: 2.0000e-03 eta: 16:48:42 time: 0.8456 data_time: 0.0268 memory: 9812 grad_norm: 3.3724 loss: 2.1706 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1349 distill.loss_dist: 1.0358 2023/05/15 11:58:13 - mmengine - INFO - Epoch(train) [63][1680/1879] lr: 2.0000e-03 eta: 16:48:27 time: 0.9956 data_time: 0.1125 memory: 9812 grad_norm: 3.2693 loss: 2.3528 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3015 distill.loss_dist: 1.0512 2023/05/15 11:58:30 - mmengine - INFO - Epoch(train) [63][1700/1879] lr: 2.0000e-03 eta: 16:48:09 time: 0.8596 data_time: 0.2160 memory: 9812 grad_norm: 3.2210 loss: 2.2711 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2478 distill.loss_dist: 1.0233 2023/05/15 11:58:45 - mmengine - INFO - Epoch(train) [63][1720/1879] lr: 2.0000e-03 eta: 16:47:51 time: 0.7716 data_time: 0.2518 memory: 9812 grad_norm: 3.2436 loss: 2.3076 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2742 distill.loss_dist: 1.0334 2023/05/15 11:59:04 - mmengine - INFO - Epoch(train) [63][1740/1879] lr: 2.0000e-03 eta: 16:47:34 time: 0.9059 data_time: 0.1980 memory: 9812 grad_norm: 3.3334 loss: 2.2630 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2122 distill.loss_dist: 1.0509 2023/05/15 11:59:22 - mmengine - INFO - Epoch(train) [63][1760/1879] lr: 2.0000e-03 eta: 16:47:17 time: 0.9039 data_time: 0.1417 memory: 9812 grad_norm: 3.2598 loss: 2.3317 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2763 distill.loss_dist: 1.0554 2023/05/15 11:59:39 - mmengine - INFO - Epoch(train) [63][1780/1879] lr: 2.0000e-03 eta: 16:46:59 time: 0.8608 data_time: 0.1053 memory: 9812 grad_norm: 3.2103 loss: 2.0761 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0543 distill.loss_dist: 1.0218 2023/05/15 11:59:58 - mmengine - INFO - Epoch(train) [63][1800/1879] lr: 2.0000e-03 eta: 16:46:43 time: 0.9686 data_time: 0.0235 memory: 9812 grad_norm: 3.2348 loss: 2.1555 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1115 distill.loss_dist: 1.0440 2023/05/15 12:00:15 - mmengine - INFO - Epoch(train) [63][1820/1879] lr: 2.0000e-03 eta: 16:46:26 time: 0.8519 data_time: 0.0283 memory: 9812 grad_norm: 3.2903 loss: 2.2711 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.2456 distill.loss_dist: 1.0255 2023/05/15 12:00:32 - mmengine - INFO - Epoch(train) [63][1840/1879] lr: 2.0000e-03 eta: 16:46:08 time: 0.8284 data_time: 0.0284 memory: 9812 grad_norm: 3.2545 loss: 2.3931 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3264 distill.loss_dist: 1.0667 2023/05/15 12:00:52 - mmengine - INFO - Epoch(train) [63][1860/1879] lr: 2.0000e-03 eta: 16:45:52 time: 0.9951 data_time: 0.0265 memory: 9812 grad_norm: 3.3152 loss: 2.5320 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.4573 distill.loss_dist: 1.0747 2023/05/15 12:01:04 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 12:01:04 - mmengine - INFO - Epoch(train) [63][1879/1879] lr: 2.0000e-03 eta: 16:45:33 time: 0.7726 data_time: 0.0207 memory: 9812 grad_norm: 3.4005 loss: 2.3052 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.2596 distill.loss_dist: 1.0455 2023/05/15 12:01:04 - mmengine - INFO - Saving checkpoint at 63 epochs 2023/05/15 12:01:25 - mmengine - INFO - Epoch(val) [63][ 20/155] eta: 0:02:12 time: 0.9806 data_time: 0.9184 memory: 1484 2023/05/15 12:01:39 - mmengine - INFO - Epoch(val) [63][ 40/155] eta: 0:01:36 time: 0.6976 data_time: 0.6332 memory: 1484 2023/05/15 12:01:58 - mmengine - INFO - Epoch(val) [63][ 60/155] eta: 0:01:23 time: 0.9735 data_time: 0.9095 memory: 1484 2023/05/15 12:02:12 - mmengine - INFO - Epoch(val) [63][ 80/155] eta: 0:01:02 time: 0.6996 data_time: 0.6356 memory: 1484 2023/05/15 12:02:32 - mmengine - INFO - Epoch(val) [63][100/155] eta: 0:00:47 time: 0.9880 data_time: 0.9195 memory: 1484 2023/05/15 12:02:45 - mmengine - INFO - Epoch(val) [63][120/155] eta: 0:00:29 time: 0.6530 data_time: 0.5892 memory: 1484 2023/05/15 12:03:05 - mmengine - INFO - Epoch(val) [63][140/155] eta: 0:00:12 time: 0.9803 data_time: 0.9199 memory: 1484 2023/05/15 12:03:33 - mmengine - INFO - Epoch(val) [63][ 20/155] eta: 0:16:26 time: 1.0177 data_time: 0.8634 memory: 1582 2023/05/15 12:03:48 - mmengine - INFO - Epoch(val) [63][ 40/155] eta: 0:07:43 time: 0.7469 data_time: 0.5920 memory: 1582 2023/05/15 12:04:05 - mmengine - INFO - Epoch(val) [63][ 60/155] eta: 0:04:43 time: 0.8867 data_time: 0.7346 memory: 1582 2023/05/15 12:04:20 - mmengine - INFO - Epoch(val) [63][ 80/155] eta: 0:03:01 time: 0.7162 data_time: 0.5621 memory: 1582 2023/05/15 12:04:40 - mmengine - INFO - Epoch(val) [63][100/155] eta: 0:01:57 time: 0.9983 data_time: 0.8486 memory: 1582 2023/05/15 12:04:53 - mmengine - INFO - Epoch(val) [63][120/155] eta: 0:01:06 time: 0.6840 data_time: 0.5282 memory: 1582 2023/05/15 12:05:13 - mmengine - INFO - Epoch(val) [63][140/155] eta: 0:00:26 time: 0.9898 data_time: 0.8352 memory: 1582 2023/05/15 12:05:23 - mmengine - INFO - Epoch(val) [63][155/155] acc/top1: 0.6735 acc/top5: 0.8762 acc/mean1: 0.6734 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6724 time: 0.8240 2023/05/15 12:05:46 - mmengine - INFO - Epoch(train) [64][ 20/1879] lr: 2.0000e-03 eta: 16:45:18 time: 1.1071 data_time: 0.5346 memory: 9812 grad_norm: 3.3375 loss: 2.5106 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.4249 distill.loss_dist: 1.0856 2023/05/15 12:06:02 - mmengine - INFO - Epoch(train) [64][ 40/1879] lr: 2.0000e-03 eta: 16:45:00 time: 0.8009 data_time: 0.1789 memory: 9812 grad_norm: 3.2521 loss: 2.2684 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2259 distill.loss_dist: 1.0424 2023/05/15 12:06:19 - mmengine - INFO - Epoch(train) [64][ 60/1879] lr: 2.0000e-03 eta: 16:44:43 time: 0.8801 data_time: 0.1809 memory: 9812 grad_norm: 3.2180 loss: 2.2107 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1695 distill.loss_dist: 1.0412 2023/05/15 12:06:38 - mmengine - INFO - Epoch(train) [64][ 80/1879] lr: 2.0000e-03 eta: 16:44:26 time: 0.9404 data_time: 0.0275 memory: 9812 grad_norm: 3.2582 loss: 2.2076 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1621 distill.loss_dist: 1.0455 2023/05/15 12:06:54 - mmengine - INFO - Epoch(train) [64][ 100/1879] lr: 2.0000e-03 eta: 16:44:08 time: 0.8151 data_time: 0.0250 memory: 9812 grad_norm: 3.1662 loss: 2.3229 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.2853 distill.loss_dist: 1.0376 2023/05/15 12:07:11 - mmengine - INFO - Epoch(train) [64][ 120/1879] lr: 2.0000e-03 eta: 16:43:51 time: 0.8518 data_time: 0.0324 memory: 9812 grad_norm: 3.2367 loss: 2.0893 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0664 distill.loss_dist: 1.0229 2023/05/15 12:07:31 - mmengine - INFO - Epoch(train) [64][ 140/1879] lr: 2.0000e-03 eta: 16:43:35 time: 0.9688 data_time: 0.0304 memory: 9812 grad_norm: 3.1761 loss: 2.0961 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0762 distill.loss_dist: 1.0199 2023/05/15 12:07:48 - mmengine - INFO - Epoch(train) [64][ 160/1879] lr: 2.0000e-03 eta: 16:43:17 time: 0.8636 data_time: 0.0237 memory: 9812 grad_norm: 3.1637 loss: 2.1405 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0941 distill.loss_dist: 1.0464 2023/05/15 12:08:06 - mmengine - INFO - Epoch(train) [64][ 180/1879] lr: 2.0000e-03 eta: 16:43:00 time: 0.9051 data_time: 0.0257 memory: 9812 grad_norm: 3.2192 loss: 2.2376 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2055 distill.loss_dist: 1.0321 2023/05/15 12:08:23 - mmengine - INFO - Epoch(train) [64][ 200/1879] lr: 2.0000e-03 eta: 16:42:43 time: 0.8409 data_time: 0.0297 memory: 9812 grad_norm: 3.2326 loss: 2.2168 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1824 distill.loss_dist: 1.0344 2023/05/15 12:08:41 - mmengine - INFO - Epoch(train) [64][ 220/1879] lr: 2.0000e-03 eta: 16:42:25 time: 0.8883 data_time: 0.0250 memory: 9812 grad_norm: 3.3151 loss: 2.3009 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2534 distill.loss_dist: 1.0475 2023/05/15 12:09:00 - mmengine - INFO - Epoch(train) [64][ 240/1879] lr: 2.0000e-03 eta: 16:42:09 time: 0.9443 data_time: 0.0269 memory: 9812 grad_norm: 3.2238 loss: 2.3412 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2855 distill.loss_dist: 1.0557 2023/05/15 12:09:16 - mmengine - INFO - Epoch(train) [64][ 260/1879] lr: 2.0000e-03 eta: 16:41:51 time: 0.8107 data_time: 0.0297 memory: 9812 grad_norm: 3.2748 loss: 2.0278 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0107 distill.loss_dist: 1.0171 2023/05/15 12:09:33 - mmengine - INFO - Epoch(train) [64][ 280/1879] lr: 2.0000e-03 eta: 16:41:34 time: 0.8658 data_time: 0.0375 memory: 9812 grad_norm: 3.1902 loss: 2.2914 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2400 distill.loss_dist: 1.0513 2023/05/15 12:09:51 - mmengine - INFO - Epoch(train) [64][ 300/1879] lr: 2.0000e-03 eta: 16:41:16 time: 0.8720 data_time: 0.0268 memory: 9812 grad_norm: 3.2988 loss: 2.0897 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0622 distill.loss_dist: 1.0275 2023/05/15 12:10:09 - mmengine - INFO - Epoch(train) [64][ 320/1879] lr: 2.0000e-03 eta: 16:41:00 time: 0.9279 data_time: 0.0279 memory: 9812 grad_norm: 3.2028 loss: 2.1055 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0784 distill.loss_dist: 1.0271 2023/05/15 12:10:27 - mmengine - INFO - Epoch(train) [64][ 340/1879] lr: 2.0000e-03 eta: 16:40:42 time: 0.8643 data_time: 0.0297 memory: 9812 grad_norm: 3.2415 loss: 2.1087 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.0655 distill.loss_dist: 1.0432 2023/05/15 12:10:44 - mmengine - INFO - Epoch(train) [64][ 360/1879] lr: 2.0000e-03 eta: 16:40:25 time: 0.8510 data_time: 0.0994 memory: 9812 grad_norm: 3.2307 loss: 2.2947 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2388 distill.loss_dist: 1.0559 2023/05/15 12:11:04 - mmengine - INFO - Epoch(train) [64][ 380/1879] lr: 2.0000e-03 eta: 16:40:09 time: 1.0006 data_time: 0.0729 memory: 9812 grad_norm: 3.1818 loss: 2.0969 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0678 distill.loss_dist: 1.0291 2023/05/15 12:11:21 - mmengine - INFO - Epoch(train) [64][ 400/1879] lr: 2.0000e-03 eta: 16:39:51 time: 0.8488 data_time: 0.0261 memory: 9812 grad_norm: 3.2436 loss: 2.2161 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1870 distill.loss_dist: 1.0291 2023/05/15 12:11:36 - mmengine - INFO - Epoch(train) [64][ 420/1879] lr: 2.0000e-03 eta: 16:39:33 time: 0.7870 data_time: 0.0282 memory: 9812 grad_norm: 3.2190 loss: 2.3014 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2508 distill.loss_dist: 1.0507 2023/05/15 12:11:56 - mmengine - INFO - Epoch(train) [64][ 440/1879] lr: 2.0000e-03 eta: 16:39:17 time: 0.9626 data_time: 0.0277 memory: 9812 grad_norm: 3.3671 loss: 2.1502 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1071 distill.loss_dist: 1.0431 2023/05/15 12:12:13 - mmengine - INFO - Epoch(train) [64][ 460/1879] lr: 2.0000e-03 eta: 16:38:59 time: 0.8504 data_time: 0.0298 memory: 9812 grad_norm: 3.2052 loss: 2.2437 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1963 distill.loss_dist: 1.0474 2023/05/15 12:12:30 - mmengine - INFO - Epoch(train) [64][ 480/1879] lr: 2.0000e-03 eta: 16:38:41 time: 0.8383 data_time: 0.0298 memory: 9812 grad_norm: 3.2685 loss: 2.1499 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1165 distill.loss_dist: 1.0333 2023/05/15 12:12:50 - mmengine - INFO - Epoch(train) [64][ 500/1879] lr: 2.0000e-03 eta: 16:38:26 time: 1.0129 data_time: 0.0247 memory: 9812 grad_norm: 3.2339 loss: 2.0939 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0545 distill.loss_dist: 1.0393 2023/05/15 12:13:06 - mmengine - INFO - Epoch(train) [64][ 520/1879] lr: 2.0000e-03 eta: 16:38:08 time: 0.8343 data_time: 0.0291 memory: 9812 grad_norm: 3.2122 loss: 2.0333 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0178 distill.loss_dist: 1.0155 2023/05/15 12:13:24 - mmengine - INFO - Epoch(train) [64][ 540/1879] lr: 2.0000e-03 eta: 16:37:50 time: 0.8522 data_time: 0.0281 memory: 9812 grad_norm: 3.2646 loss: 2.2072 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1669 distill.loss_dist: 1.0402 2023/05/15 12:13:43 - mmengine - INFO - Epoch(train) [64][ 560/1879] lr: 2.0000e-03 eta: 16:37:34 time: 0.9505 data_time: 0.0268 memory: 9812 grad_norm: 3.2535 loss: 2.0835 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0720 distill.loss_dist: 1.0115 2023/05/15 12:13:59 - mmengine - INFO - Epoch(train) [64][ 580/1879] lr: 2.0000e-03 eta: 16:37:16 time: 0.7984 data_time: 0.0283 memory: 9812 grad_norm: 3.2673 loss: 2.2720 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2216 distill.loss_dist: 1.0503 2023/05/15 12:14:16 - mmengine - INFO - Epoch(train) [64][ 600/1879] lr: 2.0000e-03 eta: 16:36:59 time: 0.8662 data_time: 0.0271 memory: 9812 grad_norm: 3.3468 loss: 2.3612 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3199 distill.loss_dist: 1.0413 2023/05/15 12:14:34 - mmengine - INFO - Epoch(train) [64][ 620/1879] lr: 2.0000e-03 eta: 16:36:42 time: 0.8954 data_time: 0.0273 memory: 9812 grad_norm: 3.2565 loss: 2.2627 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2224 distill.loss_dist: 1.0403 2023/05/15 12:14:36 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 12:14:51 - mmengine - INFO - Epoch(train) [64][ 640/1879] lr: 2.0000e-03 eta: 16:36:24 time: 0.8710 data_time: 0.0280 memory: 9812 grad_norm: 3.2708 loss: 2.1301 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.0965 distill.loss_dist: 1.0336 2023/05/15 12:15:10 - mmengine - INFO - Epoch(train) [64][ 660/1879] lr: 2.0000e-03 eta: 16:36:07 time: 0.9211 data_time: 0.0285 memory: 9812 grad_norm: 3.2460 loss: 2.3345 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2802 distill.loss_dist: 1.0543 2023/05/15 12:15:27 - mmengine - INFO - Epoch(train) [64][ 680/1879] lr: 2.0000e-03 eta: 16:35:50 time: 0.8501 data_time: 0.0319 memory: 9812 grad_norm: 3.2045 loss: 2.2290 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2151 distill.loss_dist: 1.0140 2023/05/15 12:15:44 - mmengine - INFO - Epoch(train) [64][ 700/1879] lr: 2.0000e-03 eta: 16:35:33 time: 0.8789 data_time: 0.0252 memory: 9812 grad_norm: 3.2239 loss: 2.2147 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.1727 distill.loss_dist: 1.0420 2023/05/15 12:16:02 - mmengine - INFO - Epoch(train) [64][ 720/1879] lr: 2.0000e-03 eta: 16:35:15 time: 0.8628 data_time: 0.0270 memory: 9812 grad_norm: 3.2397 loss: 2.2869 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2572 distill.loss_dist: 1.0297 2023/05/15 12:16:19 - mmengine - INFO - Epoch(train) [64][ 740/1879] lr: 2.0000e-03 eta: 16:34:58 time: 0.8862 data_time: 0.0254 memory: 9812 grad_norm: 3.2650 loss: 2.2266 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2110 distill.loss_dist: 1.0156 2023/05/15 12:16:38 - mmengine - INFO - Epoch(train) [64][ 760/1879] lr: 2.0000e-03 eta: 16:34:41 time: 0.9282 data_time: 0.0285 memory: 9812 grad_norm: 3.2007 loss: 2.2249 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1799 distill.loss_dist: 1.0450 2023/05/15 12:16:55 - mmengine - INFO - Epoch(train) [64][ 780/1879] lr: 2.0000e-03 eta: 16:34:24 time: 0.8650 data_time: 0.0258 memory: 9812 grad_norm: 3.1824 loss: 2.1989 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1870 distill.loss_dist: 1.0119 2023/05/15 12:17:12 - mmengine - INFO - Epoch(train) [64][ 800/1879] lr: 2.0000e-03 eta: 16:34:06 time: 0.8163 data_time: 0.0284 memory: 9812 grad_norm: 3.2651 loss: 2.1829 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1429 distill.loss_dist: 1.0400 2023/05/15 12:17:30 - mmengine - INFO - Epoch(train) [64][ 820/1879] lr: 2.0000e-03 eta: 16:33:50 time: 0.9389 data_time: 0.0285 memory: 9812 grad_norm: 3.2807 loss: 2.1149 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1142 distill.loss_dist: 1.0006 2023/05/15 12:17:49 - mmengine - INFO - Epoch(train) [64][ 840/1879] lr: 2.0000e-03 eta: 16:33:33 time: 0.9332 data_time: 0.0267 memory: 9812 grad_norm: 3.2575 loss: 2.1391 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1069 distill.loss_dist: 1.0322 2023/05/15 12:18:05 - mmengine - INFO - Epoch(train) [64][ 860/1879] lr: 2.0000e-03 eta: 16:33:15 time: 0.7987 data_time: 0.0287 memory: 9812 grad_norm: 3.3017 loss: 2.2059 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1531 distill.loss_dist: 1.0529 2023/05/15 12:18:22 - mmengine - INFO - Epoch(train) [64][ 880/1879] lr: 2.0000e-03 eta: 16:32:57 time: 0.8575 data_time: 0.0278 memory: 9812 grad_norm: 3.3548 loss: 2.3268 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2717 distill.loss_dist: 1.0551 2023/05/15 12:18:42 - mmengine - INFO - Epoch(train) [64][ 900/1879] lr: 2.0000e-03 eta: 16:32:41 time: 0.9746 data_time: 0.0271 memory: 9812 grad_norm: 3.2357 loss: 2.2754 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2433 distill.loss_dist: 1.0321 2023/05/15 12:18:59 - mmengine - INFO - Epoch(train) [64][ 920/1879] lr: 2.0000e-03 eta: 16:32:24 time: 0.8739 data_time: 0.0265 memory: 9812 grad_norm: 3.1734 loss: 2.2649 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2131 distill.loss_dist: 1.0519 2023/05/15 12:19:15 - mmengine - INFO - Epoch(train) [64][ 940/1879] lr: 2.0000e-03 eta: 16:32:05 time: 0.7737 data_time: 0.0279 memory: 9812 grad_norm: 3.2911 loss: 2.2657 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2103 distill.loss_dist: 1.0554 2023/05/15 12:19:35 - mmengine - INFO - Epoch(train) [64][ 960/1879] lr: 2.0000e-03 eta: 16:31:50 time: 1.0073 data_time: 0.0263 memory: 9812 grad_norm: 3.2680 loss: 2.1209 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0817 distill.loss_dist: 1.0392 2023/05/15 12:19:51 - mmengine - INFO - Epoch(train) [64][ 980/1879] lr: 2.0000e-03 eta: 16:31:32 time: 0.8182 data_time: 0.0261 memory: 9812 grad_norm: 3.3628 loss: 1.9943 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 0.9863 distill.loss_dist: 1.0081 2023/05/15 12:20:09 - mmengine - INFO - Epoch(train) [64][1000/1879] lr: 2.0000e-03 eta: 16:31:14 time: 0.8655 data_time: 0.0291 memory: 9812 grad_norm: 3.2469 loss: 2.1195 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0788 distill.loss_dist: 1.0407 2023/05/15 12:20:28 - mmengine - INFO - Epoch(train) [64][1020/1879] lr: 2.0000e-03 eta: 16:30:58 time: 0.9471 data_time: 0.0278 memory: 9812 grad_norm: 3.2646 loss: 2.2869 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.2273 distill.loss_dist: 1.0597 2023/05/15 12:20:44 - mmengine - INFO - Epoch(train) [64][1040/1879] lr: 2.0000e-03 eta: 16:30:40 time: 0.8446 data_time: 0.0307 memory: 9812 grad_norm: 3.2618 loss: 2.3143 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.2681 distill.loss_dist: 1.0462 2023/05/15 12:21:02 - mmengine - INFO - Epoch(train) [64][1060/1879] lr: 2.0000e-03 eta: 16:30:23 time: 0.8531 data_time: 0.0319 memory: 9812 grad_norm: 3.1809 loss: 2.1609 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1283 distill.loss_dist: 1.0326 2023/05/15 12:21:19 - mmengine - INFO - Epoch(train) [64][1080/1879] lr: 2.0000e-03 eta: 16:30:06 time: 0.8798 data_time: 0.0246 memory: 9812 grad_norm: 3.3076 loss: 2.1058 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0791 distill.loss_dist: 1.0267 2023/05/15 12:21:37 - mmengine - INFO - Epoch(train) [64][1100/1879] lr: 2.0000e-03 eta: 16:29:49 time: 0.9060 data_time: 0.0274 memory: 9812 grad_norm: 3.2506 loss: 2.0531 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0370 distill.loss_dist: 1.0161 2023/05/15 12:21:55 - mmengine - INFO - Epoch(train) [64][1120/1879] lr: 2.0000e-03 eta: 16:29:31 time: 0.8600 data_time: 0.0266 memory: 9812 grad_norm: 3.1980 loss: 2.1419 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1012 distill.loss_dist: 1.0407 2023/05/15 12:22:14 - mmengine - INFO - Epoch(train) [64][1140/1879] lr: 2.0000e-03 eta: 16:29:15 time: 0.9473 data_time: 0.0263 memory: 9812 grad_norm: 3.2488 loss: 2.3672 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3209 distill.loss_dist: 1.0463 2023/05/15 12:22:31 - mmengine - INFO - Epoch(train) [64][1160/1879] lr: 2.0000e-03 eta: 16:28:57 time: 0.8668 data_time: 0.0270 memory: 9812 grad_norm: 3.2276 loss: 2.1892 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1552 distill.loss_dist: 1.0339 2023/05/15 12:22:48 - mmengine - INFO - Epoch(train) [64][1180/1879] lr: 2.0000e-03 eta: 16:28:40 time: 0.8383 data_time: 0.0280 memory: 9812 grad_norm: 3.3063 loss: 2.1172 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0880 distill.loss_dist: 1.0292 2023/05/15 12:23:05 - mmengine - INFO - Epoch(train) [64][1200/1879] lr: 2.0000e-03 eta: 16:28:22 time: 0.8562 data_time: 0.0265 memory: 9812 grad_norm: 3.3181 loss: 2.3127 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2763 distill.loss_dist: 1.0364 2023/05/15 12:23:22 - mmengine - INFO - Epoch(train) [64][1220/1879] lr: 2.0000e-03 eta: 16:28:05 time: 0.8721 data_time: 0.0264 memory: 9812 grad_norm: 3.2628 loss: 2.1020 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0640 distill.loss_dist: 1.0379 2023/05/15 12:23:39 - mmengine - INFO - Epoch(train) [64][1240/1879] lr: 2.0000e-03 eta: 16:27:47 time: 0.8545 data_time: 0.0275 memory: 9812 grad_norm: 3.1965 loss: 2.0055 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9663 distill.loss_dist: 1.0392 2023/05/15 12:23:57 - mmengine - INFO - Epoch(train) [64][1260/1879] lr: 2.0000e-03 eta: 16:27:30 time: 0.8764 data_time: 0.0248 memory: 9812 grad_norm: 3.2312 loss: 2.0662 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0391 distill.loss_dist: 1.0270 2023/05/15 12:24:16 - mmengine - INFO - Epoch(train) [64][1280/1879] lr: 2.0000e-03 eta: 16:27:13 time: 0.9367 data_time: 0.0308 memory: 9812 grad_norm: 3.2849 loss: 2.3558 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3032 distill.loss_dist: 1.0526 2023/05/15 12:24:33 - mmengine - INFO - Epoch(train) [64][1300/1879] lr: 2.0000e-03 eta: 16:26:56 time: 0.8775 data_time: 0.0296 memory: 9812 grad_norm: 3.3247 loss: 2.0439 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0199 distill.loss_dist: 1.0240 2023/05/15 12:24:50 - mmengine - INFO - Epoch(train) [64][1320/1879] lr: 2.0000e-03 eta: 16:26:39 time: 0.8461 data_time: 0.0245 memory: 9812 grad_norm: 3.2525 loss: 2.2779 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2412 distill.loss_dist: 1.0367 2023/05/15 12:25:09 - mmengine - INFO - Epoch(train) [64][1340/1879] lr: 2.0000e-03 eta: 16:26:22 time: 0.9410 data_time: 0.0277 memory: 9812 grad_norm: 3.2487 loss: 2.2016 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1724 distill.loss_dist: 1.0292 2023/05/15 12:25:26 - mmengine - INFO - Epoch(train) [64][1360/1879] lr: 2.0000e-03 eta: 16:26:04 time: 0.8450 data_time: 0.0272 memory: 9812 grad_norm: 3.2622 loss: 2.2984 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2446 distill.loss_dist: 1.0538 2023/05/15 12:25:45 - mmengine - INFO - Epoch(train) [64][1380/1879] lr: 2.0000e-03 eta: 16:25:48 time: 0.9761 data_time: 0.0283 memory: 9812 grad_norm: 3.2338 loss: 2.1079 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0966 distill.loss_dist: 1.0113 2023/05/15 12:26:01 - mmengine - INFO - Epoch(train) [64][1400/1879] lr: 2.0000e-03 eta: 16:25:30 time: 0.7642 data_time: 0.0277 memory: 9812 grad_norm: 3.2014 loss: 2.0402 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0465 distill.loss_dist: 0.9937 2023/05/15 12:26:18 - mmengine - INFO - Epoch(train) [64][1420/1879] lr: 2.0000e-03 eta: 16:25:12 time: 0.8468 data_time: 0.0296 memory: 9812 grad_norm: 3.2329 loss: 2.2399 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2376 distill.loss_dist: 1.0024 2023/05/15 12:26:37 - mmengine - INFO - Epoch(train) [64][1440/1879] lr: 2.0000e-03 eta: 16:24:56 time: 0.9865 data_time: 0.0274 memory: 9812 grad_norm: 3.1989 loss: 2.1687 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1248 distill.loss_dist: 1.0439 2023/05/15 12:26:53 - mmengine - INFO - Epoch(train) [64][1460/1879] lr: 2.0000e-03 eta: 16:24:38 time: 0.7992 data_time: 0.0288 memory: 9812 grad_norm: 3.3204 loss: 2.3860 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3516 distill.loss_dist: 1.0344 2023/05/15 12:27:11 - mmengine - INFO - Epoch(train) [64][1480/1879] lr: 2.0000e-03 eta: 16:24:21 time: 0.8953 data_time: 0.0279 memory: 9812 grad_norm: 3.2514 loss: 2.2408 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2278 distill.loss_dist: 1.0130 2023/05/15 12:27:30 - mmengine - INFO - Epoch(train) [64][1500/1879] lr: 2.0000e-03 eta: 16:24:04 time: 0.9301 data_time: 0.0294 memory: 9812 grad_norm: 3.2109 loss: 2.3541 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2801 distill.loss_dist: 1.0740 2023/05/15 12:27:46 - mmengine - INFO - Epoch(train) [64][1520/1879] lr: 2.0000e-03 eta: 16:23:46 time: 0.8026 data_time: 0.0428 memory: 9812 grad_norm: 3.3383 loss: 2.0901 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.0796 distill.loss_dist: 1.0106 2023/05/15 12:28:03 - mmengine - INFO - Epoch(train) [64][1540/1879] lr: 2.0000e-03 eta: 16:23:29 time: 0.8466 data_time: 0.0563 memory: 9812 grad_norm: 3.3277 loss: 2.2601 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2254 distill.loss_dist: 1.0347 2023/05/15 12:28:21 - mmengine - INFO - Epoch(train) [64][1560/1879] lr: 2.0000e-03 eta: 16:23:12 time: 0.8911 data_time: 0.0264 memory: 9812 grad_norm: 3.2579 loss: 2.1206 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1025 distill.loss_dist: 1.0181 2023/05/15 12:28:38 - mmengine - INFO - Epoch(train) [64][1580/1879] lr: 2.0000e-03 eta: 16:22:54 time: 0.8344 data_time: 0.0505 memory: 9812 grad_norm: 3.2063 loss: 2.2078 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1895 distill.loss_dist: 1.0183 2023/05/15 12:28:54 - mmengine - INFO - Epoch(train) [64][1600/1879] lr: 2.0000e-03 eta: 16:22:36 time: 0.8389 data_time: 0.0536 memory: 9812 grad_norm: 3.2071 loss: 2.2446 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2315 distill.loss_dist: 1.0131 2023/05/15 12:29:13 - mmengine - INFO - Epoch(train) [64][1620/1879] lr: 2.0000e-03 eta: 16:22:19 time: 0.9109 data_time: 0.1253 memory: 9812 grad_norm: 3.3004 loss: 2.2526 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2049 distill.loss_dist: 1.0478 2023/05/15 12:29:15 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 12:29:31 - mmengine - INFO - Epoch(train) [64][1640/1879] lr: 2.0000e-03 eta: 16:22:02 time: 0.8971 data_time: 0.0883 memory: 9812 grad_norm: 3.3116 loss: 2.2935 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2363 distill.loss_dist: 1.0572 2023/05/15 12:29:48 - mmengine - INFO - Epoch(train) [64][1660/1879] lr: 2.0000e-03 eta: 16:21:45 time: 0.8776 data_time: 0.0483 memory: 9812 grad_norm: 3.2523 loss: 2.1778 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1515 distill.loss_dist: 1.0263 2023/05/15 12:30:05 - mmengine - INFO - Epoch(train) [64][1680/1879] lr: 2.0000e-03 eta: 16:21:27 time: 0.8373 data_time: 0.0247 memory: 9812 grad_norm: 3.2752 loss: 2.1387 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1354 distill.loss_dist: 1.0033 2023/05/15 12:30:23 - mmengine - INFO - Epoch(train) [64][1700/1879] lr: 2.0000e-03 eta: 16:21:10 time: 0.9101 data_time: 0.0281 memory: 9812 grad_norm: 3.2696 loss: 2.1666 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1322 distill.loss_dist: 1.0344 2023/05/15 12:30:41 - mmengine - INFO - Epoch(train) [64][1720/1879] lr: 2.0000e-03 eta: 16:20:53 time: 0.8825 data_time: 0.0244 memory: 9812 grad_norm: 3.2339 loss: 2.0153 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0155 distill.loss_dist: 0.9998 2023/05/15 12:30:56 - mmengine - INFO - Epoch(train) [64][1740/1879] lr: 2.0000e-03 eta: 16:20:35 time: 0.7783 data_time: 0.0293 memory: 9812 grad_norm: 3.2514 loss: 2.2347 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2266 distill.loss_dist: 1.0081 2023/05/15 12:31:14 - mmengine - INFO - Epoch(train) [64][1760/1879] lr: 2.0000e-03 eta: 16:20:18 time: 0.8928 data_time: 0.0246 memory: 9812 grad_norm: 3.2047 loss: 2.3066 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2494 distill.loss_dist: 1.0573 2023/05/15 12:31:30 - mmengine - INFO - Epoch(train) [64][1780/1879] lr: 2.0000e-03 eta: 16:19:59 time: 0.7740 data_time: 0.0753 memory: 9812 grad_norm: 3.3308 loss: 2.2311 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1933 distill.loss_dist: 1.0378 2023/05/15 12:31:48 - mmengine - INFO - Epoch(train) [64][1800/1879] lr: 2.0000e-03 eta: 16:19:42 time: 0.9062 data_time: 0.1716 memory: 9812 grad_norm: 3.3029 loss: 2.2745 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2353 distill.loss_dist: 1.0392 2023/05/15 12:32:06 - mmengine - INFO - Epoch(train) [64][1820/1879] lr: 2.0000e-03 eta: 16:19:26 time: 0.9173 data_time: 0.0273 memory: 9812 grad_norm: 3.2167 loss: 2.2136 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1901 distill.loss_dist: 1.0236 2023/05/15 12:32:23 - mmengine - INFO - Epoch(train) [64][1840/1879] lr: 2.0000e-03 eta: 16:19:08 time: 0.8569 data_time: 0.0276 memory: 9812 grad_norm: 3.2138 loss: 2.3035 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2690 distill.loss_dist: 1.0345 2023/05/15 12:32:40 - mmengine - INFO - Epoch(train) [64][1860/1879] lr: 2.0000e-03 eta: 16:18:50 time: 0.8494 data_time: 0.0272 memory: 9812 grad_norm: 3.2505 loss: 2.5115 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4767 distill.loss_dist: 1.0348 2023/05/15 12:32:54 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 12:32:54 - mmengine - INFO - Epoch(train) [64][1879/1879] lr: 2.0000e-03 eta: 16:18:33 time: 0.7333 data_time: 0.0214 memory: 9812 grad_norm: 3.3851 loss: 2.3960 student.top1_acc: 0.2857 student.top5_acc: 0.7143 student.loss_cls: 1.3481 distill.loss_dist: 1.0479 2023/05/15 12:33:14 - mmengine - INFO - Epoch(val) [64][ 20/155] eta: 0:02:11 time: 0.9752 data_time: 0.9099 memory: 1484 2023/05/15 12:33:28 - mmengine - INFO - Epoch(val) [64][ 40/155] eta: 0:01:36 time: 0.7106 data_time: 0.6462 memory: 1484 2023/05/15 12:33:46 - mmengine - INFO - Epoch(val) [64][ 60/155] eta: 0:01:22 time: 0.9217 data_time: 0.8523 memory: 1484 2023/05/15 12:34:00 - mmengine - INFO - Epoch(val) [64][ 80/155] eta: 0:01:01 time: 0.6835 data_time: 0.6206 memory: 1484 2023/05/15 12:34:19 - mmengine - INFO - Epoch(val) [64][100/155] eta: 0:00:46 time: 0.9287 data_time: 0.8650 memory: 1484 2023/05/15 12:34:32 - mmengine - INFO - Epoch(val) [64][120/155] eta: 0:00:28 time: 0.6862 data_time: 0.6290 memory: 1484 2023/05/15 12:34:54 - mmengine - INFO - Epoch(val) [64][140/155] eta: 0:00:12 time: 1.0759 data_time: 1.0162 memory: 1484 2023/05/15 12:35:23 - mmengine - INFO - Epoch(val) [64][ 20/155] eta: 0:16:31 time: 0.9770 data_time: 0.8233 memory: 1582 2023/05/15 12:35:38 - mmengine - INFO - Epoch(val) [64][ 40/155] eta: 0:07:43 time: 0.7183 data_time: 0.5633 memory: 1582 2023/05/15 12:35:57 - mmengine - INFO - Epoch(val) [64][ 60/155] eta: 0:04:46 time: 0.9822 data_time: 0.8307 memory: 1582 2023/05/15 12:36:12 - mmengine - INFO - Epoch(val) [64][ 80/155] eta: 0:03:03 time: 0.7523 data_time: 0.5998 memory: 1582 2023/05/15 12:36:32 - mmengine - INFO - Epoch(val) [64][100/155] eta: 0:01:58 time: 0.9781 data_time: 0.8225 memory: 1582 2023/05/15 12:36:46 - mmengine - INFO - Epoch(val) [64][120/155] eta: 0:01:06 time: 0.6846 data_time: 0.5289 memory: 1582 2023/05/15 12:37:05 - mmengine - INFO - Epoch(val) [64][140/155] eta: 0:00:26 time: 0.9509 data_time: 0.7933 memory: 1582 2023/05/15 12:37:14 - mmengine - INFO - Epoch(val) [64][155/155] acc/top1: 0.6745 acc/top5: 0.8771 acc/mean1: 0.6744 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6712 time: 0.8237 2023/05/15 12:37:14 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_58.pth is removed 2023/05/15 12:37:16 - mmengine - INFO - The best checkpoint with 0.6745 acc/top1 at 64 epoch is saved to best_acc_top1_epoch_64.pth. 2023/05/15 12:37:37 - mmengine - INFO - Epoch(train) [65][ 20/1879] lr: 2.0000e-03 eta: 16:18:17 time: 1.0607 data_time: 0.6348 memory: 9812 grad_norm: 3.2623 loss: 2.0796 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0438 distill.loss_dist: 1.0358 2023/05/15 12:37:54 - mmengine - INFO - Epoch(train) [65][ 40/1879] lr: 2.0000e-03 eta: 16:18:00 time: 0.8438 data_time: 0.4257 memory: 9812 grad_norm: 3.2585 loss: 2.5163 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.4351 distill.loss_dist: 1.0813 2023/05/15 12:38:11 - mmengine - INFO - Epoch(train) [65][ 60/1879] lr: 2.0000e-03 eta: 16:17:42 time: 0.8741 data_time: 0.4455 memory: 9812 grad_norm: 3.3041 loss: 2.1178 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0872 distill.loss_dist: 1.0306 2023/05/15 12:38:30 - mmengine - INFO - Epoch(train) [65][ 80/1879] lr: 2.0000e-03 eta: 16:17:26 time: 0.9167 data_time: 0.4844 memory: 9812 grad_norm: 3.1981 loss: 2.2262 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1711 distill.loss_dist: 1.0551 2023/05/15 12:38:46 - mmengine - INFO - Epoch(train) [65][ 100/1879] lr: 2.0000e-03 eta: 16:17:08 time: 0.8294 data_time: 0.3329 memory: 9812 grad_norm: 3.1894 loss: 2.1543 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1354 distill.loss_dist: 1.0189 2023/05/15 12:39:04 - mmengine - INFO - Epoch(train) [65][ 120/1879] lr: 2.0000e-03 eta: 16:16:51 time: 0.8780 data_time: 0.2747 memory: 9812 grad_norm: 3.1745 loss: 2.1839 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1287 distill.loss_dist: 1.0552 2023/05/15 12:39:23 - mmengine - INFO - Epoch(train) [65][ 140/1879] lr: 2.0000e-03 eta: 16:16:34 time: 0.9637 data_time: 0.2017 memory: 9812 grad_norm: 3.2274 loss: 2.1234 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1025 distill.loss_dist: 1.0208 2023/05/15 12:39:40 - mmengine - INFO - Epoch(train) [65][ 160/1879] lr: 2.0000e-03 eta: 16:16:16 time: 0.8325 data_time: 0.0416 memory: 9812 grad_norm: 3.3096 loss: 2.1760 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1614 distill.loss_dist: 1.0146 2023/05/15 12:39:57 - mmengine - INFO - Epoch(train) [65][ 180/1879] lr: 2.0000e-03 eta: 16:15:59 time: 0.8743 data_time: 0.0318 memory: 9812 grad_norm: 3.3094 loss: 2.3189 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2730 distill.loss_dist: 1.0459 2023/05/15 12:40:16 - mmengine - INFO - Epoch(train) [65][ 200/1879] lr: 2.0000e-03 eta: 16:15:42 time: 0.9185 data_time: 0.0248 memory: 9812 grad_norm: 3.2528 loss: 2.0799 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0550 distill.loss_dist: 1.0249 2023/05/15 12:40:33 - mmengine - INFO - Epoch(train) [65][ 220/1879] lr: 2.0000e-03 eta: 16:15:25 time: 0.8497 data_time: 0.0282 memory: 9812 grad_norm: 3.3732 loss: 2.2753 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2444 distill.loss_dist: 1.0310 2023/05/15 12:40:50 - mmengine - INFO - Epoch(train) [65][ 240/1879] lr: 2.0000e-03 eta: 16:15:07 time: 0.8420 data_time: 0.0234 memory: 9812 grad_norm: 3.3137 loss: 2.1291 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0875 distill.loss_dist: 1.0416 2023/05/15 12:41:08 - mmengine - INFO - Epoch(train) [65][ 260/1879] lr: 2.0000e-03 eta: 16:14:51 time: 0.9372 data_time: 0.0265 memory: 9812 grad_norm: 3.2976 loss: 2.1466 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1017 distill.loss_dist: 1.0449 2023/05/15 12:41:26 - mmengine - INFO - Epoch(train) [65][ 280/1879] lr: 2.0000e-03 eta: 16:14:33 time: 0.8768 data_time: 0.0251 memory: 9812 grad_norm: 3.2681 loss: 2.1925 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1504 distill.loss_dist: 1.0421 2023/05/15 12:41:42 - mmengine - INFO - Epoch(train) [65][ 300/1879] lr: 2.0000e-03 eta: 16:14:15 time: 0.7840 data_time: 0.0277 memory: 9812 grad_norm: 3.2605 loss: 2.1296 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1035 distill.loss_dist: 1.0261 2023/05/15 12:42:02 - mmengine - INFO - Epoch(train) [65][ 320/1879] lr: 2.0000e-03 eta: 16:14:00 time: 1.0320 data_time: 0.0249 memory: 9812 grad_norm: 3.1924 loss: 2.3177 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2513 distill.loss_dist: 1.0665 2023/05/15 12:42:19 - mmengine - INFO - Epoch(train) [65][ 340/1879] lr: 2.0000e-03 eta: 16:13:42 time: 0.8338 data_time: 0.0262 memory: 9812 grad_norm: 3.3236 loss: 2.0263 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0289 distill.loss_dist: 0.9974 2023/05/15 12:42:35 - mmengine - INFO - Epoch(train) [65][ 360/1879] lr: 2.0000e-03 eta: 16:13:24 time: 0.7962 data_time: 0.0291 memory: 9812 grad_norm: 3.2315 loss: 2.2512 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1782 distill.loss_dist: 1.0730 2023/05/15 12:42:54 - mmengine - INFO - Epoch(train) [65][ 380/1879] lr: 2.0000e-03 eta: 16:13:07 time: 0.9382 data_time: 0.0237 memory: 9812 grad_norm: 3.2850 loss: 2.0970 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0921 distill.loss_dist: 1.0049 2023/05/15 12:43:11 - mmengine - INFO - Epoch(train) [65][ 400/1879] lr: 2.0000e-03 eta: 16:12:50 time: 0.8554 data_time: 0.0297 memory: 9812 grad_norm: 3.2430 loss: 2.1643 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1361 distill.loss_dist: 1.0282 2023/05/15 12:43:28 - mmengine - INFO - Epoch(train) [65][ 420/1879] lr: 2.0000e-03 eta: 16:12:32 time: 0.8677 data_time: 0.0259 memory: 9812 grad_norm: 3.2514 loss: 2.2916 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2560 distill.loss_dist: 1.0356 2023/05/15 12:43:47 - mmengine - INFO - Epoch(train) [65][ 440/1879] lr: 2.0000e-03 eta: 16:12:16 time: 0.9626 data_time: 0.0243 memory: 9812 grad_norm: 3.3158 loss: 2.3537 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2676 distill.loss_dist: 1.0861 2023/05/15 12:44:05 - mmengine - INFO - Epoch(train) [65][ 460/1879] lr: 2.0000e-03 eta: 16:11:58 time: 0.8565 data_time: 0.0270 memory: 9812 grad_norm: 3.2646 loss: 2.2793 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2384 distill.loss_dist: 1.0409 2023/05/15 12:44:21 - mmengine - INFO - Epoch(train) [65][ 480/1879] lr: 2.0000e-03 eta: 16:11:41 time: 0.8268 data_time: 0.0291 memory: 9812 grad_norm: 3.3800 loss: 2.1942 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1735 distill.loss_dist: 1.0207 2023/05/15 12:44:39 - mmengine - INFO - Epoch(train) [65][ 500/1879] lr: 2.0000e-03 eta: 16:11:23 time: 0.8770 data_time: 0.0257 memory: 9812 grad_norm: 3.2336 loss: 2.0891 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1023 distill.loss_dist: 0.9869 2023/05/15 12:44:56 - mmengine - INFO - Epoch(train) [65][ 520/1879] lr: 2.0000e-03 eta: 16:11:06 time: 0.8449 data_time: 0.0308 memory: 9812 grad_norm: 3.2927 loss: 2.1696 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1317 distill.loss_dist: 1.0379 2023/05/15 12:45:12 - mmengine - INFO - Epoch(train) [65][ 540/1879] lr: 2.0000e-03 eta: 16:10:48 time: 0.8400 data_time: 0.0309 memory: 9812 grad_norm: 3.1485 loss: 1.9947 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 0.9726 distill.loss_dist: 1.0221 2023/05/15 12:45:31 - mmengine - INFO - Epoch(train) [65][ 560/1879] lr: 2.0000e-03 eta: 16:10:31 time: 0.9394 data_time: 0.0263 memory: 9812 grad_norm: 3.3087 loss: 2.2116 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1681 distill.loss_dist: 1.0435 2023/05/15 12:45:48 - mmengine - INFO - Epoch(train) [65][ 580/1879] lr: 2.0000e-03 eta: 16:10:14 time: 0.8622 data_time: 0.0296 memory: 9812 grad_norm: 3.2752 loss: 2.2454 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2018 distill.loss_dist: 1.0436 2023/05/15 12:46:06 - mmengine - INFO - Epoch(train) [65][ 600/1879] lr: 2.0000e-03 eta: 16:09:57 time: 0.8760 data_time: 0.0269 memory: 9812 grad_norm: 3.3133 loss: 2.3662 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3201 distill.loss_dist: 1.0460 2023/05/15 12:46:24 - mmengine - INFO - Epoch(train) [65][ 620/1879] lr: 2.0000e-03 eta: 16:09:39 time: 0.8755 data_time: 0.0274 memory: 9812 grad_norm: 3.3428 loss: 2.3557 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2933 distill.loss_dist: 1.0624 2023/05/15 12:46:40 - mmengine - INFO - Epoch(train) [65][ 640/1879] lr: 2.0000e-03 eta: 16:09:22 time: 0.8280 data_time: 0.0290 memory: 9812 grad_norm: 3.1863 loss: 2.2421 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1858 distill.loss_dist: 1.0563 2023/05/15 12:46:59 - mmengine - INFO - Epoch(train) [65][ 660/1879] lr: 2.0000e-03 eta: 16:09:05 time: 0.9198 data_time: 0.0640 memory: 9812 grad_norm: 3.3657 loss: 2.2556 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2218 distill.loss_dist: 1.0338 2023/05/15 12:47:16 - mmengine - INFO - Epoch(train) [65][ 680/1879] lr: 2.0000e-03 eta: 16:08:48 time: 0.8851 data_time: 0.0402 memory: 9812 grad_norm: 3.3412 loss: 2.0919 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0703 distill.loss_dist: 1.0216 2023/05/15 12:47:34 - mmengine - INFO - Epoch(train) [65][ 700/1879] lr: 2.0000e-03 eta: 16:08:31 time: 0.8968 data_time: 0.0263 memory: 9812 grad_norm: 3.3924 loss: 2.2685 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2253 distill.loss_dist: 1.0432 2023/05/15 12:47:51 - mmengine - INFO - Epoch(train) [65][ 720/1879] lr: 2.0000e-03 eta: 16:08:13 time: 0.8537 data_time: 0.0289 memory: 9812 grad_norm: 3.2387 loss: 2.2000 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1794 distill.loss_dist: 1.0207 2023/05/15 12:48:10 - mmengine - INFO - Epoch(train) [65][ 740/1879] lr: 2.0000e-03 eta: 16:07:56 time: 0.9195 data_time: 0.0253 memory: 9812 grad_norm: 3.3061 loss: 2.0014 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0048 distill.loss_dist: 0.9966 2023/05/15 12:48:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 12:48:27 - mmengine - INFO - Epoch(train) [65][ 760/1879] lr: 2.0000e-03 eta: 16:07:39 time: 0.8684 data_time: 0.0266 memory: 9812 grad_norm: 3.3235 loss: 2.3158 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2610 distill.loss_dist: 1.0548 2023/05/15 12:48:45 - mmengine - INFO - Epoch(train) [65][ 780/1879] lr: 2.0000e-03 eta: 16:07:22 time: 0.8706 data_time: 0.0270 memory: 9812 grad_norm: 3.3782 loss: 2.2894 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2745 distill.loss_dist: 1.0148 2023/05/15 12:49:02 - mmengine - INFO - Epoch(train) [65][ 800/1879] lr: 2.0000e-03 eta: 16:07:04 time: 0.8685 data_time: 0.0287 memory: 9812 grad_norm: 3.3198 loss: 2.2728 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2276 distill.loss_dist: 1.0452 2023/05/15 12:49:21 - mmengine - INFO - Epoch(train) [65][ 820/1879] lr: 2.0000e-03 eta: 16:06:48 time: 0.9404 data_time: 0.0282 memory: 9812 grad_norm: 3.2968 loss: 2.4283 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3719 distill.loss_dist: 1.0564 2023/05/15 12:49:38 - mmengine - INFO - Epoch(train) [65][ 840/1879] lr: 2.0000e-03 eta: 16:06:30 time: 0.8585 data_time: 0.0257 memory: 9812 grad_norm: 3.2226 loss: 2.3469 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2936 distill.loss_dist: 1.0533 2023/05/15 12:49:55 - mmengine - INFO - Epoch(train) [65][ 860/1879] lr: 2.0000e-03 eta: 16:06:13 time: 0.8630 data_time: 0.0261 memory: 9812 grad_norm: 3.2074 loss: 2.1690 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1441 distill.loss_dist: 1.0249 2023/05/15 12:50:14 - mmengine - INFO - Epoch(train) [65][ 880/1879] lr: 2.0000e-03 eta: 16:05:56 time: 0.9558 data_time: 0.0282 memory: 9812 grad_norm: 3.3138 loss: 2.2241 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1778 distill.loss_dist: 1.0463 2023/05/15 12:50:32 - mmengine - INFO - Epoch(train) [65][ 900/1879] lr: 2.0000e-03 eta: 16:05:39 time: 0.8612 data_time: 0.0298 memory: 9812 grad_norm: 3.3399 loss: 2.2593 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2097 distill.loss_dist: 1.0496 2023/05/15 12:50:48 - mmengine - INFO - Epoch(train) [65][ 920/1879] lr: 2.0000e-03 eta: 16:05:21 time: 0.7971 data_time: 0.0269 memory: 9812 grad_norm: 3.2053 loss: 2.2252 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1761 distill.loss_dist: 1.0491 2023/05/15 12:51:06 - mmengine - INFO - Epoch(train) [65][ 940/1879] lr: 2.0000e-03 eta: 16:05:04 time: 0.9437 data_time: 0.0291 memory: 9812 grad_norm: 3.2533 loss: 2.1768 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1634 distill.loss_dist: 1.0134 2023/05/15 12:51:23 - mmengine - INFO - Epoch(train) [65][ 960/1879] lr: 2.0000e-03 eta: 16:04:46 time: 0.8227 data_time: 0.0264 memory: 9812 grad_norm: 3.2001 loss: 2.2160 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2082 distill.loss_dist: 1.0077 2023/05/15 12:51:41 - mmengine - INFO - Epoch(train) [65][ 980/1879] lr: 2.0000e-03 eta: 16:04:30 time: 0.9275 data_time: 0.0255 memory: 9812 grad_norm: 3.2065 loss: 2.1444 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.1040 distill.loss_dist: 1.0405 2023/05/15 12:51:59 - mmengine - INFO - Epoch(train) [65][1000/1879] lr: 2.0000e-03 eta: 16:04:12 time: 0.8503 data_time: 0.0286 memory: 9812 grad_norm: 3.1746 loss: 2.1764 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1466 distill.loss_dist: 1.0298 2023/05/15 12:52:16 - mmengine - INFO - Epoch(train) [65][1020/1879] lr: 2.0000e-03 eta: 16:03:55 time: 0.8939 data_time: 0.0240 memory: 9812 grad_norm: 3.2840 loss: 2.2311 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1910 distill.loss_dist: 1.0401 2023/05/15 12:52:35 - mmengine - INFO - Epoch(train) [65][1040/1879] lr: 2.0000e-03 eta: 16:03:38 time: 0.9066 data_time: 0.0264 memory: 9812 grad_norm: 3.3342 loss: 2.0277 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 0.9848 distill.loss_dist: 1.0429 2023/05/15 12:52:51 - mmengine - INFO - Epoch(train) [65][1060/1879] lr: 2.0000e-03 eta: 16:03:20 time: 0.8054 data_time: 0.0265 memory: 9812 grad_norm: 3.2213 loss: 2.2118 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1745 distill.loss_dist: 1.0373 2023/05/15 12:53:08 - mmengine - INFO - Epoch(train) [65][1080/1879] lr: 2.0000e-03 eta: 16:03:03 time: 0.8711 data_time: 0.0319 memory: 9812 grad_norm: 3.3745 loss: 2.2275 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2000 distill.loss_dist: 1.0274 2023/05/15 12:53:25 - mmengine - INFO - Epoch(train) [65][1100/1879] lr: 2.0000e-03 eta: 16:02:45 time: 0.8285 data_time: 0.0264 memory: 9812 grad_norm: 3.2467 loss: 2.1488 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1417 distill.loss_dist: 1.0071 2023/05/15 12:53:42 - mmengine - INFO - Epoch(train) [65][1120/1879] lr: 2.0000e-03 eta: 16:02:28 time: 0.8681 data_time: 0.0359 memory: 9812 grad_norm: 3.3140 loss: 2.3676 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2910 distill.loss_dist: 1.0766 2023/05/15 12:54:00 - mmengine - INFO - Epoch(train) [65][1140/1879] lr: 2.0000e-03 eta: 16:02:11 time: 0.8920 data_time: 0.0457 memory: 9812 grad_norm: 3.1986 loss: 1.9742 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 0.9841 distill.loss_dist: 0.9902 2023/05/15 12:54:17 - mmengine - INFO - Epoch(train) [65][1160/1879] lr: 2.0000e-03 eta: 16:01:53 time: 0.8521 data_time: 0.1430 memory: 9812 grad_norm: 3.3473 loss: 2.2010 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2086 distill.loss_dist: 0.9924 2023/05/15 12:54:35 - mmengine - INFO - Epoch(train) [65][1180/1879] lr: 2.0000e-03 eta: 16:01:36 time: 0.9082 data_time: 0.1950 memory: 9812 grad_norm: 3.3082 loss: 2.2542 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2409 distill.loss_dist: 1.0133 2023/05/15 12:54:55 - mmengine - INFO - Epoch(train) [65][1200/1879] lr: 2.0000e-03 eta: 16:01:20 time: 0.9657 data_time: 0.1627 memory: 9812 grad_norm: 3.2663 loss: 2.4221 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3627 distill.loss_dist: 1.0594 2023/05/15 12:55:12 - mmengine - INFO - Epoch(train) [65][1220/1879] lr: 2.0000e-03 eta: 16:01:02 time: 0.8520 data_time: 0.1017 memory: 9812 grad_norm: 3.1792 loss: 1.9915 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0066 distill.loss_dist: 0.9850 2023/05/15 12:55:28 - mmengine - INFO - Epoch(train) [65][1240/1879] lr: 2.0000e-03 eta: 16:00:44 time: 0.8052 data_time: 0.1653 memory: 9812 grad_norm: 3.2742 loss: 2.2833 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2225 distill.loss_dist: 1.0608 2023/05/15 12:55:47 - mmengine - INFO - Epoch(train) [65][1260/1879] lr: 2.0000e-03 eta: 16:00:28 time: 0.9618 data_time: 0.0657 memory: 9812 grad_norm: 3.2081 loss: 2.0512 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0292 distill.loss_dist: 1.0220 2023/05/15 12:56:04 - mmengine - INFO - Epoch(train) [65][1280/1879] lr: 2.0000e-03 eta: 16:00:10 time: 0.8469 data_time: 0.0343 memory: 9812 grad_norm: 3.3403 loss: 2.2665 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2430 distill.loss_dist: 1.0235 2023/05/15 12:56:20 - mmengine - INFO - Epoch(train) [65][1300/1879] lr: 2.0000e-03 eta: 15:59:52 time: 0.8199 data_time: 0.0300 memory: 9812 grad_norm: 3.3164 loss: 2.2687 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2219 distill.loss_dist: 1.0468 2023/05/15 12:56:39 - mmengine - INFO - Epoch(train) [65][1320/1879] lr: 2.0000e-03 eta: 15:59:36 time: 0.9313 data_time: 0.0283 memory: 9812 grad_norm: 3.2899 loss: 2.1881 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1459 distill.loss_dist: 1.0422 2023/05/15 12:56:55 - mmengine - INFO - Epoch(train) [65][1340/1879] lr: 2.0000e-03 eta: 15:59:18 time: 0.8230 data_time: 0.0285 memory: 9812 grad_norm: 3.3011 loss: 2.4532 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.4172 distill.loss_dist: 1.0360 2023/05/15 12:57:13 - mmengine - INFO - Epoch(train) [65][1360/1879] lr: 2.0000e-03 eta: 15:59:01 time: 0.8906 data_time: 0.0477 memory: 9812 grad_norm: 3.2439 loss: 2.2218 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1768 distill.loss_dist: 1.0450 2023/05/15 12:57:31 - mmengine - INFO - Epoch(train) [65][1380/1879] lr: 2.0000e-03 eta: 15:58:43 time: 0.8697 data_time: 0.0615 memory: 9812 grad_norm: 3.2471 loss: 2.1180 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1002 distill.loss_dist: 1.0179 2023/05/15 12:57:48 - mmengine - INFO - Epoch(train) [65][1400/1879] lr: 2.0000e-03 eta: 15:58:26 time: 0.8571 data_time: 0.0291 memory: 9812 grad_norm: 3.2507 loss: 2.2079 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1738 distill.loss_dist: 1.0340 2023/05/15 12:58:06 - mmengine - INFO - Epoch(train) [65][1420/1879] lr: 2.0000e-03 eta: 15:58:09 time: 0.8950 data_time: 0.0297 memory: 9812 grad_norm: 3.2262 loss: 2.2086 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1879 distill.loss_dist: 1.0206 2023/05/15 12:58:24 - mmengine - INFO - Epoch(train) [65][1440/1879] lr: 2.0000e-03 eta: 15:57:52 time: 0.8875 data_time: 0.0283 memory: 9812 grad_norm: 3.2475 loss: 2.1079 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.0837 distill.loss_dist: 1.0242 2023/05/15 12:58:43 - mmengine - INFO - Epoch(train) [65][1460/1879] lr: 2.0000e-03 eta: 15:57:35 time: 0.9533 data_time: 0.0258 memory: 9812 grad_norm: 3.3413 loss: 2.2186 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1863 distill.loss_dist: 1.0323 2023/05/15 12:58:59 - mmengine - INFO - Epoch(train) [65][1480/1879] lr: 2.0000e-03 eta: 15:57:17 time: 0.8085 data_time: 0.0238 memory: 9812 grad_norm: 3.1932 loss: 2.2066 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2243 distill.loss_dist: 0.9822 2023/05/15 12:59:18 - mmengine - INFO - Epoch(train) [65][1500/1879] lr: 2.0000e-03 eta: 15:57:01 time: 0.9658 data_time: 0.0273 memory: 9812 grad_norm: 3.2851 loss: 2.1079 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1331 distill.loss_dist: 0.9748 2023/05/15 12:59:34 - mmengine - INFO - Epoch(train) [65][1520/1879] lr: 2.0000e-03 eta: 15:56:43 time: 0.7828 data_time: 0.0297 memory: 9812 grad_norm: 3.2118 loss: 2.1479 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1264 distill.loss_dist: 1.0214 2023/05/15 12:59:52 - mmengine - INFO - Epoch(train) [65][1540/1879] lr: 2.0000e-03 eta: 15:56:26 time: 0.9020 data_time: 0.0246 memory: 9812 grad_norm: 3.3247 loss: 2.2814 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2616 distill.loss_dist: 1.0197 2023/05/15 13:00:10 - mmengine - INFO - Epoch(train) [65][1560/1879] lr: 2.0000e-03 eta: 15:56:09 time: 0.9002 data_time: 0.0259 memory: 9812 grad_norm: 3.3017 loss: 2.2870 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2553 distill.loss_dist: 1.0316 2023/05/15 13:00:27 - mmengine - INFO - Epoch(train) [65][1580/1879] lr: 2.0000e-03 eta: 15:55:51 time: 0.8608 data_time: 0.1202 memory: 9812 grad_norm: 3.3388 loss: 2.3528 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2773 distill.loss_dist: 1.0755 2023/05/15 13:00:44 - mmengine - INFO - Epoch(train) [65][1600/1879] lr: 2.0000e-03 eta: 15:55:34 time: 0.8648 data_time: 0.1729 memory: 9812 grad_norm: 3.2257 loss: 2.2030 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1710 distill.loss_dist: 1.0321 2023/05/15 13:01:02 - mmengine - INFO - Epoch(train) [65][1620/1879] lr: 2.0000e-03 eta: 15:55:17 time: 0.8770 data_time: 0.1135 memory: 9812 grad_norm: 3.2929 loss: 2.2736 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2477 distill.loss_dist: 1.0260 2023/05/15 13:01:19 - mmengine - INFO - Epoch(train) [65][1640/1879] lr: 2.0000e-03 eta: 15:54:59 time: 0.8535 data_time: 0.0373 memory: 9812 grad_norm: 3.2797 loss: 2.1731 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1400 distill.loss_dist: 1.0330 2023/05/15 13:01:36 - mmengine - INFO - Epoch(train) [65][1660/1879] lr: 2.0000e-03 eta: 15:54:42 time: 0.8652 data_time: 0.2037 memory: 9812 grad_norm: 3.2356 loss: 2.0190 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9895 distill.loss_dist: 1.0295 2023/05/15 13:01:53 - mmengine - INFO - Epoch(train) [65][1680/1879] lr: 2.0000e-03 eta: 15:54:24 time: 0.8270 data_time: 0.2724 memory: 9812 grad_norm: 3.1853 loss: 2.1688 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1438 distill.loss_dist: 1.0250 2023/05/15 13:02:12 - mmengine - INFO - Epoch(train) [65][1700/1879] lr: 2.0000e-03 eta: 15:54:07 time: 0.9298 data_time: 0.2749 memory: 9812 grad_norm: 3.2992 loss: 2.3060 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2778 distill.loss_dist: 1.0282 2023/05/15 13:02:30 - mmengine - INFO - Epoch(train) [65][1720/1879] lr: 2.0000e-03 eta: 15:53:50 time: 0.8983 data_time: 0.1391 memory: 9812 grad_norm: 3.2653 loss: 2.2476 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2044 distill.loss_dist: 1.0432 2023/05/15 13:02:47 - mmengine - INFO - Epoch(train) [65][1740/1879] lr: 2.0000e-03 eta: 15:53:33 time: 0.8606 data_time: 0.4304 memory: 9812 grad_norm: 3.3028 loss: 2.2188 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1681 distill.loss_dist: 1.0507 2023/05/15 13:02:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 13:03:04 - mmengine - INFO - Epoch(train) [65][1760/1879] lr: 2.0000e-03 eta: 15:53:15 time: 0.8599 data_time: 0.3187 memory: 9812 grad_norm: 3.2741 loss: 2.1461 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1106 distill.loss_dist: 1.0355 2023/05/15 13:03:21 - mmengine - INFO - Epoch(train) [65][1780/1879] lr: 2.0000e-03 eta: 15:52:57 time: 0.8337 data_time: 0.0759 memory: 9812 grad_norm: 3.2105 loss: 2.1235 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0943 distill.loss_dist: 1.0293 2023/05/15 13:03:39 - mmengine - INFO - Epoch(train) [65][1800/1879] lr: 2.0000e-03 eta: 15:52:41 time: 0.9120 data_time: 0.0726 memory: 9812 grad_norm: 3.1658 loss: 2.1305 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1156 distill.loss_dist: 1.0149 2023/05/15 13:03:57 - mmengine - INFO - Epoch(train) [65][1820/1879] lr: 2.0000e-03 eta: 15:52:23 time: 0.8815 data_time: 0.0797 memory: 9812 grad_norm: 3.3153 loss: 2.2146 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2082 distill.loss_dist: 1.0064 2023/05/15 13:04:13 - mmengine - INFO - Epoch(train) [65][1840/1879] lr: 2.0000e-03 eta: 15:52:06 time: 0.8345 data_time: 0.0267 memory: 9812 grad_norm: 3.3959 loss: 2.2768 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2223 distill.loss_dist: 1.0545 2023/05/15 13:04:32 - mmengine - INFO - Epoch(train) [65][1860/1879] lr: 2.0000e-03 eta: 15:51:49 time: 0.9096 data_time: 0.1816 memory: 9812 grad_norm: 3.2515 loss: 2.1657 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1379 distill.loss_dist: 1.0278 2023/05/15 13:04:46 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 13:04:46 - mmengine - INFO - Epoch(train) [65][1879/1879] lr: 2.0000e-03 eta: 15:51:31 time: 0.7339 data_time: 0.3223 memory: 9812 grad_norm: 3.4338 loss: 2.2854 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.2179 distill.loss_dist: 1.0675 2023/05/15 13:05:05 - mmengine - INFO - Epoch(val) [65][ 20/155] eta: 0:02:10 time: 0.9664 data_time: 0.9048 memory: 1484 2023/05/15 13:05:19 - mmengine - INFO - Epoch(val) [65][ 40/155] eta: 0:01:34 time: 0.6738 data_time: 0.6090 memory: 1484 2023/05/15 13:05:38 - mmengine - INFO - Epoch(val) [65][ 60/155] eta: 0:01:23 time: 0.9809 data_time: 0.9180 memory: 1484 2023/05/15 13:05:52 - mmengine - INFO - Epoch(val) [65][ 80/155] eta: 0:01:02 time: 0.6886 data_time: 0.6195 memory: 1484 2023/05/15 13:06:12 - mmengine - INFO - Epoch(val) [65][100/155] eta: 0:00:47 time: 1.0014 data_time: 0.9386 memory: 1484 2023/05/15 13:06:25 - mmengine - INFO - Epoch(val) [65][120/155] eta: 0:00:28 time: 0.6386 data_time: 0.5766 memory: 1484 2023/05/15 13:06:45 - mmengine - INFO - Epoch(val) [65][140/155] eta: 0:00:12 time: 1.0116 data_time: 0.9501 memory: 1484 2023/05/15 13:07:14 - mmengine - INFO - Epoch(val) [65][ 20/155] eta: 0:16:31 time: 1.0144 data_time: 0.8605 memory: 1582 2023/05/15 13:07:29 - mmengine - INFO - Epoch(val) [65][ 40/155] eta: 0:07:42 time: 0.7093 data_time: 0.5530 memory: 1582 2023/05/15 13:07:48 - mmengine - INFO - Epoch(val) [65][ 60/155] eta: 0:04:44 time: 0.9428 data_time: 0.7911 memory: 1582 2023/05/15 13:08:02 - mmengine - INFO - Epoch(val) [65][ 80/155] eta: 0:03:01 time: 0.7118 data_time: 0.5582 memory: 1582 2023/05/15 13:08:21 - mmengine - INFO - Epoch(val) [65][100/155] eta: 0:01:57 time: 0.9429 data_time: 0.7910 memory: 1582 2023/05/15 13:08:34 - mmengine - INFO - Epoch(val) [65][120/155] eta: 0:01:06 time: 0.6888 data_time: 0.5332 memory: 1582 2023/05/15 13:08:55 - mmengine - INFO - Epoch(val) [65][140/155] eta: 0:00:26 time: 1.0097 data_time: 0.8595 memory: 1582 2023/05/15 13:09:04 - mmengine - INFO - Epoch(val) [65][155/155] acc/top1: 0.6725 acc/top5: 0.8781 acc/mean1: 0.6724 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6760 time: 0.8275 2023/05/15 13:09:27 - mmengine - INFO - Epoch(train) [66][ 20/1879] lr: 2.0000e-03 eta: 15:51:16 time: 1.1114 data_time: 0.4014 memory: 9812 grad_norm: 3.2487 loss: 2.1672 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1551 distill.loss_dist: 1.0121 2023/05/15 13:09:44 - mmengine - INFO - Epoch(train) [66][ 40/1879] lr: 2.0000e-03 eta: 15:50:59 time: 0.8455 data_time: 0.2378 memory: 9812 grad_norm: 3.2737 loss: 2.2765 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.2337 distill.loss_dist: 1.0428 2023/05/15 13:10:00 - mmengine - INFO - Epoch(train) [66][ 60/1879] lr: 2.0000e-03 eta: 15:50:41 time: 0.8113 data_time: 0.3184 memory: 9812 grad_norm: 3.2266 loss: 2.2235 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1763 distill.loss_dist: 1.0472 2023/05/15 13:10:20 - mmengine - INFO - Epoch(train) [66][ 80/1879] lr: 2.0000e-03 eta: 15:50:25 time: 0.9944 data_time: 0.5201 memory: 9812 grad_norm: 3.2331 loss: 2.2177 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.1802 distill.loss_dist: 1.0375 2023/05/15 13:10:36 - mmengine - INFO - Epoch(train) [66][ 100/1879] lr: 2.0000e-03 eta: 15:50:07 time: 0.8206 data_time: 0.3936 memory: 9812 grad_norm: 3.2836 loss: 2.2773 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2376 distill.loss_dist: 1.0397 2023/05/15 13:10:53 - mmengine - INFO - Epoch(train) [66][ 120/1879] lr: 2.0000e-03 eta: 15:49:49 time: 0.8472 data_time: 0.4080 memory: 9812 grad_norm: 3.2649 loss: 2.3065 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2590 distill.loss_dist: 1.0475 2023/05/15 13:11:13 - mmengine - INFO - Epoch(train) [66][ 140/1879] lr: 2.0000e-03 eta: 15:49:33 time: 0.9801 data_time: 0.5403 memory: 9812 grad_norm: 3.2210 loss: 2.1385 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1445 distill.loss_dist: 0.9940 2023/05/15 13:11:29 - mmengine - INFO - Epoch(train) [66][ 160/1879] lr: 2.0000e-03 eta: 15:49:15 time: 0.8047 data_time: 0.3661 memory: 9812 grad_norm: 3.2536 loss: 2.1934 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1756 distill.loss_dist: 1.0178 2023/05/15 13:11:45 - mmengine - INFO - Epoch(train) [66][ 180/1879] lr: 2.0000e-03 eta: 15:48:57 time: 0.8262 data_time: 0.3735 memory: 9812 grad_norm: 3.3279 loss: 2.3263 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2671 distill.loss_dist: 1.0591 2023/05/15 13:12:05 - mmengine - INFO - Epoch(train) [66][ 200/1879] lr: 2.0000e-03 eta: 15:48:41 time: 0.9758 data_time: 0.5316 memory: 9812 grad_norm: 3.2730 loss: 2.2573 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2016 distill.loss_dist: 1.0557 2023/05/15 13:12:22 - mmengine - INFO - Epoch(train) [66][ 220/1879] lr: 2.0000e-03 eta: 15:48:23 time: 0.8412 data_time: 0.3928 memory: 9812 grad_norm: 3.2450 loss: 2.1436 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1054 distill.loss_dist: 1.0382 2023/05/15 13:12:38 - mmengine - INFO - Epoch(train) [66][ 240/1879] lr: 2.0000e-03 eta: 15:48:05 time: 0.8103 data_time: 0.3626 memory: 9812 grad_norm: 3.3583 loss: 2.1323 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0952 distill.loss_dist: 1.0371 2023/05/15 13:12:57 - mmengine - INFO - Epoch(train) [66][ 260/1879] lr: 2.0000e-03 eta: 15:47:49 time: 0.9407 data_time: 0.4396 memory: 9812 grad_norm: 3.1787 loss: 2.0981 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0618 distill.loss_dist: 1.0364 2023/05/15 13:13:13 - mmengine - INFO - Epoch(train) [66][ 280/1879] lr: 2.0000e-03 eta: 15:47:31 time: 0.8205 data_time: 0.3169 memory: 9812 grad_norm: 3.3127 loss: 2.2613 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2262 distill.loss_dist: 1.0351 2023/05/15 13:13:31 - mmengine - INFO - Epoch(train) [66][ 300/1879] lr: 2.0000e-03 eta: 15:47:14 time: 0.8776 data_time: 0.2829 memory: 9812 grad_norm: 3.3150 loss: 2.2683 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2137 distill.loss_dist: 1.0546 2023/05/15 13:13:49 - mmengine - INFO - Epoch(train) [66][ 320/1879] lr: 2.0000e-03 eta: 15:46:56 time: 0.8906 data_time: 0.2030 memory: 9812 grad_norm: 3.3209 loss: 2.1157 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1110 distill.loss_dist: 1.0047 2023/05/15 13:14:07 - mmengine - INFO - Epoch(train) [66][ 340/1879] lr: 2.0000e-03 eta: 15:46:39 time: 0.8995 data_time: 0.0823 memory: 9812 grad_norm: 3.2576 loss: 2.2831 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2667 distill.loss_dist: 1.0164 2023/05/15 13:14:24 - mmengine - INFO - Epoch(train) [66][ 360/1879] lr: 2.0000e-03 eta: 15:46:22 time: 0.8747 data_time: 0.1280 memory: 9812 grad_norm: 3.2807 loss: 2.1038 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0959 distill.loss_dist: 1.0079 2023/05/15 13:14:42 - mmengine - INFO - Epoch(train) [66][ 380/1879] lr: 2.0000e-03 eta: 15:46:05 time: 0.9000 data_time: 0.2106 memory: 9812 grad_norm: 3.4278 loss: 2.1952 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1622 distill.loss_dist: 1.0330 2023/05/15 13:14:59 - mmengine - INFO - Epoch(train) [66][ 400/1879] lr: 2.0000e-03 eta: 15:45:48 time: 0.8550 data_time: 0.2452 memory: 9812 grad_norm: 3.2626 loss: 2.2009 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1946 distill.loss_dist: 1.0062 2023/05/15 13:15:19 - mmengine - INFO - Epoch(train) [66][ 420/1879] lr: 2.0000e-03 eta: 15:45:31 time: 0.9652 data_time: 0.2390 memory: 9812 grad_norm: 3.2134 loss: 2.1114 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1118 distill.loss_dist: 0.9996 2023/05/15 13:15:35 - mmengine - INFO - Epoch(train) [66][ 440/1879] lr: 2.0000e-03 eta: 15:45:13 time: 0.8171 data_time: 0.0835 memory: 9812 grad_norm: 3.2364 loss: 2.2440 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2133 distill.loss_dist: 1.0308 2023/05/15 13:15:52 - mmengine - INFO - Epoch(train) [66][ 460/1879] lr: 2.0000e-03 eta: 15:44:56 time: 0.8308 data_time: 0.2778 memory: 9812 grad_norm: 3.3119 loss: 2.4502 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4191 distill.loss_dist: 1.0312 2023/05/15 13:16:11 - mmengine - INFO - Epoch(train) [66][ 480/1879] lr: 2.0000e-03 eta: 15:44:39 time: 0.9473 data_time: 0.1655 memory: 9812 grad_norm: 3.2716 loss: 2.1103 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0657 distill.loss_dist: 1.0445 2023/05/15 13:16:27 - mmengine - INFO - Epoch(train) [66][ 500/1879] lr: 2.0000e-03 eta: 15:44:21 time: 0.8002 data_time: 0.3527 memory: 9812 grad_norm: 3.3102 loss: 2.0555 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0157 distill.loss_dist: 1.0398 2023/05/15 13:16:44 - mmengine - INFO - Epoch(train) [66][ 520/1879] lr: 2.0000e-03 eta: 15:44:03 time: 0.8507 data_time: 0.3606 memory: 9812 grad_norm: 3.2903 loss: 2.2158 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1752 distill.loss_dist: 1.0406 2023/05/15 13:17:02 - mmengine - INFO - Epoch(train) [66][ 540/1879] lr: 2.0000e-03 eta: 15:43:46 time: 0.9011 data_time: 0.2980 memory: 9812 grad_norm: 3.2303 loss: 2.3208 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2660 distill.loss_dist: 1.0548 2023/05/15 13:17:19 - mmengine - INFO - Epoch(train) [66][ 560/1879] lr: 2.0000e-03 eta: 15:43:29 time: 0.8578 data_time: 0.3574 memory: 9812 grad_norm: 3.2484 loss: 2.1326 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1262 distill.loss_dist: 1.0065 2023/05/15 13:17:36 - mmengine - INFO - Epoch(train) [66][ 580/1879] lr: 2.0000e-03 eta: 15:43:11 time: 0.8577 data_time: 0.3029 memory: 9812 grad_norm: 3.1950 loss: 2.1301 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1103 distill.loss_dist: 1.0198 2023/05/15 13:17:55 - mmengine - INFO - Epoch(train) [66][ 600/1879] lr: 2.0000e-03 eta: 15:42:55 time: 0.9414 data_time: 0.2924 memory: 9812 grad_norm: 3.2722 loss: 2.1457 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1133 distill.loss_dist: 1.0325 2023/05/15 13:18:12 - mmengine - INFO - Epoch(train) [66][ 620/1879] lr: 2.0000e-03 eta: 15:42:37 time: 0.8480 data_time: 0.1998 memory: 9812 grad_norm: 3.2360 loss: 2.2363 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1719 distill.loss_dist: 1.0644 2023/05/15 13:18:31 - mmengine - INFO - Epoch(train) [66][ 640/1879] lr: 2.0000e-03 eta: 15:42:21 time: 0.9605 data_time: 0.0383 memory: 9812 grad_norm: 3.2691 loss: 2.2651 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2171 distill.loss_dist: 1.0479 2023/05/15 13:18:47 - mmengine - INFO - Epoch(train) [66][ 660/1879] lr: 2.0000e-03 eta: 15:42:03 time: 0.7730 data_time: 0.0291 memory: 9812 grad_norm: 3.3495 loss: 2.2120 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1966 distill.loss_dist: 1.0154 2023/05/15 13:19:04 - mmengine - INFO - Epoch(train) [66][ 680/1879] lr: 2.0000e-03 eta: 15:41:45 time: 0.8763 data_time: 0.0277 memory: 9812 grad_norm: 3.2674 loss: 2.2338 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2165 distill.loss_dist: 1.0173 2023/05/15 13:19:24 - mmengine - INFO - Epoch(train) [66][ 700/1879] lr: 2.0000e-03 eta: 15:41:29 time: 0.9795 data_time: 0.0262 memory: 9812 grad_norm: 3.3221 loss: 2.5694 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.5104 distill.loss_dist: 1.0590 2023/05/15 13:19:40 - mmengine - INFO - Epoch(train) [66][ 720/1879] lr: 2.0000e-03 eta: 15:41:11 time: 0.7887 data_time: 0.0283 memory: 9812 grad_norm: 3.3210 loss: 2.1626 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1591 distill.loss_dist: 1.0035 2023/05/15 13:19:57 - mmengine - INFO - Epoch(train) [66][ 740/1879] lr: 2.0000e-03 eta: 15:40:53 time: 0.8610 data_time: 0.0275 memory: 9812 grad_norm: 3.2304 loss: 2.1727 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1537 distill.loss_dist: 1.0190 2023/05/15 13:20:16 - mmengine - INFO - Epoch(train) [66][ 760/1879] lr: 2.0000e-03 eta: 15:40:37 time: 0.9536 data_time: 0.0568 memory: 9812 grad_norm: 3.3301 loss: 2.1712 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1126 distill.loss_dist: 1.0585 2023/05/15 13:20:33 - mmengine - INFO - Epoch(train) [66][ 780/1879] lr: 2.0000e-03 eta: 15:40:20 time: 0.8691 data_time: 0.2070 memory: 9812 grad_norm: 3.2645 loss: 2.2342 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2004 distill.loss_dist: 1.0338 2023/05/15 13:20:52 - mmengine - INFO - Epoch(train) [66][ 800/1879] lr: 2.0000e-03 eta: 15:40:03 time: 0.9184 data_time: 0.2958 memory: 9812 grad_norm: 3.2588 loss: 2.3324 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2714 distill.loss_dist: 1.0610 2023/05/15 13:21:08 - mmengine - INFO - Epoch(train) [66][ 820/1879] lr: 2.0000e-03 eta: 15:39:45 time: 0.8212 data_time: 0.3422 memory: 9812 grad_norm: 3.3022 loss: 2.1118 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1386 distill.loss_dist: 0.9732 2023/05/15 13:21:28 - mmengine - INFO - Epoch(train) [66][ 840/1879] lr: 2.0000e-03 eta: 15:39:29 time: 0.9997 data_time: 0.5432 memory: 9812 grad_norm: 3.2559 loss: 2.0079 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 0.9549 distill.loss_dist: 1.0530 2023/05/15 13:21:44 - mmengine - INFO - Epoch(train) [66][ 860/1879] lr: 2.0000e-03 eta: 15:39:11 time: 0.7982 data_time: 0.3551 memory: 9812 grad_norm: 3.2841 loss: 2.0684 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0657 distill.loss_dist: 1.0027 2023/05/15 13:21:48 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 13:22:02 - mmengine - INFO - Epoch(train) [66][ 880/1879] lr: 2.0000e-03 eta: 15:38:54 time: 0.8813 data_time: 0.1976 memory: 9812 grad_norm: 3.1697 loss: 2.3383 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2843 distill.loss_dist: 1.0540 2023/05/15 13:22:19 - mmengine - INFO - Epoch(train) [66][ 900/1879] lr: 2.0000e-03 eta: 15:38:36 time: 0.8398 data_time: 0.1302 memory: 9812 grad_norm: 3.2429 loss: 2.0725 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0464 distill.loss_dist: 1.0262 2023/05/15 13:22:37 - mmengine - INFO - Epoch(train) [66][ 920/1879] lr: 2.0000e-03 eta: 15:38:19 time: 0.9002 data_time: 0.0937 memory: 9812 grad_norm: 3.2244 loss: 2.0498 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0301 distill.loss_dist: 1.0198 2023/05/15 13:22:55 - mmengine - INFO - Epoch(train) [66][ 940/1879] lr: 2.0000e-03 eta: 15:38:02 time: 0.9345 data_time: 0.0443 memory: 9812 grad_norm: 3.2829 loss: 2.3747 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.3605 distill.loss_dist: 1.0142 2023/05/15 13:23:12 - mmengine - INFO - Epoch(train) [66][ 960/1879] lr: 2.0000e-03 eta: 15:37:45 time: 0.8454 data_time: 0.0302 memory: 9812 grad_norm: 3.3141 loss: 2.2464 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2205 distill.loss_dist: 1.0259 2023/05/15 13:23:29 - mmengine - INFO - Epoch(train) [66][ 980/1879] lr: 2.0000e-03 eta: 15:37:27 time: 0.8214 data_time: 0.0304 memory: 9812 grad_norm: 3.3490 loss: 2.2736 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2102 distill.loss_dist: 1.0634 2023/05/15 13:23:48 - mmengine - INFO - Epoch(train) [66][1000/1879] lr: 2.0000e-03 eta: 15:37:10 time: 0.9445 data_time: 0.0277 memory: 9812 grad_norm: 3.3399 loss: 2.2310 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1981 distill.loss_dist: 1.0329 2023/05/15 13:24:04 - mmengine - INFO - Epoch(train) [66][1020/1879] lr: 2.0000e-03 eta: 15:36:52 time: 0.8021 data_time: 0.0270 memory: 9812 grad_norm: 3.3923 loss: 2.2760 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2186 distill.loss_dist: 1.0573 2023/05/15 13:24:21 - mmengine - INFO - Epoch(train) [66][1040/1879] lr: 2.0000e-03 eta: 15:36:35 time: 0.8762 data_time: 0.0276 memory: 9812 grad_norm: 3.3381 loss: 2.1537 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1351 distill.loss_dist: 1.0186 2023/05/15 13:24:40 - mmengine - INFO - Epoch(train) [66][1060/1879] lr: 2.0000e-03 eta: 15:36:18 time: 0.9310 data_time: 0.0275 memory: 9812 grad_norm: 3.3113 loss: 1.9953 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9789 distill.loss_dist: 1.0164 2023/05/15 13:24:58 - mmengine - INFO - Epoch(train) [66][1080/1879] lr: 2.0000e-03 eta: 15:36:01 time: 0.8903 data_time: 0.0303 memory: 9812 grad_norm: 3.3840 loss: 2.0944 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0317 distill.loss_dist: 1.0627 2023/05/15 13:25:15 - mmengine - INFO - Epoch(train) [66][1100/1879] lr: 2.0000e-03 eta: 15:35:44 time: 0.8640 data_time: 0.0240 memory: 9812 grad_norm: 3.2798 loss: 2.1926 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1748 distill.loss_dist: 1.0178 2023/05/15 13:25:34 - mmengine - INFO - Epoch(train) [66][1120/1879] lr: 2.0000e-03 eta: 15:35:27 time: 0.9605 data_time: 0.0262 memory: 9812 grad_norm: 3.2712 loss: 2.2099 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2068 distill.loss_dist: 1.0030 2023/05/15 13:25:50 - mmengine - INFO - Epoch(train) [66][1140/1879] lr: 2.0000e-03 eta: 15:35:09 time: 0.8029 data_time: 0.0283 memory: 9812 grad_norm: 3.2459 loss: 2.0986 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0803 distill.loss_dist: 1.0183 2023/05/15 13:26:07 - mmengine - INFO - Epoch(train) [66][1160/1879] lr: 2.0000e-03 eta: 15:34:51 time: 0.8270 data_time: 0.0266 memory: 9812 grad_norm: 3.3157 loss: 2.2568 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2324 distill.loss_dist: 1.0244 2023/05/15 13:26:26 - mmengine - INFO - Epoch(train) [66][1180/1879] lr: 2.0000e-03 eta: 15:34:35 time: 0.9706 data_time: 0.0235 memory: 9812 grad_norm: 3.2685 loss: 2.2270 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1845 distill.loss_dist: 1.0425 2023/05/15 13:26:44 - mmengine - INFO - Epoch(train) [66][1200/1879] lr: 2.0000e-03 eta: 15:34:18 time: 0.8602 data_time: 0.0303 memory: 9812 grad_norm: 3.2108 loss: 2.1181 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1049 distill.loss_dist: 1.0132 2023/05/15 13:27:00 - mmengine - INFO - Epoch(train) [66][1220/1879] lr: 2.0000e-03 eta: 15:34:00 time: 0.8240 data_time: 0.0269 memory: 9812 grad_norm: 3.2546 loss: 2.0767 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0550 distill.loss_dist: 1.0216 2023/05/15 13:27:18 - mmengine - INFO - Epoch(train) [66][1240/1879] lr: 2.0000e-03 eta: 15:33:43 time: 0.9055 data_time: 0.0256 memory: 9812 grad_norm: 3.2722 loss: 2.1873 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1831 distill.loss_dist: 1.0042 2023/05/15 13:27:35 - mmengine - INFO - Epoch(train) [66][1260/1879] lr: 2.0000e-03 eta: 15:33:25 time: 0.8128 data_time: 0.0286 memory: 9812 grad_norm: 3.2793 loss: 1.9706 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 0.9556 distill.loss_dist: 1.0150 2023/05/15 13:27:52 - mmengine - INFO - Epoch(train) [66][1280/1879] lr: 2.0000e-03 eta: 15:33:08 time: 0.8905 data_time: 0.0283 memory: 9812 grad_norm: 3.2149 loss: 2.3092 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2571 distill.loss_dist: 1.0520 2023/05/15 13:28:12 - mmengine - INFO - Epoch(train) [66][1300/1879] lr: 2.0000e-03 eta: 15:32:52 time: 0.9730 data_time: 0.0279 memory: 9812 grad_norm: 3.4634 loss: 2.3825 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3467 distill.loss_dist: 1.0358 2023/05/15 13:28:29 - mmengine - INFO - Epoch(train) [66][1320/1879] lr: 2.0000e-03 eta: 15:32:34 time: 0.8463 data_time: 0.0282 memory: 9812 grad_norm: 3.3558 loss: 2.1789 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1798 distill.loss_dist: 0.9991 2023/05/15 13:28:46 - mmengine - INFO - Epoch(train) [66][1340/1879] lr: 2.0000e-03 eta: 15:32:16 time: 0.8456 data_time: 0.0265 memory: 9812 grad_norm: 3.2669 loss: 2.1328 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1221 distill.loss_dist: 1.0107 2023/05/15 13:29:03 - mmengine - INFO - Epoch(train) [66][1360/1879] lr: 2.0000e-03 eta: 15:31:59 time: 0.8747 data_time: 0.0264 memory: 9812 grad_norm: 3.1906 loss: 2.0351 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0267 distill.loss_dist: 1.0085 2023/05/15 13:29:20 - mmengine - INFO - Epoch(train) [66][1380/1879] lr: 2.0000e-03 eta: 15:31:41 time: 0.8340 data_time: 0.0290 memory: 9812 grad_norm: 3.2632 loss: 2.2303 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1806 distill.loss_dist: 1.0497 2023/05/15 13:29:38 - mmengine - INFO - Epoch(train) [66][1400/1879] lr: 2.0000e-03 eta: 15:31:25 time: 0.9248 data_time: 0.0261 memory: 9812 grad_norm: 3.3317 loss: 2.4045 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3682 distill.loss_dist: 1.0363 2023/05/15 13:29:56 - mmengine - INFO - Epoch(train) [66][1420/1879] lr: 2.0000e-03 eta: 15:31:07 time: 0.8898 data_time: 0.0248 memory: 9812 grad_norm: 3.2749 loss: 2.1806 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1314 distill.loss_dist: 1.0493 2023/05/15 13:30:13 - mmengine - INFO - Epoch(train) [66][1440/1879] lr: 2.0000e-03 eta: 15:30:50 time: 0.8516 data_time: 0.0282 memory: 9812 grad_norm: 3.2232 loss: 2.2389 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1820 distill.loss_dist: 1.0568 2023/05/15 13:30:30 - mmengine - INFO - Epoch(train) [66][1460/1879] lr: 2.0000e-03 eta: 15:30:32 time: 0.8350 data_time: 0.0281 memory: 9812 grad_norm: 3.2651 loss: 2.3473 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3017 distill.loss_dist: 1.0456 2023/05/15 13:30:49 - mmengine - INFO - Epoch(train) [66][1480/1879] lr: 2.0000e-03 eta: 15:30:16 time: 0.9534 data_time: 0.0283 memory: 9812 grad_norm: 3.2536 loss: 2.2892 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2514 distill.loss_dist: 1.0378 2023/05/15 13:31:06 - mmengine - INFO - Epoch(train) [66][1500/1879] lr: 2.0000e-03 eta: 15:29:58 time: 0.8287 data_time: 0.0278 memory: 9812 grad_norm: 3.2389 loss: 2.1976 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1618 distill.loss_dist: 1.0359 2023/05/15 13:31:23 - mmengine - INFO - Epoch(train) [66][1520/1879] lr: 2.0000e-03 eta: 15:29:41 time: 0.8647 data_time: 0.0268 memory: 9812 grad_norm: 3.3980 loss: 2.2644 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2328 distill.loss_dist: 1.0316 2023/05/15 13:31:42 - mmengine - INFO - Epoch(train) [66][1540/1879] lr: 2.0000e-03 eta: 15:29:24 time: 0.9517 data_time: 0.0270 memory: 9812 grad_norm: 3.3641 loss: 2.2278 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2036 distill.loss_dist: 1.0241 2023/05/15 13:32:00 - mmengine - INFO - Epoch(train) [66][1560/1879] lr: 2.0000e-03 eta: 15:29:07 time: 0.9059 data_time: 0.0272 memory: 9812 grad_norm: 3.2104 loss: 2.0352 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0359 distill.loss_dist: 0.9993 2023/05/15 13:32:16 - mmengine - INFO - Epoch(train) [66][1580/1879] lr: 2.0000e-03 eta: 15:28:49 time: 0.8120 data_time: 0.0268 memory: 9812 grad_norm: 3.2413 loss: 2.1456 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0993 distill.loss_dist: 1.0464 2023/05/15 13:32:34 - mmengine - INFO - Epoch(train) [66][1600/1879] lr: 2.0000e-03 eta: 15:28:32 time: 0.8636 data_time: 0.0248 memory: 9812 grad_norm: 3.3074 loss: 2.4585 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.4069 distill.loss_dist: 1.0517 2023/05/15 13:32:54 - mmengine - INFO - Epoch(train) [66][1620/1879] lr: 2.0000e-03 eta: 15:28:16 time: 0.9911 data_time: 0.0260 memory: 9812 grad_norm: 3.2870 loss: 2.1773 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1500 distill.loss_dist: 1.0274 2023/05/15 13:33:11 - mmengine - INFO - Epoch(train) [66][1640/1879] lr: 2.0000e-03 eta: 15:27:58 time: 0.8622 data_time: 0.0253 memory: 9812 grad_norm: 3.2839 loss: 2.1908 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1502 distill.loss_dist: 1.0407 2023/05/15 13:33:28 - mmengine - INFO - Epoch(train) [66][1660/1879] lr: 2.0000e-03 eta: 15:27:41 time: 0.8566 data_time: 0.0267 memory: 9812 grad_norm: 3.2510 loss: 2.1509 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1485 distill.loss_dist: 1.0023 2023/05/15 13:33:47 - mmengine - INFO - Epoch(train) [66][1680/1879] lr: 2.0000e-03 eta: 15:27:24 time: 0.9409 data_time: 0.0286 memory: 9812 grad_norm: 3.2925 loss: 2.2615 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2244 distill.loss_dist: 1.0371 2023/05/15 13:34:03 - mmengine - INFO - Epoch(train) [66][1700/1879] lr: 2.0000e-03 eta: 15:27:06 time: 0.8136 data_time: 0.0258 memory: 9812 grad_norm: 3.2596 loss: 2.2959 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2577 distill.loss_dist: 1.0382 2023/05/15 13:34:19 - mmengine - INFO - Epoch(train) [66][1720/1879] lr: 2.0000e-03 eta: 15:26:48 time: 0.8071 data_time: 0.0279 memory: 9812 grad_norm: 3.2826 loss: 2.2737 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2251 distill.loss_dist: 1.0486 2023/05/15 13:34:38 - mmengine - INFO - Epoch(train) [66][1740/1879] lr: 2.0000e-03 eta: 15:26:31 time: 0.9127 data_time: 0.0268 memory: 9812 grad_norm: 3.3293 loss: 2.3343 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2848 distill.loss_dist: 1.0495 2023/05/15 13:34:55 - mmengine - INFO - Epoch(train) [66][1760/1879] lr: 2.0000e-03 eta: 15:26:14 time: 0.8625 data_time: 0.0312 memory: 9812 grad_norm: 3.2734 loss: 2.3248 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2886 distill.loss_dist: 1.0362 2023/05/15 13:35:12 - mmengine - INFO - Epoch(train) [66][1780/1879] lr: 2.0000e-03 eta: 15:25:56 time: 0.8647 data_time: 0.0625 memory: 9812 grad_norm: 3.3659 loss: 2.1572 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1432 distill.loss_dist: 1.0139 2023/05/15 13:35:31 - mmengine - INFO - Epoch(train) [66][1800/1879] lr: 2.0000e-03 eta: 15:25:40 time: 0.9255 data_time: 0.0417 memory: 9812 grad_norm: 3.2398 loss: 2.2962 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2409 distill.loss_dist: 1.0552 2023/05/15 13:35:47 - mmengine - INFO - Epoch(train) [66][1820/1879] lr: 2.0000e-03 eta: 15:25:22 time: 0.8229 data_time: 0.1949 memory: 9812 grad_norm: 3.3827 loss: 2.2311 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1960 distill.loss_dist: 1.0352 2023/05/15 13:36:05 - mmengine - INFO - Epoch(train) [66][1840/1879] lr: 2.0000e-03 eta: 15:25:04 time: 0.8728 data_time: 0.1988 memory: 9812 grad_norm: 3.2683 loss: 2.0653 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0489 distill.loss_dist: 1.0165 2023/05/15 13:36:22 - mmengine - INFO - Epoch(train) [66][1860/1879] lr: 2.0000e-03 eta: 15:24:47 time: 0.8705 data_time: 0.0550 memory: 9812 grad_norm: 3.3339 loss: 2.1053 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0695 distill.loss_dist: 1.0358 2023/05/15 13:36:27 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 13:36:36 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 13:36:36 - mmengine - INFO - Epoch(train) [66][1879/1879] lr: 2.0000e-03 eta: 15:24:29 time: 0.7316 data_time: 0.0207 memory: 9812 grad_norm: 3.5085 loss: 2.3132 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.2647 distill.loss_dist: 1.0486 2023/05/15 13:36:36 - mmengine - INFO - Saving checkpoint at 66 epochs 2023/05/15 13:36:57 - mmengine - INFO - Epoch(val) [66][ 20/155] eta: 0:02:12 time: 0.9833 data_time: 0.9169 memory: 1484 2023/05/15 13:37:11 - mmengine - INFO - Epoch(val) [66][ 40/155] eta: 0:01:37 time: 0.7108 data_time: 0.6432 memory: 1484 2023/05/15 13:37:29 - mmengine - INFO - Epoch(val) [66][ 60/155] eta: 0:01:22 time: 0.9141 data_time: 0.8531 memory: 1484 2023/05/15 13:37:43 - mmengine - INFO - Epoch(val) [66][ 80/155] eta: 0:01:01 time: 0.6771 data_time: 0.6149 memory: 1484 2023/05/15 13:38:01 - mmengine - INFO - Epoch(val) [66][100/155] eta: 0:00:46 time: 0.9014 data_time: 0.8373 memory: 1484 2023/05/15 13:38:15 - mmengine - INFO - Epoch(val) [66][120/155] eta: 0:00:28 time: 0.7034 data_time: 0.6403 memory: 1484 2023/05/15 13:38:37 - mmengine - INFO - Epoch(val) [66][140/155] eta: 0:00:12 time: 1.0725 data_time: 1.0049 memory: 1484 2023/05/15 13:39:05 - mmengine - INFO - Epoch(val) [66][ 20/155] eta: 0:16:30 time: 1.0198 data_time: 0.8641 memory: 1582 2023/05/15 13:39:19 - mmengine - INFO - Epoch(val) [66][ 40/155] eta: 0:07:40 time: 0.6828 data_time: 0.5256 memory: 1582 2023/05/15 13:39:38 - mmengine - INFO - Epoch(val) [66][ 60/155] eta: 0:04:44 time: 0.9623 data_time: 0.8051 memory: 1582 2023/05/15 13:39:52 - mmengine - INFO - Epoch(val) [66][ 80/155] eta: 0:03:01 time: 0.6744 data_time: 0.5196 memory: 1582 2023/05/15 13:40:12 - mmengine - INFO - Epoch(val) [66][100/155] eta: 0:01:57 time: 1.0286 data_time: 0.8744 memory: 1582 2023/05/15 13:40:26 - mmengine - INFO - Epoch(val) [66][120/155] eta: 0:01:06 time: 0.6770 data_time: 0.5221 memory: 1582 2023/05/15 13:40:46 - mmengine - INFO - Epoch(val) [66][140/155] eta: 0:00:26 time: 1.0263 data_time: 0.8741 memory: 1582 2023/05/15 13:40:56 - mmengine - INFO - Epoch(val) [66][155/155] acc/top1: 0.6765 acc/top5: 0.8780 acc/mean1: 0.6765 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6777 time: 0.8308 2023/05/15 13:40:56 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_64.pth is removed 2023/05/15 13:40:58 - mmengine - INFO - The best checkpoint with 0.6765 acc/top1 at 66 epoch is saved to best_acc_top1_epoch_66.pth. 2023/05/15 13:41:20 - mmengine - INFO - Epoch(train) [67][ 20/1879] lr: 2.0000e-03 eta: 15:24:14 time: 1.1195 data_time: 0.6294 memory: 9812 grad_norm: 3.3507 loss: 2.2424 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1846 distill.loss_dist: 1.0578 2023/05/15 13:41:38 - mmengine - INFO - Epoch(train) [67][ 40/1879] lr: 2.0000e-03 eta: 15:23:57 time: 0.9073 data_time: 0.1744 memory: 9812 grad_norm: 3.3106 loss: 2.0848 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0559 distill.loss_dist: 1.0288 2023/05/15 13:41:54 - mmengine - INFO - Epoch(train) [67][ 60/1879] lr: 2.0000e-03 eta: 15:23:39 time: 0.7760 data_time: 0.0323 memory: 9812 grad_norm: 3.2561 loss: 2.1314 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0934 distill.loss_dist: 1.0380 2023/05/15 13:42:12 - mmengine - INFO - Epoch(train) [67][ 80/1879] lr: 2.0000e-03 eta: 15:23:22 time: 0.9132 data_time: 0.2711 memory: 9812 grad_norm: 3.2996 loss: 2.2275 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.2006 distill.loss_dist: 1.0269 2023/05/15 13:42:30 - mmengine - INFO - Epoch(train) [67][ 100/1879] lr: 2.0000e-03 eta: 15:23:05 time: 0.8735 data_time: 0.3246 memory: 9812 grad_norm: 3.3099 loss: 2.0879 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0622 distill.loss_dist: 1.0257 2023/05/15 13:42:46 - mmengine - INFO - Epoch(train) [67][ 120/1879] lr: 2.0000e-03 eta: 15:22:47 time: 0.8414 data_time: 0.2927 memory: 9812 grad_norm: 3.2631 loss: 2.1502 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1440 distill.loss_dist: 1.0062 2023/05/15 13:43:04 - mmengine - INFO - Epoch(train) [67][ 140/1879] lr: 2.0000e-03 eta: 15:22:30 time: 0.8604 data_time: 0.0993 memory: 9812 grad_norm: 3.2992 loss: 2.3498 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3280 distill.loss_dist: 1.0218 2023/05/15 13:43:21 - mmengine - INFO - Epoch(train) [67][ 160/1879] lr: 2.0000e-03 eta: 15:22:12 time: 0.8611 data_time: 0.0552 memory: 9812 grad_norm: 3.3325 loss: 2.2283 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1930 distill.loss_dist: 1.0352 2023/05/15 13:43:38 - mmengine - INFO - Epoch(train) [67][ 180/1879] lr: 2.0000e-03 eta: 15:21:55 time: 0.8636 data_time: 0.0287 memory: 9812 grad_norm: 3.1977 loss: 2.3847 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3425 distill.loss_dist: 1.0421 2023/05/15 13:43:57 - mmengine - INFO - Epoch(train) [67][ 200/1879] lr: 2.0000e-03 eta: 15:21:39 time: 0.9581 data_time: 0.0276 memory: 9812 grad_norm: 3.3032 loss: 2.2196 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1827 distill.loss_dist: 1.0369 2023/05/15 13:44:14 - mmengine - INFO - Epoch(train) [67][ 220/1879] lr: 2.0000e-03 eta: 15:21:21 time: 0.8207 data_time: 0.0432 memory: 9812 grad_norm: 3.3416 loss: 2.3013 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2745 distill.loss_dist: 1.0267 2023/05/15 13:44:31 - mmengine - INFO - Epoch(train) [67][ 240/1879] lr: 2.0000e-03 eta: 15:21:03 time: 0.8714 data_time: 0.1002 memory: 9812 grad_norm: 3.2366 loss: 2.0659 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0397 distill.loss_dist: 1.0262 2023/05/15 13:44:51 - mmengine - INFO - Epoch(train) [67][ 260/1879] lr: 2.0000e-03 eta: 15:20:47 time: 0.9880 data_time: 0.2083 memory: 9812 grad_norm: 3.3532 loss: 2.1785 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1662 distill.loss_dist: 1.0123 2023/05/15 13:45:07 - mmengine - INFO - Epoch(train) [67][ 280/1879] lr: 2.0000e-03 eta: 15:20:29 time: 0.8256 data_time: 0.0371 memory: 9812 grad_norm: 3.2917 loss: 2.1900 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1851 distill.loss_dist: 1.0049 2023/05/15 13:45:25 - mmengine - INFO - Epoch(train) [67][ 300/1879] lr: 2.0000e-03 eta: 15:20:12 time: 0.8499 data_time: 0.0305 memory: 9812 grad_norm: 3.3757 loss: 2.2055 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1534 distill.loss_dist: 1.0521 2023/05/15 13:45:44 - mmengine - INFO - Epoch(train) [67][ 320/1879] lr: 2.0000e-03 eta: 15:19:56 time: 0.9924 data_time: 0.0299 memory: 9812 grad_norm: 3.3330 loss: 2.2069 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1634 distill.loss_dist: 1.0434 2023/05/15 13:46:01 - mmengine - INFO - Epoch(train) [67][ 340/1879] lr: 2.0000e-03 eta: 15:19:38 time: 0.8358 data_time: 0.0263 memory: 9812 grad_norm: 3.3545 loss: 1.9902 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 0.9785 distill.loss_dist: 1.0117 2023/05/15 13:46:17 - mmengine - INFO - Epoch(train) [67][ 360/1879] lr: 2.0000e-03 eta: 15:19:20 time: 0.8126 data_time: 0.0265 memory: 9812 grad_norm: 3.2393 loss: 1.9855 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9610 distill.loss_dist: 1.0245 2023/05/15 13:46:38 - mmengine - INFO - Epoch(train) [67][ 380/1879] lr: 2.0000e-03 eta: 15:19:04 time: 1.0355 data_time: 0.0247 memory: 9812 grad_norm: 3.3356 loss: 2.3041 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2829 distill.loss_dist: 1.0212 2023/05/15 13:46:54 - mmengine - INFO - Epoch(train) [67][ 400/1879] lr: 2.0000e-03 eta: 15:18:46 time: 0.7961 data_time: 0.0280 memory: 9812 grad_norm: 3.2588 loss: 2.3027 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2499 distill.loss_dist: 1.0528 2023/05/15 13:47:11 - mmengine - INFO - Epoch(train) [67][ 420/1879] lr: 2.0000e-03 eta: 15:18:29 time: 0.8428 data_time: 0.0290 memory: 9812 grad_norm: 3.2013 loss: 2.2557 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2118 distill.loss_dist: 1.0438 2023/05/15 13:47:31 - mmengine - INFO - Epoch(train) [67][ 440/1879] lr: 2.0000e-03 eta: 15:18:13 time: 1.0153 data_time: 0.0251 memory: 9812 grad_norm: 3.3514 loss: 2.1458 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1141 distill.loss_dist: 1.0317 2023/05/15 13:47:48 - mmengine - INFO - Epoch(train) [67][ 460/1879] lr: 2.0000e-03 eta: 15:17:55 time: 0.8192 data_time: 0.0264 memory: 9812 grad_norm: 3.3043 loss: 2.1049 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0868 distill.loss_dist: 1.0181 2023/05/15 13:48:04 - mmengine - INFO - Epoch(train) [67][ 480/1879] lr: 2.0000e-03 eta: 15:17:37 time: 0.8173 data_time: 0.0304 memory: 9812 grad_norm: 3.3049 loss: 2.1766 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1545 distill.loss_dist: 1.0221 2023/05/15 13:48:23 - mmengine - INFO - Epoch(train) [67][ 500/1879] lr: 2.0000e-03 eta: 15:17:20 time: 0.9373 data_time: 0.0283 memory: 9812 grad_norm: 3.3230 loss: 2.0910 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0793 distill.loss_dist: 1.0117 2023/05/15 13:48:39 - mmengine - INFO - Epoch(train) [67][ 520/1879] lr: 2.0000e-03 eta: 15:17:03 time: 0.8138 data_time: 0.0274 memory: 9812 grad_norm: 3.2983 loss: 2.1447 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0911 distill.loss_dist: 1.0536 2023/05/15 13:48:55 - mmengine - INFO - Epoch(train) [67][ 540/1879] lr: 2.0000e-03 eta: 15:16:44 time: 0.7942 data_time: 0.0386 memory: 9812 grad_norm: 3.3114 loss: 2.0655 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0499 distill.loss_dist: 1.0156 2023/05/15 13:49:15 - mmengine - INFO - Epoch(train) [67][ 560/1879] lr: 2.0000e-03 eta: 15:16:28 time: 0.9850 data_time: 0.0246 memory: 9812 grad_norm: 3.2474 loss: 2.1914 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1284 distill.loss_dist: 1.0630 2023/05/15 13:49:32 - mmengine - INFO - Epoch(train) [67][ 580/1879] lr: 2.0000e-03 eta: 15:16:11 time: 0.8478 data_time: 0.0263 memory: 9812 grad_norm: 3.2898 loss: 2.3788 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2933 distill.loss_dist: 1.0855 2023/05/15 13:49:48 - mmengine - INFO - Epoch(train) [67][ 600/1879] lr: 2.0000e-03 eta: 15:15:53 time: 0.7927 data_time: 0.0568 memory: 9812 grad_norm: 3.3093 loss: 2.2974 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2540 distill.loss_dist: 1.0434 2023/05/15 13:50:06 - mmengine - INFO - Epoch(train) [67][ 620/1879] lr: 2.0000e-03 eta: 15:15:36 time: 0.9044 data_time: 0.0478 memory: 9812 grad_norm: 3.2327 loss: 2.3230 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2613 distill.loss_dist: 1.0617 2023/05/15 13:50:24 - mmengine - INFO - Epoch(train) [67][ 640/1879] lr: 2.0000e-03 eta: 15:15:18 time: 0.8947 data_time: 0.0285 memory: 9812 grad_norm: 3.2716 loss: 2.1644 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1254 distill.loss_dist: 1.0389 2023/05/15 13:50:40 - mmengine - INFO - Epoch(train) [67][ 660/1879] lr: 2.0000e-03 eta: 15:15:01 time: 0.8374 data_time: 0.0269 memory: 9812 grad_norm: 3.2845 loss: 2.2208 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1869 distill.loss_dist: 1.0339 2023/05/15 13:50:59 - mmengine - INFO - Epoch(train) [67][ 680/1879] lr: 2.0000e-03 eta: 15:14:44 time: 0.9332 data_time: 0.0329 memory: 9812 grad_norm: 3.2832 loss: 1.9945 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0044 distill.loss_dist: 0.9901 2023/05/15 13:51:17 - mmengine - INFO - Epoch(train) [67][ 700/1879] lr: 2.0000e-03 eta: 15:14:27 time: 0.8881 data_time: 0.0285 memory: 9812 grad_norm: 3.3267 loss: 2.3248 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2892 distill.loss_dist: 1.0356 2023/05/15 13:51:34 - mmengine - INFO - Epoch(train) [67][ 720/1879] lr: 2.0000e-03 eta: 15:14:09 time: 0.8493 data_time: 0.0275 memory: 9812 grad_norm: 3.2535 loss: 2.2257 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2118 distill.loss_dist: 1.0139 2023/05/15 13:51:53 - mmengine - INFO - Epoch(train) [67][ 740/1879] lr: 2.0000e-03 eta: 15:13:53 time: 0.9477 data_time: 0.0373 memory: 9812 grad_norm: 3.3506 loss: 2.1077 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0877 distill.loss_dist: 1.0201 2023/05/15 13:52:09 - mmengine - INFO - Epoch(train) [67][ 760/1879] lr: 2.0000e-03 eta: 15:13:35 time: 0.8169 data_time: 0.0284 memory: 9812 grad_norm: 3.3060 loss: 2.1538 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1606 distill.loss_dist: 0.9932 2023/05/15 13:52:27 - mmengine - INFO - Epoch(train) [67][ 780/1879] lr: 2.0000e-03 eta: 15:13:18 time: 0.9007 data_time: 0.3480 memory: 9812 grad_norm: 3.2967 loss: 2.2339 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1999 distill.loss_dist: 1.0340 2023/05/15 13:52:45 - mmengine - INFO - Epoch(train) [67][ 800/1879] lr: 2.0000e-03 eta: 15:13:01 time: 0.9114 data_time: 0.1733 memory: 9812 grad_norm: 3.2618 loss: 2.1720 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1441 distill.loss_dist: 1.0279 2023/05/15 13:53:03 - mmengine - INFO - Epoch(train) [67][ 820/1879] lr: 2.0000e-03 eta: 15:12:44 time: 0.8906 data_time: 0.0595 memory: 9812 grad_norm: 3.3229 loss: 2.0981 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0983 distill.loss_dist: 0.9998 2023/05/15 13:53:20 - mmengine - INFO - Epoch(train) [67][ 840/1879] lr: 2.0000e-03 eta: 15:12:26 time: 0.8380 data_time: 0.0274 memory: 9812 grad_norm: 3.2760 loss: 2.1240 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0961 distill.loss_dist: 1.0280 2023/05/15 13:53:38 - mmengine - INFO - Epoch(train) [67][ 860/1879] lr: 2.0000e-03 eta: 15:12:09 time: 0.8967 data_time: 0.0260 memory: 9812 grad_norm: 3.3191 loss: 2.2309 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1931 distill.loss_dist: 1.0379 2023/05/15 13:53:55 - mmengine - INFO - Epoch(train) [67][ 880/1879] lr: 2.0000e-03 eta: 15:11:51 time: 0.8410 data_time: 0.0274 memory: 9812 grad_norm: 3.2465 loss: 2.2018 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1628 distill.loss_dist: 1.0390 2023/05/15 13:54:12 - mmengine - INFO - Epoch(train) [67][ 900/1879] lr: 2.0000e-03 eta: 15:11:34 time: 0.8525 data_time: 0.0285 memory: 9812 grad_norm: 3.2835 loss: 2.3293 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3001 distill.loss_dist: 1.0292 2023/05/15 13:54:30 - mmengine - INFO - Epoch(train) [67][ 920/1879] lr: 2.0000e-03 eta: 15:11:17 time: 0.9183 data_time: 0.0295 memory: 9812 grad_norm: 3.3725 loss: 2.2171 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1799 distill.loss_dist: 1.0373 2023/05/15 13:54:48 - mmengine - INFO - Epoch(train) [67][ 940/1879] lr: 2.0000e-03 eta: 15:11:00 time: 0.8751 data_time: 0.0709 memory: 9812 grad_norm: 3.2774 loss: 2.2364 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2097 distill.loss_dist: 1.0267 2023/05/15 13:55:05 - mmengine - INFO - Epoch(train) [67][ 960/1879] lr: 2.0000e-03 eta: 15:10:42 time: 0.8540 data_time: 0.0648 memory: 9812 grad_norm: 3.2380 loss: 2.2806 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2194 distill.loss_dist: 1.0612 2023/05/15 13:55:22 - mmengine - INFO - Epoch(train) [67][ 980/1879] lr: 2.0000e-03 eta: 15:10:25 time: 0.8527 data_time: 0.1779 memory: 9812 grad_norm: 3.2914 loss: 2.2650 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2138 distill.loss_dist: 1.0512 2023/05/15 13:55:28 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 13:55:42 - mmengine - INFO - Epoch(train) [67][1000/1879] lr: 2.0000e-03 eta: 15:10:09 time: 1.0070 data_time: 0.2095 memory: 9812 grad_norm: 3.3471 loss: 2.3307 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2684 distill.loss_dist: 1.0624 2023/05/15 13:55:59 - mmengine - INFO - Epoch(train) [67][1020/1879] lr: 2.0000e-03 eta: 15:09:51 time: 0.8581 data_time: 0.0393 memory: 9812 grad_norm: 3.2799 loss: 2.2466 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2197 distill.loss_dist: 1.0270 2023/05/15 13:56:15 - mmengine - INFO - Epoch(train) [67][1040/1879] lr: 2.0000e-03 eta: 15:09:33 time: 0.7677 data_time: 0.1734 memory: 9812 grad_norm: 3.2505 loss: 2.1388 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1078 distill.loss_dist: 1.0309 2023/05/15 13:56:34 - mmengine - INFO - Epoch(train) [67][1060/1879] lr: 2.0000e-03 eta: 15:09:16 time: 0.9553 data_time: 0.3136 memory: 9812 grad_norm: 3.2718 loss: 2.1064 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.0950 distill.loss_dist: 1.0114 2023/05/15 13:56:50 - mmengine - INFO - Epoch(train) [67][1080/1879] lr: 2.0000e-03 eta: 15:08:58 time: 0.7950 data_time: 0.0930 memory: 9812 grad_norm: 3.3093 loss: 2.2186 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1614 distill.loss_dist: 1.0572 2023/05/15 13:57:07 - mmengine - INFO - Epoch(train) [67][1100/1879] lr: 2.0000e-03 eta: 15:08:41 time: 0.8709 data_time: 0.0301 memory: 9812 grad_norm: 3.2933 loss: 2.1560 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1181 distill.loss_dist: 1.0379 2023/05/15 13:57:26 - mmengine - INFO - Epoch(train) [67][1120/1879] lr: 2.0000e-03 eta: 15:08:24 time: 0.9369 data_time: 0.0265 memory: 9812 grad_norm: 3.2597 loss: 2.2262 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2024 distill.loss_dist: 1.0238 2023/05/15 13:57:43 - mmengine - INFO - Epoch(train) [67][1140/1879] lr: 2.0000e-03 eta: 15:08:07 time: 0.8475 data_time: 0.0442 memory: 9812 grad_norm: 3.2498 loss: 2.2221 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1769 distill.loss_dist: 1.0452 2023/05/15 13:58:00 - mmengine - INFO - Epoch(train) [67][1160/1879] lr: 2.0000e-03 eta: 15:07:49 time: 0.8443 data_time: 0.0281 memory: 9812 grad_norm: 3.2327 loss: 2.1320 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1100 distill.loss_dist: 1.0221 2023/05/15 13:58:17 - mmengine - INFO - Epoch(train) [67][1180/1879] lr: 2.0000e-03 eta: 15:07:32 time: 0.8618 data_time: 0.0391 memory: 9812 grad_norm: 3.4158 loss: 2.3980 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3235 distill.loss_dist: 1.0745 2023/05/15 13:58:34 - mmengine - INFO - Epoch(train) [67][1200/1879] lr: 2.0000e-03 eta: 15:07:14 time: 0.8731 data_time: 0.0504 memory: 9812 grad_norm: 3.3018 loss: 2.2246 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1685 distill.loss_dist: 1.0561 2023/05/15 13:58:53 - mmengine - INFO - Epoch(train) [67][1220/1879] lr: 2.0000e-03 eta: 15:06:58 time: 0.9495 data_time: 0.0261 memory: 9812 grad_norm: 3.2398 loss: 2.0236 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0545 distill.loss_dist: 0.9692 2023/05/15 13:59:11 - mmengine - INFO - Epoch(train) [67][1240/1879] lr: 2.0000e-03 eta: 15:06:40 time: 0.8583 data_time: 0.0422 memory: 9812 grad_norm: 3.2962 loss: 2.0877 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0952 distill.loss_dist: 0.9925 2023/05/15 13:59:29 - mmengine - INFO - Epoch(train) [67][1260/1879] lr: 2.0000e-03 eta: 15:06:23 time: 0.9180 data_time: 0.0289 memory: 9812 grad_norm: 3.2548 loss: 2.2514 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1971 distill.loss_dist: 1.0543 2023/05/15 13:59:47 - mmengine - INFO - Epoch(train) [67][1280/1879] lr: 2.0000e-03 eta: 15:06:06 time: 0.8973 data_time: 0.0245 memory: 9812 grad_norm: 3.3076 loss: 2.0903 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0728 distill.loss_dist: 1.0175 2023/05/15 14:00:03 - mmengine - INFO - Epoch(train) [67][1300/1879] lr: 2.0000e-03 eta: 15:05:48 time: 0.7925 data_time: 0.0263 memory: 9812 grad_norm: 3.2724 loss: 2.1389 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0988 distill.loss_dist: 1.0401 2023/05/15 14:00:21 - mmengine - INFO - Epoch(train) [67][1320/1879] lr: 2.0000e-03 eta: 15:05:31 time: 0.8915 data_time: 0.0259 memory: 9812 grad_norm: 3.2533 loss: 2.2093 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1771 distill.loss_dist: 1.0322 2023/05/15 14:00:41 - mmengine - INFO - Epoch(train) [67][1340/1879] lr: 2.0000e-03 eta: 15:05:15 time: 0.9965 data_time: 0.0270 memory: 9812 grad_norm: 3.3623 loss: 2.2475 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2161 distill.loss_dist: 1.0314 2023/05/15 14:00:57 - mmengine - INFO - Epoch(train) [67][1360/1879] lr: 2.0000e-03 eta: 15:04:57 time: 0.8379 data_time: 0.0269 memory: 9812 grad_norm: 3.4396 loss: 2.0949 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.0609 distill.loss_dist: 1.0340 2023/05/15 14:01:14 - mmengine - INFO - Epoch(train) [67][1380/1879] lr: 2.0000e-03 eta: 15:04:40 time: 0.8412 data_time: 0.0267 memory: 9812 grad_norm: 3.2645 loss: 2.1441 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1301 distill.loss_dist: 1.0140 2023/05/15 14:01:34 - mmengine - INFO - Epoch(train) [67][1400/1879] lr: 2.0000e-03 eta: 15:04:23 time: 0.9758 data_time: 0.0254 memory: 9812 grad_norm: 3.3151 loss: 2.3472 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3237 distill.loss_dist: 1.0235 2023/05/15 14:01:50 - mmengine - INFO - Epoch(train) [67][1420/1879] lr: 2.0000e-03 eta: 15:04:05 time: 0.8190 data_time: 0.0284 memory: 9812 grad_norm: 3.3343 loss: 2.2507 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2068 distill.loss_dist: 1.0439 2023/05/15 14:02:06 - mmengine - INFO - Epoch(train) [67][1440/1879] lr: 2.0000e-03 eta: 15:03:48 time: 0.8127 data_time: 0.0285 memory: 9812 grad_norm: 3.3389 loss: 2.2769 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2363 distill.loss_dist: 1.0407 2023/05/15 14:02:25 - mmengine - INFO - Epoch(train) [67][1460/1879] lr: 2.0000e-03 eta: 15:03:31 time: 0.9115 data_time: 0.0261 memory: 9812 grad_norm: 3.3283 loss: 2.1657 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1586 distill.loss_dist: 1.0072 2023/05/15 14:02:41 - mmengine - INFO - Epoch(train) [67][1480/1879] lr: 2.0000e-03 eta: 15:03:13 time: 0.8218 data_time: 0.0266 memory: 9812 grad_norm: 3.2959 loss: 2.3201 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2796 distill.loss_dist: 1.0405 2023/05/15 14:02:58 - mmengine - INFO - Epoch(train) [67][1500/1879] lr: 2.0000e-03 eta: 15:02:55 time: 0.8475 data_time: 0.0263 memory: 9812 grad_norm: 3.2583 loss: 2.2080 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1663 distill.loss_dist: 1.0417 2023/05/15 14:03:17 - mmengine - INFO - Epoch(train) [67][1520/1879] lr: 2.0000e-03 eta: 15:02:39 time: 0.9631 data_time: 0.0521 memory: 9812 grad_norm: 3.2951 loss: 2.1183 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0842 distill.loss_dist: 1.0341 2023/05/15 14:03:34 - mmengine - INFO - Epoch(train) [67][1540/1879] lr: 2.0000e-03 eta: 15:02:21 time: 0.8324 data_time: 0.0306 memory: 9812 grad_norm: 3.3330 loss: 2.5144 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4319 distill.loss_dist: 1.0825 2023/05/15 14:03:51 - mmengine - INFO - Epoch(train) [67][1560/1879] lr: 2.0000e-03 eta: 15:02:03 time: 0.8508 data_time: 0.0250 memory: 9812 grad_norm: 3.2618 loss: 2.2838 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2467 distill.loss_dist: 1.0371 2023/05/15 14:04:11 - mmengine - INFO - Epoch(train) [67][1580/1879] lr: 2.0000e-03 eta: 15:01:47 time: 0.9860 data_time: 0.0307 memory: 9812 grad_norm: 3.3507 loss: 1.9317 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9362 distill.loss_dist: 0.9955 2023/05/15 14:04:28 - mmengine - INFO - Epoch(train) [67][1600/1879] lr: 2.0000e-03 eta: 15:01:30 time: 0.8714 data_time: 0.0279 memory: 9812 grad_norm: 3.3172 loss: 2.0157 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0089 distill.loss_dist: 1.0067 2023/05/15 14:04:44 - mmengine - INFO - Epoch(train) [67][1620/1879] lr: 2.0000e-03 eta: 15:01:12 time: 0.7957 data_time: 0.0292 memory: 9812 grad_norm: 3.3231 loss: 2.1765 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1603 distill.loss_dist: 1.0162 2023/05/15 14:05:02 - mmengine - INFO - Epoch(train) [67][1640/1879] lr: 2.0000e-03 eta: 15:00:55 time: 0.8829 data_time: 0.0280 memory: 9812 grad_norm: 3.3246 loss: 2.1967 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1677 distill.loss_dist: 1.0290 2023/05/15 14:05:19 - mmengine - INFO - Epoch(train) [67][1660/1879] lr: 2.0000e-03 eta: 15:00:37 time: 0.8478 data_time: 0.0253 memory: 9812 grad_norm: 3.3222 loss: 2.2495 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2163 distill.loss_dist: 1.0331 2023/05/15 14:05:39 - mmengine - INFO - Epoch(train) [67][1680/1879] lr: 2.0000e-03 eta: 15:00:21 time: 0.9966 data_time: 0.0286 memory: 9812 grad_norm: 3.3606 loss: 2.2790 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2172 distill.loss_dist: 1.0618 2023/05/15 14:05:55 - mmengine - INFO - Epoch(train) [67][1700/1879] lr: 2.0000e-03 eta: 15:00:03 time: 0.7822 data_time: 0.0270 memory: 9812 grad_norm: 3.3527 loss: 2.0708 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0812 distill.loss_dist: 0.9896 2023/05/15 14:06:12 - mmengine - INFO - Epoch(train) [67][1720/1879] lr: 2.0000e-03 eta: 14:59:46 time: 0.8884 data_time: 0.0259 memory: 9812 grad_norm: 3.3140 loss: 2.1206 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0846 distill.loss_dist: 1.0360 2023/05/15 14:06:31 - mmengine - INFO - Epoch(train) [67][1740/1879] lr: 2.0000e-03 eta: 14:59:29 time: 0.9223 data_time: 0.0276 memory: 9812 grad_norm: 3.2930 loss: 2.3876 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3493 distill.loss_dist: 1.0383 2023/05/15 14:06:48 - mmengine - INFO - Epoch(train) [67][1760/1879] lr: 2.0000e-03 eta: 14:59:11 time: 0.8624 data_time: 0.0250 memory: 9812 grad_norm: 3.3372 loss: 2.3824 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3335 distill.loss_dist: 1.0489 2023/05/15 14:07:05 - mmengine - INFO - Epoch(train) [67][1780/1879] lr: 2.0000e-03 eta: 14:58:54 time: 0.8245 data_time: 0.0284 memory: 9812 grad_norm: 3.3074 loss: 2.0712 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.0408 distill.loss_dist: 1.0304 2023/05/15 14:07:25 - mmengine - INFO - Epoch(train) [67][1800/1879] lr: 2.0000e-03 eta: 14:58:37 time: 0.9970 data_time: 0.0276 memory: 9812 grad_norm: 3.3350 loss: 2.2219 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2034 distill.loss_dist: 1.0185 2023/05/15 14:07:40 - mmengine - INFO - Epoch(train) [67][1820/1879] lr: 2.0000e-03 eta: 14:58:19 time: 0.7910 data_time: 0.0261 memory: 9812 grad_norm: 3.3248 loss: 2.2031 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1623 distill.loss_dist: 1.0408 2023/05/15 14:07:59 - mmengine - INFO - Epoch(train) [67][1840/1879] lr: 2.0000e-03 eta: 14:58:02 time: 0.9174 data_time: 0.0273 memory: 9812 grad_norm: 3.3290 loss: 2.0483 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.0343 distill.loss_dist: 1.0140 2023/05/15 14:08:17 - mmengine - INFO - Epoch(train) [67][1860/1879] lr: 2.0000e-03 eta: 14:57:45 time: 0.9022 data_time: 0.0269 memory: 9812 grad_norm: 3.3688 loss: 2.3936 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3475 distill.loss_dist: 1.0461 2023/05/15 14:08:29 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 14:08:29 - mmengine - INFO - Epoch(train) [67][1879/1879] lr: 2.0000e-03 eta: 14:57:27 time: 0.6521 data_time: 0.0204 memory: 9812 grad_norm: 3.3917 loss: 2.0886 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.0673 distill.loss_dist: 1.0214 2023/05/15 14:08:49 - mmengine - INFO - Epoch(val) [67][ 20/155] eta: 0:02:10 time: 0.9654 data_time: 0.9009 memory: 1484 2023/05/15 14:09:03 - mmengine - INFO - Epoch(val) [67][ 40/155] eta: 0:01:35 time: 0.6998 data_time: 0.6334 memory: 1484 2023/05/15 14:09:22 - mmengine - INFO - Epoch(val) [67][ 60/155] eta: 0:01:22 time: 0.9397 data_time: 0.8767 memory: 1484 2023/05/15 14:09:35 - mmengine - INFO - Epoch(val) [67][ 80/155] eta: 0:01:01 time: 0.6841 data_time: 0.6188 memory: 1484 2023/05/15 14:09:55 - mmengine - INFO - Epoch(val) [67][100/155] eta: 0:00:47 time: 0.9880 data_time: 0.9224 memory: 1484 2023/05/15 14:10:08 - mmengine - INFO - Epoch(val) [67][120/155] eta: 0:00:28 time: 0.6592 data_time: 0.5915 memory: 1484 2023/05/15 14:10:29 - mmengine - INFO - Epoch(val) [67][140/155] eta: 0:00:12 time: 1.0346 data_time: 0.9726 memory: 1484 2023/05/15 14:10:58 - mmengine - INFO - Epoch(val) [67][ 20/155] eta: 0:16:36 time: 1.0085 data_time: 0.8479 memory: 1582 2023/05/15 14:11:13 - mmengine - INFO - Epoch(val) [67][ 40/155] eta: 0:07:45 time: 0.7215 data_time: 0.5665 memory: 1582 2023/05/15 14:11:31 - mmengine - INFO - Epoch(val) [67][ 60/155] eta: 0:04:45 time: 0.9275 data_time: 0.7779 memory: 1582 2023/05/15 14:11:45 - mmengine - INFO - Epoch(val) [67][ 80/155] eta: 0:03:02 time: 0.7002 data_time: 0.5494 memory: 1582 2023/05/15 14:12:05 - mmengine - INFO - Epoch(val) [67][100/155] eta: 0:01:57 time: 0.9595 data_time: 0.8041 memory: 1582 2023/05/15 14:12:19 - mmengine - INFO - Epoch(val) [67][120/155] eta: 0:01:06 time: 0.7065 data_time: 0.5560 memory: 1582 2023/05/15 14:12:40 - mmengine - INFO - Epoch(val) [67][140/155] eta: 0:00:26 time: 1.0445 data_time: 0.8929 memory: 1582 2023/05/15 14:12:49 - mmengine - INFO - Epoch(val) [67][155/155] acc/top1: 0.6755 acc/top5: 0.8765 acc/mean1: 0.6754 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6782 time: 0.8294 2023/05/15 14:13:11 - mmengine - INFO - Epoch(train) [68][ 20/1879] lr: 2.0000e-03 eta: 14:57:12 time: 1.1040 data_time: 0.3744 memory: 9812 grad_norm: 3.2808 loss: 2.2471 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1987 distill.loss_dist: 1.0484 2023/05/15 14:13:28 - mmengine - INFO - Epoch(train) [68][ 40/1879] lr: 2.0000e-03 eta: 14:56:54 time: 0.8488 data_time: 0.0271 memory: 9812 grad_norm: 3.2353 loss: 2.0661 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0466 distill.loss_dist: 1.0195 2023/05/15 14:13:45 - mmengine - INFO - Epoch(train) [68][ 60/1879] lr: 2.0000e-03 eta: 14:56:37 time: 0.8536 data_time: 0.0282 memory: 9812 grad_norm: 3.3001 loss: 2.1105 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1098 distill.loss_dist: 1.0006 2023/05/15 14:14:03 - mmengine - INFO - Epoch(train) [68][ 80/1879] lr: 2.0000e-03 eta: 14:56:20 time: 0.9178 data_time: 0.0284 memory: 9812 grad_norm: 3.2150 loss: 2.3016 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2403 distill.loss_dist: 1.0613 2023/05/15 14:14:21 - mmengine - INFO - Epoch(train) [68][ 100/1879] lr: 2.0000e-03 eta: 14:56:02 time: 0.8573 data_time: 0.0264 memory: 9812 grad_norm: 3.2768 loss: 2.2381 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2254 distill.loss_dist: 1.0128 2023/05/15 14:14:27 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 14:14:38 - mmengine - INFO - Epoch(train) [68][ 120/1879] lr: 2.0000e-03 eta: 14:55:45 time: 0.8559 data_time: 0.0259 memory: 9812 grad_norm: 3.2906 loss: 2.1842 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1574 distill.loss_dist: 1.0268 2023/05/15 14:14:57 - mmengine - INFO - Epoch(train) [68][ 140/1879] lr: 2.0000e-03 eta: 14:55:29 time: 0.9842 data_time: 0.0293 memory: 9812 grad_norm: 3.2776 loss: 2.0510 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0666 distill.loss_dist: 0.9844 2023/05/15 14:15:14 - mmengine - INFO - Epoch(train) [68][ 160/1879] lr: 2.0000e-03 eta: 14:55:11 time: 0.8325 data_time: 0.0289 memory: 9812 grad_norm: 3.3304 loss: 2.0927 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0676 distill.loss_dist: 1.0251 2023/05/15 14:15:30 - mmengine - INFO - Epoch(train) [68][ 180/1879] lr: 2.0000e-03 eta: 14:54:53 time: 0.7998 data_time: 0.0281 memory: 9812 grad_norm: 3.2881 loss: 2.2008 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1642 distill.loss_dist: 1.0366 2023/05/15 14:15:50 - mmengine - INFO - Epoch(train) [68][ 200/1879] lr: 2.0000e-03 eta: 14:54:37 time: 0.9896 data_time: 0.0256 memory: 9812 grad_norm: 3.4121 loss: 2.1634 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1382 distill.loss_dist: 1.0253 2023/05/15 14:16:07 - mmengine - INFO - Epoch(train) [68][ 220/1879] lr: 2.0000e-03 eta: 14:54:19 time: 0.8516 data_time: 0.0277 memory: 9812 grad_norm: 3.3413 loss: 2.3406 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3167 distill.loss_dist: 1.0239 2023/05/15 14:16:23 - mmengine - INFO - Epoch(train) [68][ 240/1879] lr: 2.0000e-03 eta: 14:54:01 time: 0.7979 data_time: 0.0276 memory: 9812 grad_norm: 3.1942 loss: 2.1839 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1463 distill.loss_dist: 1.0376 2023/05/15 14:16:42 - mmengine - INFO - Epoch(train) [68][ 260/1879] lr: 2.0000e-03 eta: 14:53:45 time: 0.9663 data_time: 0.0271 memory: 9812 grad_norm: 3.3364 loss: 2.1106 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0828 distill.loss_dist: 1.0278 2023/05/15 14:16:59 - mmengine - INFO - Epoch(train) [68][ 280/1879] lr: 2.0000e-03 eta: 14:53:27 time: 0.8230 data_time: 0.0271 memory: 9812 grad_norm: 3.3218 loss: 2.0958 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0884 distill.loss_dist: 1.0073 2023/05/15 14:17:16 - mmengine - INFO - Epoch(train) [68][ 300/1879] lr: 2.0000e-03 eta: 14:53:09 time: 0.8546 data_time: 0.0289 memory: 9812 grad_norm: 3.3425 loss: 2.0184 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0065 distill.loss_dist: 1.0119 2023/05/15 14:17:36 - mmengine - INFO - Epoch(train) [68][ 320/1879] lr: 2.0000e-03 eta: 14:52:53 time: 0.9810 data_time: 0.0291 memory: 9812 grad_norm: 3.3011 loss: 2.2028 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1531 distill.loss_dist: 1.0497 2023/05/15 14:17:53 - mmengine - INFO - Epoch(train) [68][ 340/1879] lr: 2.0000e-03 eta: 14:52:36 time: 0.8639 data_time: 0.0257 memory: 9812 grad_norm: 3.1996 loss: 2.2414 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1822 distill.loss_dist: 1.0593 2023/05/15 14:18:10 - mmengine - INFO - Epoch(train) [68][ 360/1879] lr: 2.0000e-03 eta: 14:52:18 time: 0.8357 data_time: 0.0253 memory: 9812 grad_norm: 3.3277 loss: 2.2607 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2232 distill.loss_dist: 1.0375 2023/05/15 14:18:28 - mmengine - INFO - Epoch(train) [68][ 380/1879] lr: 2.0000e-03 eta: 14:52:01 time: 0.9078 data_time: 0.0269 memory: 9812 grad_norm: 3.3060 loss: 2.1120 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0619 distill.loss_dist: 1.0500 2023/05/15 14:18:44 - mmengine - INFO - Epoch(train) [68][ 400/1879] lr: 2.0000e-03 eta: 14:51:43 time: 0.8169 data_time: 0.0284 memory: 9812 grad_norm: 3.3488 loss: 2.2587 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2014 distill.loss_dist: 1.0573 2023/05/15 14:19:01 - mmengine - INFO - Epoch(train) [68][ 420/1879] lr: 2.0000e-03 eta: 14:51:26 time: 0.8377 data_time: 0.0281 memory: 9812 grad_norm: 3.3532 loss: 2.2540 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.2278 distill.loss_dist: 1.0262 2023/05/15 14:19:21 - mmengine - INFO - Epoch(train) [68][ 440/1879] lr: 2.0000e-03 eta: 14:51:09 time: 0.9921 data_time: 0.0263 memory: 9812 grad_norm: 3.2964 loss: 2.0873 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0730 distill.loss_dist: 1.0143 2023/05/15 14:19:38 - mmengine - INFO - Epoch(train) [68][ 460/1879] lr: 2.0000e-03 eta: 14:50:52 time: 0.8523 data_time: 0.0267 memory: 9812 grad_norm: 3.3040 loss: 2.2326 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1909 distill.loss_dist: 1.0418 2023/05/15 14:19:55 - mmengine - INFO - Epoch(train) [68][ 480/1879] lr: 2.0000e-03 eta: 14:50:34 time: 0.8638 data_time: 0.0297 memory: 9812 grad_norm: 3.2931 loss: 2.1386 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1277 distill.loss_dist: 1.0109 2023/05/15 14:20:14 - mmengine - INFO - Epoch(train) [68][ 500/1879] lr: 2.0000e-03 eta: 14:50:18 time: 0.9411 data_time: 0.0296 memory: 9812 grad_norm: 3.3061 loss: 2.3465 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2640 distill.loss_dist: 1.0825 2023/05/15 14:20:32 - mmengine - INFO - Epoch(train) [68][ 520/1879] lr: 2.0000e-03 eta: 14:50:00 time: 0.8779 data_time: 0.0223 memory: 9812 grad_norm: 3.2836 loss: 2.3548 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2915 distill.loss_dist: 1.0633 2023/05/15 14:20:47 - mmengine - INFO - Epoch(train) [68][ 540/1879] lr: 2.0000e-03 eta: 14:49:42 time: 0.7863 data_time: 0.0280 memory: 9812 grad_norm: 3.3154 loss: 2.0059 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 0.9894 distill.loss_dist: 1.0165 2023/05/15 14:21:05 - mmengine - INFO - Epoch(train) [68][ 560/1879] lr: 2.0000e-03 eta: 14:49:25 time: 0.9016 data_time: 0.0271 memory: 9812 grad_norm: 3.2924 loss: 2.1818 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1577 distill.loss_dist: 1.0242 2023/05/15 14:21:23 - mmengine - INFO - Epoch(train) [68][ 580/1879] lr: 2.0000e-03 eta: 14:49:08 time: 0.8792 data_time: 0.0290 memory: 9812 grad_norm: 3.2577 loss: 2.1356 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0882 distill.loss_dist: 1.0475 2023/05/15 14:21:40 - mmengine - INFO - Epoch(train) [68][ 600/1879] lr: 2.0000e-03 eta: 14:48:51 time: 0.8561 data_time: 0.0256 memory: 9812 grad_norm: 3.3884 loss: 2.3141 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2834 distill.loss_dist: 1.0307 2023/05/15 14:21:58 - mmengine - INFO - Epoch(train) [68][ 620/1879] lr: 2.0000e-03 eta: 14:48:33 time: 0.8793 data_time: 0.0287 memory: 9812 grad_norm: 3.2187 loss: 2.3414 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3006 distill.loss_dist: 1.0408 2023/05/15 14:22:16 - mmengine - INFO - Epoch(train) [68][ 640/1879] lr: 2.0000e-03 eta: 14:48:17 time: 0.9354 data_time: 0.0276 memory: 9812 grad_norm: 3.3419 loss: 2.0331 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0233 distill.loss_dist: 1.0098 2023/05/15 14:22:33 - mmengine - INFO - Epoch(train) [68][ 660/1879] lr: 2.0000e-03 eta: 14:47:59 time: 0.8167 data_time: 0.0263 memory: 9812 grad_norm: 3.3875 loss: 2.0788 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0520 distill.loss_dist: 1.0268 2023/05/15 14:22:50 - mmengine - INFO - Epoch(train) [68][ 680/1879] lr: 2.0000e-03 eta: 14:47:41 time: 0.8715 data_time: 0.0280 memory: 9812 grad_norm: 3.2062 loss: 2.1930 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1635 distill.loss_dist: 1.0296 2023/05/15 14:23:08 - mmengine - INFO - Epoch(train) [68][ 700/1879] lr: 2.0000e-03 eta: 14:47:24 time: 0.8996 data_time: 0.0300 memory: 9812 grad_norm: 3.3358 loss: 2.2180 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1909 distill.loss_dist: 1.0271 2023/05/15 14:23:26 - mmengine - INFO - Epoch(train) [68][ 720/1879] lr: 2.0000e-03 eta: 14:47:07 time: 0.8645 data_time: 0.0268 memory: 9812 grad_norm: 3.4367 loss: 2.0705 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0651 distill.loss_dist: 1.0054 2023/05/15 14:23:43 - mmengine - INFO - Epoch(train) [68][ 740/1879] lr: 2.0000e-03 eta: 14:46:49 time: 0.8571 data_time: 0.0240 memory: 9812 grad_norm: 3.3208 loss: 2.2410 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2008 distill.loss_dist: 1.0402 2023/05/15 14:23:59 - mmengine - INFO - Epoch(train) [68][ 760/1879] lr: 2.0000e-03 eta: 14:46:32 time: 0.8301 data_time: 0.0301 memory: 9812 grad_norm: 3.3502 loss: 2.0666 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0416 distill.loss_dist: 1.0249 2023/05/15 14:24:17 - mmengine - INFO - Epoch(train) [68][ 780/1879] lr: 2.0000e-03 eta: 14:46:14 time: 0.8946 data_time: 0.0281 memory: 9812 grad_norm: 3.2961 loss: 2.1660 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1396 distill.loss_dist: 1.0263 2023/05/15 14:24:36 - mmengine - INFO - Epoch(train) [68][ 800/1879] lr: 2.0000e-03 eta: 14:45:58 time: 0.9344 data_time: 0.0268 memory: 9812 grad_norm: 3.2755 loss: 2.3513 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2839 distill.loss_dist: 1.0674 2023/05/15 14:24:52 - mmengine - INFO - Epoch(train) [68][ 820/1879] lr: 2.0000e-03 eta: 14:45:40 time: 0.8043 data_time: 0.0253 memory: 9812 grad_norm: 3.2892 loss: 2.3070 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2401 distill.loss_dist: 1.0669 2023/05/15 14:25:10 - mmengine - INFO - Epoch(train) [68][ 840/1879] lr: 2.0000e-03 eta: 14:45:23 time: 0.9143 data_time: 0.0266 memory: 9812 grad_norm: 3.2472 loss: 2.1073 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0924 distill.loss_dist: 1.0149 2023/05/15 14:25:28 - mmengine - INFO - Epoch(train) [68][ 860/1879] lr: 2.0000e-03 eta: 14:45:05 time: 0.8665 data_time: 0.0286 memory: 9812 grad_norm: 3.2995 loss: 2.1183 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.0779 distill.loss_dist: 1.0404 2023/05/15 14:25:45 - mmengine - INFO - Epoch(train) [68][ 880/1879] lr: 2.0000e-03 eta: 14:44:48 time: 0.8730 data_time: 0.0274 memory: 9812 grad_norm: 3.2823 loss: 2.2687 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2011 distill.loss_dist: 1.0677 2023/05/15 14:26:02 - mmengine - INFO - Epoch(train) [68][ 900/1879] lr: 2.0000e-03 eta: 14:44:30 time: 0.8403 data_time: 0.0296 memory: 9812 grad_norm: 3.2036 loss: 2.1116 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0844 distill.loss_dist: 1.0271 2023/05/15 14:26:20 - mmengine - INFO - Epoch(train) [68][ 920/1879] lr: 2.0000e-03 eta: 14:44:13 time: 0.8929 data_time: 0.0275 memory: 9812 grad_norm: 3.3631 loss: 2.1094 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0943 distill.loss_dist: 1.0151 2023/05/15 14:26:39 - mmengine - INFO - Epoch(train) [68][ 940/1879] lr: 2.0000e-03 eta: 14:43:57 time: 0.9478 data_time: 0.0283 memory: 9812 grad_norm: 3.2952 loss: 2.3317 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2960 distill.loss_dist: 1.0356 2023/05/15 14:26:56 - mmengine - INFO - Epoch(train) [68][ 960/1879] lr: 2.0000e-03 eta: 14:43:39 time: 0.8661 data_time: 0.0266 memory: 9812 grad_norm: 3.2839 loss: 2.1345 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1171 distill.loss_dist: 1.0173 2023/05/15 14:27:13 - mmengine - INFO - Epoch(train) [68][ 980/1879] lr: 2.0000e-03 eta: 14:43:22 time: 0.8486 data_time: 0.0267 memory: 9812 grad_norm: 3.2916 loss: 2.1922 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1577 distill.loss_dist: 1.0345 2023/05/15 14:27:31 - mmengine - INFO - Epoch(train) [68][1000/1879] lr: 2.0000e-03 eta: 14:43:05 time: 0.9034 data_time: 0.0299 memory: 9812 grad_norm: 3.2903 loss: 2.1447 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0951 distill.loss_dist: 1.0496 2023/05/15 14:27:48 - mmengine - INFO - Epoch(train) [68][1020/1879] lr: 2.0000e-03 eta: 14:42:47 time: 0.8513 data_time: 0.0243 memory: 9812 grad_norm: 3.3171 loss: 2.1859 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1463 distill.loss_dist: 1.0397 2023/05/15 14:28:06 - mmengine - INFO - Epoch(train) [68][1040/1879] lr: 2.0000e-03 eta: 14:42:30 time: 0.8634 data_time: 0.0325 memory: 9812 grad_norm: 3.3601 loss: 2.1786 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1412 distill.loss_dist: 1.0374 2023/05/15 14:28:24 - mmengine - INFO - Epoch(train) [68][1060/1879] lr: 2.0000e-03 eta: 14:42:13 time: 0.9026 data_time: 0.0282 memory: 9812 grad_norm: 3.4208 loss: 2.3479 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3129 distill.loss_dist: 1.0350 2023/05/15 14:28:42 - mmengine - INFO - Epoch(train) [68][1080/1879] lr: 2.0000e-03 eta: 14:41:56 time: 0.9364 data_time: 0.0269 memory: 9812 grad_norm: 3.3281 loss: 2.1195 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1092 distill.loss_dist: 1.0103 2023/05/15 14:28:59 - mmengine - INFO - Epoch(train) [68][1100/1879] lr: 2.0000e-03 eta: 14:41:38 time: 0.8371 data_time: 0.0292 memory: 9812 grad_norm: 3.3250 loss: 2.1938 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1698 distill.loss_dist: 1.0241 2023/05/15 14:29:05 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 14:29:16 - mmengine - INFO - Epoch(train) [68][1120/1879] lr: 2.0000e-03 eta: 14:41:21 time: 0.8543 data_time: 0.0242 memory: 9812 grad_norm: 3.3156 loss: 2.3098 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2568 distill.loss_dist: 1.0530 2023/05/15 14:29:34 - mmengine - INFO - Epoch(train) [68][1140/1879] lr: 2.0000e-03 eta: 14:41:03 time: 0.8621 data_time: 0.0228 memory: 9812 grad_norm: 3.3645 loss: 2.1466 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1329 distill.loss_dist: 1.0136 2023/05/15 14:29:51 - mmengine - INFO - Epoch(train) [68][1160/1879] lr: 2.0000e-03 eta: 14:40:46 time: 0.8725 data_time: 0.0303 memory: 9812 grad_norm: 3.3348 loss: 2.2145 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1726 distill.loss_dist: 1.0419 2023/05/15 14:30:09 - mmengine - INFO - Epoch(train) [68][1180/1879] lr: 2.0000e-03 eta: 14:40:29 time: 0.9219 data_time: 0.0302 memory: 9812 grad_norm: 3.2859 loss: 2.1177 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0800 distill.loss_dist: 1.0377 2023/05/15 14:30:27 - mmengine - INFO - Epoch(train) [68][1200/1879] lr: 2.0000e-03 eta: 14:40:12 time: 0.8845 data_time: 0.0260 memory: 9812 grad_norm: 3.2887 loss: 2.1474 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1182 distill.loss_dist: 1.0292 2023/05/15 14:30:44 - mmengine - INFO - Epoch(train) [68][1220/1879] lr: 2.0000e-03 eta: 14:39:54 time: 0.8467 data_time: 0.0275 memory: 9812 grad_norm: 3.3633 loss: 2.1091 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0747 distill.loss_dist: 1.0344 2023/05/15 14:31:02 - mmengine - INFO - Epoch(train) [68][1240/1879] lr: 2.0000e-03 eta: 14:39:37 time: 0.8671 data_time: 0.0413 memory: 9812 grad_norm: 3.3959 loss: 2.3488 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2872 distill.loss_dist: 1.0616 2023/05/15 14:31:19 - mmengine - INFO - Epoch(train) [68][1260/1879] lr: 2.0000e-03 eta: 14:39:20 time: 0.8838 data_time: 0.0659 memory: 9812 grad_norm: 3.3063 loss: 2.2425 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1702 distill.loss_dist: 1.0723 2023/05/15 14:31:37 - mmengine - INFO - Epoch(train) [68][1280/1879] lr: 2.0000e-03 eta: 14:39:03 time: 0.8855 data_time: 0.0890 memory: 9812 grad_norm: 3.3577 loss: 2.1090 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0847 distill.loss_dist: 1.0243 2023/05/15 14:31:54 - mmengine - INFO - Epoch(train) [68][1300/1879] lr: 2.0000e-03 eta: 14:38:45 time: 0.8776 data_time: 0.1745 memory: 9812 grad_norm: 3.3791 loss: 2.3330 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2822 distill.loss_dist: 1.0509 2023/05/15 14:32:13 - mmengine - INFO - Epoch(train) [68][1320/1879] lr: 2.0000e-03 eta: 14:38:28 time: 0.9112 data_time: 0.0886 memory: 9812 grad_norm: 3.2808 loss: 2.0851 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0689 distill.loss_dist: 1.0162 2023/05/15 14:32:30 - mmengine - INFO - Epoch(train) [68][1340/1879] lr: 2.0000e-03 eta: 14:38:11 time: 0.8774 data_time: 0.3158 memory: 9812 grad_norm: 3.3486 loss: 2.3844 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3366 distill.loss_dist: 1.0478 2023/05/15 14:32:48 - mmengine - INFO - Epoch(train) [68][1360/1879] lr: 2.0000e-03 eta: 14:37:54 time: 0.8840 data_time: 0.3456 memory: 9812 grad_norm: 3.2850 loss: 2.2398 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1783 distill.loss_dist: 1.0615 2023/05/15 14:33:05 - mmengine - INFO - Epoch(train) [68][1380/1879] lr: 2.0000e-03 eta: 14:37:36 time: 0.8321 data_time: 0.2661 memory: 9812 grad_norm: 3.3737 loss: 2.1433 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.1048 distill.loss_dist: 1.0385 2023/05/15 14:33:22 - mmengine - INFO - Epoch(train) [68][1400/1879] lr: 2.0000e-03 eta: 14:37:19 time: 0.8747 data_time: 0.2602 memory: 9812 grad_norm: 3.3348 loss: 2.2837 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2608 distill.loss_dist: 1.0229 2023/05/15 14:33:40 - mmengine - INFO - Epoch(train) [68][1420/1879] lr: 2.0000e-03 eta: 14:37:02 time: 0.8959 data_time: 0.0514 memory: 9812 grad_norm: 3.2620 loss: 2.1418 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1366 distill.loss_dist: 1.0052 2023/05/15 14:33:58 - mmengine - INFO - Epoch(train) [68][1440/1879] lr: 2.0000e-03 eta: 14:36:45 time: 0.8966 data_time: 0.0258 memory: 9812 grad_norm: 3.2997 loss: 2.2718 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2177 distill.loss_dist: 1.0540 2023/05/15 14:34:14 - mmengine - INFO - Epoch(train) [68][1460/1879] lr: 2.0000e-03 eta: 14:36:27 time: 0.8194 data_time: 0.0264 memory: 9812 grad_norm: 3.2739 loss: 2.2101 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1927 distill.loss_dist: 1.0174 2023/05/15 14:34:32 - mmengine - INFO - Epoch(train) [68][1480/1879] lr: 2.0000e-03 eta: 14:36:10 time: 0.8806 data_time: 0.1478 memory: 9812 grad_norm: 3.2827 loss: 2.0322 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0104 distill.loss_dist: 1.0219 2023/05/15 14:34:52 - mmengine - INFO - Epoch(train) [68][1500/1879] lr: 2.0000e-03 eta: 14:35:53 time: 0.9767 data_time: 0.1032 memory: 9812 grad_norm: 3.3038 loss: 2.1842 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1381 distill.loss_dist: 1.0461 2023/05/15 14:35:09 - mmengine - INFO - Epoch(train) [68][1520/1879] lr: 2.0000e-03 eta: 14:35:36 time: 0.8587 data_time: 0.0710 memory: 9812 grad_norm: 3.3153 loss: 2.2721 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2336 distill.loss_dist: 1.0385 2023/05/15 14:35:26 - mmengine - INFO - Epoch(train) [68][1540/1879] lr: 2.0000e-03 eta: 14:35:18 time: 0.8361 data_time: 0.0622 memory: 9812 grad_norm: 3.2460 loss: 2.1823 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1588 distill.loss_dist: 1.0236 2023/05/15 14:35:46 - mmengine - INFO - Epoch(train) [68][1560/1879] lr: 2.0000e-03 eta: 14:35:02 time: 1.0011 data_time: 0.0277 memory: 9812 grad_norm: 3.3461 loss: 2.2589 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2217 distill.loss_dist: 1.0372 2023/05/15 14:36:02 - mmengine - INFO - Epoch(train) [68][1580/1879] lr: 2.0000e-03 eta: 14:34:44 time: 0.8015 data_time: 0.0261 memory: 9812 grad_norm: 3.3040 loss: 2.1050 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1036 distill.loss_dist: 1.0015 2023/05/15 14:36:19 - mmengine - INFO - Epoch(train) [68][1600/1879] lr: 2.0000e-03 eta: 14:34:26 time: 0.8485 data_time: 0.0282 memory: 9812 grad_norm: 3.2832 loss: 2.2358 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2312 distill.loss_dist: 1.0046 2023/05/15 14:36:37 - mmengine - INFO - Epoch(train) [68][1620/1879] lr: 2.0000e-03 eta: 14:34:09 time: 0.9038 data_time: 0.0291 memory: 9812 grad_norm: 3.3042 loss: 2.1083 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0616 distill.loss_dist: 1.0467 2023/05/15 14:36:54 - mmengine - INFO - Epoch(train) [68][1640/1879] lr: 2.0000e-03 eta: 14:33:52 time: 0.8406 data_time: 0.0311 memory: 9812 grad_norm: 3.3669 loss: 2.2724 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2155 distill.loss_dist: 1.0568 2023/05/15 14:37:10 - mmengine - INFO - Epoch(train) [68][1660/1879] lr: 2.0000e-03 eta: 14:33:34 time: 0.8356 data_time: 0.0414 memory: 9812 grad_norm: 3.2910 loss: 1.9935 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9738 distill.loss_dist: 1.0198 2023/05/15 14:37:30 - mmengine - INFO - Epoch(train) [68][1680/1879] lr: 2.0000e-03 eta: 14:33:18 time: 0.9715 data_time: 0.0273 memory: 9812 grad_norm: 3.3112 loss: 2.2766 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2263 distill.loss_dist: 1.0503 2023/05/15 14:37:47 - mmengine - INFO - Epoch(train) [68][1700/1879] lr: 2.0000e-03 eta: 14:33:00 time: 0.8412 data_time: 0.0254 memory: 9812 grad_norm: 3.2984 loss: 2.3084 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2636 distill.loss_dist: 1.0448 2023/05/15 14:38:03 - mmengine - INFO - Epoch(train) [68][1720/1879] lr: 2.0000e-03 eta: 14:32:42 time: 0.8170 data_time: 0.0274 memory: 9812 grad_norm: 3.2918 loss: 2.2442 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1951 distill.loss_dist: 1.0491 2023/05/15 14:38:22 - mmengine - INFO - Epoch(train) [68][1740/1879] lr: 2.0000e-03 eta: 14:32:25 time: 0.9457 data_time: 0.0248 memory: 9812 grad_norm: 3.2586 loss: 2.1005 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.0801 distill.loss_dist: 1.0204 2023/05/15 14:38:40 - mmengine - INFO - Epoch(train) [68][1760/1879] lr: 2.0000e-03 eta: 14:32:08 time: 0.8854 data_time: 0.0289 memory: 9812 grad_norm: 3.2946 loss: 2.2165 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1917 distill.loss_dist: 1.0248 2023/05/15 14:38:56 - mmengine - INFO - Epoch(train) [68][1780/1879] lr: 2.0000e-03 eta: 14:31:51 time: 0.8394 data_time: 0.0252 memory: 9812 grad_norm: 3.3271 loss: 2.3234 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.2720 distill.loss_dist: 1.0514 2023/05/15 14:39:16 - mmengine - INFO - Epoch(train) [68][1800/1879] lr: 2.0000e-03 eta: 14:31:34 time: 0.9821 data_time: 0.0264 memory: 9812 grad_norm: 3.3375 loss: 2.1360 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1104 distill.loss_dist: 1.0256 2023/05/15 14:39:32 - mmengine - INFO - Epoch(train) [68][1820/1879] lr: 2.0000e-03 eta: 14:31:16 time: 0.7842 data_time: 0.0284 memory: 9812 grad_norm: 3.3299 loss: 2.2278 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1837 distill.loss_dist: 1.0441 2023/05/15 14:39:49 - mmengine - INFO - Epoch(train) [68][1840/1879] lr: 2.0000e-03 eta: 14:30:58 time: 0.8391 data_time: 0.0249 memory: 9812 grad_norm: 3.3440 loss: 2.4171 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3328 distill.loss_dist: 1.0843 2023/05/15 14:40:08 - mmengine - INFO - Epoch(train) [68][1860/1879] lr: 2.0000e-03 eta: 14:30:42 time: 0.9558 data_time: 0.0312 memory: 9812 grad_norm: 3.3183 loss: 2.2198 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2065 distill.loss_dist: 1.0133 2023/05/15 14:40:20 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 14:40:20 - mmengine - INFO - Epoch(train) [68][1879/1879] lr: 2.0000e-03 eta: 14:30:24 time: 0.7734 data_time: 0.0361 memory: 9812 grad_norm: 3.4462 loss: 2.3859 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.3340 distill.loss_dist: 1.0519 2023/05/15 14:40:39 - mmengine - INFO - Epoch(val) [68][ 20/155] eta: 0:02:09 time: 0.9557 data_time: 0.8933 memory: 1484 2023/05/15 14:40:53 - mmengine - INFO - Epoch(val) [68][ 40/155] eta: 0:01:35 time: 0.6972 data_time: 0.6361 memory: 1484 2023/05/15 14:41:13 - mmengine - INFO - Epoch(val) [68][ 60/155] eta: 0:01:23 time: 0.9794 data_time: 0.9157 memory: 1484 2023/05/15 14:41:27 - mmengine - INFO - Epoch(val) [68][ 80/155] eta: 0:01:02 time: 0.6863 data_time: 0.6193 memory: 1484 2023/05/15 14:41:45 - mmengine - INFO - Epoch(val) [68][100/155] eta: 0:00:46 time: 0.9266 data_time: 0.8632 memory: 1484 2023/05/15 14:41:59 - mmengine - INFO - Epoch(val) [68][120/155] eta: 0:00:28 time: 0.6670 data_time: 0.6043 memory: 1484 2023/05/15 14:42:19 - mmengine - INFO - Epoch(val) [68][140/155] eta: 0:00:12 time: 1.0271 data_time: 0.9670 memory: 1484 2023/05/15 14:42:50 - mmengine - INFO - Epoch(val) [68][ 20/155] eta: 0:16:37 time: 1.0445 data_time: 0.8871 memory: 1582 2023/05/15 14:43:04 - mmengine - INFO - Epoch(val) [68][ 40/155] eta: 0:07:44 time: 0.6991 data_time: 0.5475 memory: 1582 2023/05/15 14:43:22 - mmengine - INFO - Epoch(val) [68][ 60/155] eta: 0:04:45 time: 0.9288 data_time: 0.7756 memory: 1582 2023/05/15 14:43:36 - mmengine - INFO - Epoch(val) [68][ 80/155] eta: 0:03:01 time: 0.6654 data_time: 0.5135 memory: 1582 2023/05/15 14:43:54 - mmengine - INFO - Epoch(val) [68][100/155] eta: 0:01:56 time: 0.9197 data_time: 0.7664 memory: 1582 2023/05/15 14:44:08 - mmengine - INFO - Epoch(val) [68][120/155] eta: 0:01:06 time: 0.7172 data_time: 0.5645 memory: 1582 2023/05/15 14:44:28 - mmengine - INFO - Epoch(val) [68][140/155] eta: 0:00:26 time: 0.9783 data_time: 0.8240 memory: 1582 2023/05/15 14:44:40 - mmengine - INFO - Epoch(val) [68][155/155] acc/top1: 0.6752 acc/top5: 0.8776 acc/mean1: 0.6751 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6699 time: 0.8219 2023/05/15 14:45:03 - mmengine - INFO - Epoch(train) [69][ 20/1879] lr: 2.0000e-03 eta: 14:30:09 time: 1.1414 data_time: 0.4789 memory: 9812 grad_norm: 3.2667 loss: 2.2831 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2443 distill.loss_dist: 1.0389 2023/05/15 14:45:19 - mmengine - INFO - Epoch(train) [69][ 40/1879] lr: 2.0000e-03 eta: 14:29:51 time: 0.8092 data_time: 0.1020 memory: 9812 grad_norm: 3.1942 loss: 2.1572 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1346 distill.loss_dist: 1.0226 2023/05/15 14:45:35 - mmengine - INFO - Epoch(train) [69][ 60/1879] lr: 2.0000e-03 eta: 14:29:33 time: 0.7973 data_time: 0.1260 memory: 9812 grad_norm: 3.3903 loss: 2.2332 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2056 distill.loss_dist: 1.0275 2023/05/15 14:45:54 - mmengine - INFO - Epoch(train) [69][ 80/1879] lr: 2.0000e-03 eta: 14:29:16 time: 0.9660 data_time: 0.1902 memory: 9812 grad_norm: 3.2630 loss: 2.3730 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3628 distill.loss_dist: 1.0101 2023/05/15 14:46:11 - mmengine - INFO - Epoch(train) [69][ 100/1879] lr: 2.0000e-03 eta: 14:28:59 time: 0.8460 data_time: 0.0809 memory: 9812 grad_norm: 3.3000 loss: 2.0962 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0631 distill.loss_dist: 1.0331 2023/05/15 14:46:28 - mmengine - INFO - Epoch(train) [69][ 120/1879] lr: 2.0000e-03 eta: 14:28:41 time: 0.8295 data_time: 0.0826 memory: 9812 grad_norm: 3.2791 loss: 2.2300 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1977 distill.loss_dist: 1.0324 2023/05/15 14:46:47 - mmengine - INFO - Epoch(train) [69][ 140/1879] lr: 2.0000e-03 eta: 14:28:25 time: 0.9749 data_time: 0.3402 memory: 9812 grad_norm: 3.3705 loss: 2.3130 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2891 distill.loss_dist: 1.0239 2023/05/15 14:47:03 - mmengine - INFO - Epoch(train) [69][ 160/1879] lr: 2.0000e-03 eta: 14:28:07 time: 0.7915 data_time: 0.1809 memory: 9812 grad_norm: 3.3131 loss: 2.3624 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3289 distill.loss_dist: 1.0335 2023/05/15 14:47:20 - mmengine - INFO - Epoch(train) [69][ 180/1879] lr: 2.0000e-03 eta: 14:27:49 time: 0.8259 data_time: 0.1284 memory: 9812 grad_norm: 3.3021 loss: 2.1639 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1332 distill.loss_dist: 1.0307 2023/05/15 14:47:38 - mmengine - INFO - Epoch(train) [69][ 200/1879] lr: 2.0000e-03 eta: 14:27:32 time: 0.9233 data_time: 0.2893 memory: 9812 grad_norm: 3.2680 loss: 2.1603 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1473 distill.loss_dist: 1.0130 2023/05/15 14:47:56 - mmengine - INFO - Epoch(train) [69][ 220/1879] lr: 2.0000e-03 eta: 14:27:15 time: 0.8736 data_time: 0.4014 memory: 9812 grad_norm: 3.4070 loss: 2.1497 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1198 distill.loss_dist: 1.0299 2023/05/15 14:48:02 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 14:48:12 - mmengine - INFO - Epoch(train) [69][ 240/1879] lr: 2.0000e-03 eta: 14:26:57 time: 0.8355 data_time: 0.3913 memory: 9812 grad_norm: 3.2701 loss: 2.1429 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1200 distill.loss_dist: 1.0229 2023/05/15 14:48:31 - mmengine - INFO - Epoch(train) [69][ 260/1879] lr: 2.0000e-03 eta: 14:26:40 time: 0.9345 data_time: 0.4482 memory: 9812 grad_norm: 3.3887 loss: 2.3091 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2746 distill.loss_dist: 1.0344 2023/05/15 14:48:49 - mmengine - INFO - Epoch(train) [69][ 280/1879] lr: 2.0000e-03 eta: 14:26:23 time: 0.9156 data_time: 0.0252 memory: 9812 grad_norm: 3.3084 loss: 2.1349 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1124 distill.loss_dist: 1.0225 2023/05/15 14:49:06 - mmengine - INFO - Epoch(train) [69][ 300/1879] lr: 2.0000e-03 eta: 14:26:06 time: 0.8565 data_time: 0.0524 memory: 9812 grad_norm: 3.2690 loss: 2.3332 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2748 distill.loss_dist: 1.0584 2023/05/15 14:49:24 - mmengine - INFO - Epoch(train) [69][ 320/1879] lr: 2.0000e-03 eta: 14:25:48 time: 0.8719 data_time: 0.1227 memory: 9812 grad_norm: 3.3004 loss: 2.3881 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3554 distill.loss_dist: 1.0327 2023/05/15 14:49:44 - mmengine - INFO - Epoch(train) [69][ 340/1879] lr: 2.0000e-03 eta: 14:25:32 time: 0.9909 data_time: 0.1065 memory: 9812 grad_norm: 3.2777 loss: 2.3714 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.3216 distill.loss_dist: 1.0497 2023/05/15 14:50:00 - mmengine - INFO - Epoch(train) [69][ 360/1879] lr: 2.0000e-03 eta: 14:25:14 time: 0.7966 data_time: 0.0678 memory: 9812 grad_norm: 3.2921 loss: 2.2276 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2015 distill.loss_dist: 1.0261 2023/05/15 14:50:17 - mmengine - INFO - Epoch(train) [69][ 380/1879] lr: 2.0000e-03 eta: 14:24:57 time: 0.8577 data_time: 0.1718 memory: 9812 grad_norm: 3.2792 loss: 2.2466 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2151 distill.loss_dist: 1.0315 2023/05/15 14:50:34 - mmengine - INFO - Epoch(train) [69][ 400/1879] lr: 2.0000e-03 eta: 14:24:39 time: 0.8758 data_time: 0.1925 memory: 9812 grad_norm: 3.2802 loss: 2.2332 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2002 distill.loss_dist: 1.0330 2023/05/15 14:50:52 - mmengine - INFO - Epoch(train) [69][ 420/1879] lr: 2.0000e-03 eta: 14:24:22 time: 0.8765 data_time: 0.2192 memory: 9812 grad_norm: 3.3712 loss: 2.2003 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1853 distill.loss_dist: 1.0150 2023/05/15 14:51:10 - mmengine - INFO - Epoch(train) [69][ 440/1879] lr: 2.0000e-03 eta: 14:24:05 time: 0.8785 data_time: 0.1706 memory: 9812 grad_norm: 3.2646 loss: 2.3924 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3308 distill.loss_dist: 1.0616 2023/05/15 14:51:27 - mmengine - INFO - Epoch(train) [69][ 460/1879] lr: 2.0000e-03 eta: 14:23:47 time: 0.8596 data_time: 0.1270 memory: 9812 grad_norm: 3.2708 loss: 2.2085 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2173 distill.loss_dist: 0.9913 2023/05/15 14:51:44 - mmengine - INFO - Epoch(train) [69][ 480/1879] lr: 2.0000e-03 eta: 14:23:30 time: 0.8831 data_time: 0.0835 memory: 9812 grad_norm: 3.3624 loss: 2.2155 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1840 distill.loss_dist: 1.0315 2023/05/15 14:52:03 - mmengine - INFO - Epoch(train) [69][ 500/1879] lr: 2.0000e-03 eta: 14:23:13 time: 0.9080 data_time: 0.2406 memory: 9812 grad_norm: 3.3288 loss: 2.1347 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1025 distill.loss_dist: 1.0322 2023/05/15 14:52:19 - mmengine - INFO - Epoch(train) [69][ 520/1879] lr: 2.0000e-03 eta: 14:22:55 time: 0.8313 data_time: 0.1416 memory: 9812 grad_norm: 3.3745 loss: 2.0945 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0798 distill.loss_dist: 1.0147 2023/05/15 14:52:36 - mmengine - INFO - Epoch(train) [69][ 540/1879] lr: 2.0000e-03 eta: 14:22:38 time: 0.8583 data_time: 0.2244 memory: 9812 grad_norm: 3.2904 loss: 2.1319 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1108 distill.loss_dist: 1.0211 2023/05/15 14:52:56 - mmengine - INFO - Epoch(train) [69][ 560/1879] lr: 2.0000e-03 eta: 14:22:21 time: 0.9702 data_time: 0.4689 memory: 9812 grad_norm: 3.3320 loss: 2.1536 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1253 distill.loss_dist: 1.0284 2023/05/15 14:53:12 - mmengine - INFO - Epoch(train) [69][ 580/1879] lr: 2.0000e-03 eta: 14:22:03 time: 0.7930 data_time: 0.3474 memory: 9812 grad_norm: 3.3847 loss: 2.2481 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2053 distill.loss_dist: 1.0428 2023/05/15 14:53:28 - mmengine - INFO - Epoch(train) [69][ 600/1879] lr: 2.0000e-03 eta: 14:21:45 time: 0.7850 data_time: 0.1674 memory: 9812 grad_norm: 3.3453 loss: 2.1607 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1306 distill.loss_dist: 1.0301 2023/05/15 14:53:46 - mmengine - INFO - Epoch(train) [69][ 620/1879] lr: 2.0000e-03 eta: 14:21:28 time: 0.9347 data_time: 0.3246 memory: 9812 grad_norm: 3.2446 loss: 2.0854 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0550 distill.loss_dist: 1.0304 2023/05/15 14:54:03 - mmengine - INFO - Epoch(train) [69][ 640/1879] lr: 2.0000e-03 eta: 14:21:11 time: 0.8609 data_time: 0.1335 memory: 9812 grad_norm: 3.2996 loss: 2.1969 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1737 distill.loss_dist: 1.0231 2023/05/15 14:54:22 - mmengine - INFO - Epoch(train) [69][ 660/1879] lr: 2.0000e-03 eta: 14:20:54 time: 0.9119 data_time: 0.0259 memory: 9812 grad_norm: 3.3027 loss: 2.1878 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1699 distill.loss_dist: 1.0179 2023/05/15 14:54:41 - mmengine - INFO - Epoch(train) [69][ 680/1879] lr: 2.0000e-03 eta: 14:20:37 time: 0.9393 data_time: 0.0340 memory: 9812 grad_norm: 3.3496 loss: 2.1969 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1574 distill.loss_dist: 1.0395 2023/05/15 14:54:57 - mmengine - INFO - Epoch(train) [69][ 700/1879] lr: 2.0000e-03 eta: 14:20:19 time: 0.8166 data_time: 0.0253 memory: 9812 grad_norm: 3.3482 loss: 2.3710 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3038 distill.loss_dist: 1.0672 2023/05/15 14:55:14 - mmengine - INFO - Epoch(train) [69][ 720/1879] lr: 2.0000e-03 eta: 14:20:02 time: 0.8547 data_time: 0.0261 memory: 9812 grad_norm: 3.2752 loss: 2.1692 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1279 distill.loss_dist: 1.0413 2023/05/15 14:55:33 - mmengine - INFO - Epoch(train) [69][ 740/1879] lr: 2.0000e-03 eta: 14:19:45 time: 0.9250 data_time: 0.0273 memory: 9812 grad_norm: 3.3314 loss: 2.1250 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.0919 distill.loss_dist: 1.0331 2023/05/15 14:55:51 - mmengine - INFO - Epoch(train) [69][ 760/1879] lr: 2.0000e-03 eta: 14:19:28 time: 0.9419 data_time: 0.0264 memory: 9812 grad_norm: 3.2415 loss: 2.2892 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.2392 distill.loss_dist: 1.0500 2023/05/15 14:56:07 - mmengine - INFO - Epoch(train) [69][ 780/1879] lr: 2.0000e-03 eta: 14:19:10 time: 0.7743 data_time: 0.0264 memory: 9812 grad_norm: 3.3058 loss: 2.1981 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1574 distill.loss_dist: 1.0407 2023/05/15 14:56:25 - mmengine - INFO - Epoch(train) [69][ 800/1879] lr: 2.0000e-03 eta: 14:18:53 time: 0.9231 data_time: 0.0294 memory: 9812 grad_norm: 3.3166 loss: 2.4361 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3873 distill.loss_dist: 1.0488 2023/05/15 14:56:43 - mmengine - INFO - Epoch(train) [69][ 820/1879] lr: 2.0000e-03 eta: 14:18:36 time: 0.8782 data_time: 0.0289 memory: 9812 grad_norm: 3.3181 loss: 2.2243 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1922 distill.loss_dist: 1.0321 2023/05/15 14:57:01 - mmengine - INFO - Epoch(train) [69][ 840/1879] lr: 2.0000e-03 eta: 14:18:19 time: 0.8770 data_time: 0.0270 memory: 9812 grad_norm: 3.2292 loss: 2.2861 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2376 distill.loss_dist: 1.0485 2023/05/15 14:57:18 - mmengine - INFO - Epoch(train) [69][ 860/1879] lr: 2.0000e-03 eta: 14:18:01 time: 0.8501 data_time: 0.0275 memory: 9812 grad_norm: 3.3196 loss: 2.0467 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0177 distill.loss_dist: 1.0290 2023/05/15 14:57:35 - mmengine - INFO - Epoch(train) [69][ 880/1879] lr: 2.0000e-03 eta: 14:17:44 time: 0.8648 data_time: 0.0277 memory: 9812 grad_norm: 3.2931 loss: 2.3027 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2749 distill.loss_dist: 1.0278 2023/05/15 14:57:52 - mmengine - INFO - Epoch(train) [69][ 900/1879] lr: 2.0000e-03 eta: 14:17:26 time: 0.8416 data_time: 0.0291 memory: 9812 grad_norm: 3.2905 loss: 2.2921 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2182 distill.loss_dist: 1.0739 2023/05/15 14:58:10 - mmengine - INFO - Epoch(train) [69][ 920/1879] lr: 2.0000e-03 eta: 14:17:09 time: 0.8899 data_time: 0.0305 memory: 9812 grad_norm: 3.3129 loss: 2.2024 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1461 distill.loss_dist: 1.0563 2023/05/15 14:58:28 - mmengine - INFO - Epoch(train) [69][ 940/1879] lr: 2.0000e-03 eta: 14:16:52 time: 0.9154 data_time: 0.0281 memory: 9812 grad_norm: 3.3188 loss: 2.2284 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2000 distill.loss_dist: 1.0284 2023/05/15 14:58:45 - mmengine - INFO - Epoch(train) [69][ 960/1879] lr: 2.0000e-03 eta: 14:16:35 time: 0.8802 data_time: 0.0276 memory: 9812 grad_norm: 3.3822 loss: 2.3503 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3206 distill.loss_dist: 1.0297 2023/05/15 14:59:02 - mmengine - INFO - Epoch(train) [69][ 980/1879] lr: 2.0000e-03 eta: 14:16:17 time: 0.8446 data_time: 0.0304 memory: 9812 grad_norm: 3.3100 loss: 1.9935 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9668 distill.loss_dist: 1.0267 2023/05/15 14:59:22 - mmengine - INFO - Epoch(train) [69][1000/1879] lr: 2.0000e-03 eta: 14:16:01 time: 0.9603 data_time: 0.0265 memory: 9812 grad_norm: 3.3221 loss: 2.2608 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2174 distill.loss_dist: 1.0434 2023/05/15 14:59:39 - mmengine - INFO - Epoch(train) [69][1020/1879] lr: 2.0000e-03 eta: 14:15:43 time: 0.8449 data_time: 0.0277 memory: 9812 grad_norm: 3.2599 loss: 1.9856 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.9965 distill.loss_dist: 0.9890 2023/05/15 14:59:55 - mmengine - INFO - Epoch(train) [69][1040/1879] lr: 2.0000e-03 eta: 14:15:25 time: 0.8146 data_time: 0.0269 memory: 9812 grad_norm: 3.3110 loss: 2.2242 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1822 distill.loss_dist: 1.0420 2023/05/15 15:00:14 - mmengine - INFO - Epoch(train) [69][1060/1879] lr: 2.0000e-03 eta: 14:15:09 time: 0.9646 data_time: 0.0263 memory: 9812 grad_norm: 3.2083 loss: 1.9793 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 0.9705 distill.loss_dist: 1.0088 2023/05/15 15:00:31 - mmengine - INFO - Epoch(train) [69][1080/1879] lr: 2.0000e-03 eta: 14:14:51 time: 0.8271 data_time: 0.0280 memory: 9812 grad_norm: 3.2322 loss: 2.2072 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1755 distill.loss_dist: 1.0317 2023/05/15 15:00:47 - mmengine - INFO - Epoch(train) [69][1100/1879] lr: 2.0000e-03 eta: 14:14:33 time: 0.8165 data_time: 0.0261 memory: 9812 grad_norm: 3.3321 loss: 2.3145 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2779 distill.loss_dist: 1.0366 2023/05/15 15:01:06 - mmengine - INFO - Epoch(train) [69][1120/1879] lr: 2.0000e-03 eta: 14:14:16 time: 0.9429 data_time: 0.0251 memory: 9812 grad_norm: 3.3521 loss: 2.1847 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1206 distill.loss_dist: 1.0641 2023/05/15 15:01:23 - mmengine - INFO - Epoch(train) [69][1140/1879] lr: 2.0000e-03 eta: 14:13:59 time: 0.8544 data_time: 0.0298 memory: 9812 grad_norm: 3.3127 loss: 2.2311 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1917 distill.loss_dist: 1.0394 2023/05/15 15:01:41 - mmengine - INFO - Epoch(train) [69][1160/1879] lr: 2.0000e-03 eta: 14:13:42 time: 0.9070 data_time: 0.0263 memory: 9812 grad_norm: 3.2838 loss: 2.2161 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1836 distill.loss_dist: 1.0325 2023/05/15 15:01:59 - mmengine - INFO - Epoch(train) [69][1180/1879] lr: 2.0000e-03 eta: 14:13:25 time: 0.8749 data_time: 0.0276 memory: 9812 grad_norm: 3.3768 loss: 2.3086 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2514 distill.loss_dist: 1.0571 2023/05/15 15:02:16 - mmengine - INFO - Epoch(train) [69][1200/1879] lr: 2.0000e-03 eta: 14:13:07 time: 0.8535 data_time: 0.0277 memory: 9812 grad_norm: 3.3450 loss: 2.2515 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2086 distill.loss_dist: 1.0430 2023/05/15 15:02:34 - mmengine - INFO - Epoch(train) [69][1220/1879] lr: 2.0000e-03 eta: 14:12:50 time: 0.9251 data_time: 0.0266 memory: 9812 grad_norm: 3.3107 loss: 2.0664 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0583 distill.loss_dist: 1.0081 2023/05/15 15:02:42 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 15:02:53 - mmengine - INFO - Epoch(train) [69][1240/1879] lr: 2.0000e-03 eta: 14:12:33 time: 0.9128 data_time: 0.0320 memory: 9812 grad_norm: 3.2196 loss: 2.1405 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0990 distill.loss_dist: 1.0415 2023/05/15 15:03:10 - mmengine - INFO - Epoch(train) [69][1260/1879] lr: 2.0000e-03 eta: 14:12:16 time: 0.8465 data_time: 0.0328 memory: 9812 grad_norm: 3.3343 loss: 2.0676 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0545 distill.loss_dist: 1.0131 2023/05/15 15:03:26 - mmengine - INFO - Epoch(train) [69][1280/1879] lr: 2.0000e-03 eta: 14:11:58 time: 0.8314 data_time: 0.0349 memory: 9812 grad_norm: 3.3753 loss: 2.1416 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1134 distill.loss_dist: 1.0282 2023/05/15 15:03:46 - mmengine - INFO - Epoch(train) [69][1300/1879] lr: 2.0000e-03 eta: 14:11:42 time: 0.9993 data_time: 0.0286 memory: 9812 grad_norm: 3.2625 loss: 2.1719 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1632 distill.loss_dist: 1.0088 2023/05/15 15:04:03 - mmengine - INFO - Epoch(train) [69][1320/1879] lr: 2.0000e-03 eta: 14:11:24 time: 0.8389 data_time: 0.0287 memory: 9812 grad_norm: 3.2814 loss: 2.1222 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1189 distill.loss_dist: 1.0033 2023/05/15 15:04:19 - mmengine - INFO - Epoch(train) [69][1340/1879] lr: 2.0000e-03 eta: 14:11:06 time: 0.7976 data_time: 0.0262 memory: 9812 grad_norm: 3.3121 loss: 2.2562 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2141 distill.loss_dist: 1.0422 2023/05/15 15:04:39 - mmengine - INFO - Epoch(train) [69][1360/1879] lr: 2.0000e-03 eta: 14:10:50 time: 1.0054 data_time: 0.0271 memory: 9812 grad_norm: 3.3186 loss: 2.3225 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2633 distill.loss_dist: 1.0592 2023/05/15 15:04:56 - mmengine - INFO - Epoch(train) [69][1380/1879] lr: 2.0000e-03 eta: 14:10:32 time: 0.8255 data_time: 0.0298 memory: 9812 grad_norm: 3.3971 loss: 2.2426 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.2108 distill.loss_dist: 1.0317 2023/05/15 15:05:13 - mmengine - INFO - Epoch(train) [69][1400/1879] lr: 2.0000e-03 eta: 14:10:15 time: 0.8436 data_time: 0.0269 memory: 9812 grad_norm: 3.3385 loss: 2.1354 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1117 distill.loss_dist: 1.0237 2023/05/15 15:05:31 - mmengine - INFO - Epoch(train) [69][1420/1879] lr: 2.0000e-03 eta: 14:09:58 time: 0.9091 data_time: 0.0240 memory: 9812 grad_norm: 3.3168 loss: 2.0987 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0893 distill.loss_dist: 1.0094 2023/05/15 15:05:48 - mmengine - INFO - Epoch(train) [69][1440/1879] lr: 2.0000e-03 eta: 14:09:40 time: 0.8541 data_time: 0.0282 memory: 9812 grad_norm: 3.3308 loss: 2.1169 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0830 distill.loss_dist: 1.0339 2023/05/15 15:06:05 - mmengine - INFO - Epoch(train) [69][1460/1879] lr: 2.0000e-03 eta: 14:09:23 time: 0.8758 data_time: 0.0308 memory: 9812 grad_norm: 3.3121 loss: 2.2383 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2248 distill.loss_dist: 1.0135 2023/05/15 15:06:23 - mmengine - INFO - Epoch(train) [69][1480/1879] lr: 2.0000e-03 eta: 14:09:05 time: 0.8722 data_time: 0.0268 memory: 9812 grad_norm: 3.3790 loss: 2.3962 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3349 distill.loss_dist: 1.0613 2023/05/15 15:06:40 - mmengine - INFO - Epoch(train) [69][1500/1879] lr: 2.0000e-03 eta: 14:08:48 time: 0.8470 data_time: 0.0268 memory: 9812 grad_norm: 3.3252 loss: 2.2808 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2254 distill.loss_dist: 1.0554 2023/05/15 15:06:58 - mmengine - INFO - Epoch(train) [69][1520/1879] lr: 2.0000e-03 eta: 14:08:31 time: 0.9095 data_time: 0.0273 memory: 9812 grad_norm: 3.2269 loss: 2.0020 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9971 distill.loss_dist: 1.0048 2023/05/15 15:07:14 - mmengine - INFO - Epoch(train) [69][1540/1879] lr: 2.0000e-03 eta: 14:08:13 time: 0.7990 data_time: 0.0486 memory: 9812 grad_norm: 3.3775 loss: 2.2419 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2239 distill.loss_dist: 1.0180 2023/05/15 15:07:31 - mmengine - INFO - Epoch(train) [69][1560/1879] lr: 2.0000e-03 eta: 14:07:55 time: 0.8562 data_time: 0.0551 memory: 9812 grad_norm: 3.3057 loss: 2.1690 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1496 distill.loss_dist: 1.0194 2023/05/15 15:07:49 - mmengine - INFO - Epoch(train) [69][1580/1879] lr: 2.0000e-03 eta: 14:07:38 time: 0.8770 data_time: 0.0293 memory: 9812 grad_norm: 3.3318 loss: 2.1532 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1279 distill.loss_dist: 1.0253 2023/05/15 15:08:06 - mmengine - INFO - Epoch(train) [69][1600/1879] lr: 2.0000e-03 eta: 14:07:21 time: 0.8781 data_time: 0.0264 memory: 9812 grad_norm: 3.4064 loss: 2.0694 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0546 distill.loss_dist: 1.0148 2023/05/15 15:08:25 - mmengine - INFO - Epoch(train) [69][1620/1879] lr: 2.0000e-03 eta: 14:07:04 time: 0.9152 data_time: 0.0294 memory: 9812 grad_norm: 3.3120 loss: 2.2543 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2278 distill.loss_dist: 1.0266 2023/05/15 15:08:41 - mmengine - INFO - Epoch(train) [69][1640/1879] lr: 2.0000e-03 eta: 14:06:46 time: 0.8342 data_time: 0.0261 memory: 9812 grad_norm: 3.3713 loss: 2.1235 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0678 distill.loss_dist: 1.0558 2023/05/15 15:08:58 - mmengine - INFO - Epoch(train) [69][1660/1879] lr: 2.0000e-03 eta: 14:06:29 time: 0.8411 data_time: 0.0299 memory: 9812 grad_norm: 3.3860 loss: 2.2926 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2487 distill.loss_dist: 1.0439 2023/05/15 15:09:16 - mmengine - INFO - Epoch(train) [69][1680/1879] lr: 2.0000e-03 eta: 14:06:12 time: 0.9089 data_time: 0.0305 memory: 9812 grad_norm: 3.2269 loss: 2.2237 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1817 distill.loss_dist: 1.0420 2023/05/15 15:09:34 - mmengine - INFO - Epoch(train) [69][1700/1879] lr: 2.0000e-03 eta: 14:05:54 time: 0.8720 data_time: 0.0275 memory: 9812 grad_norm: 3.3544 loss: 2.4058 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3449 distill.loss_dist: 1.0609 2023/05/15 15:09:53 - mmengine - INFO - Epoch(train) [69][1720/1879] lr: 2.0000e-03 eta: 14:05:37 time: 0.9431 data_time: 0.0287 memory: 9812 grad_norm: 3.3110 loss: 2.2909 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2463 distill.loss_dist: 1.0446 2023/05/15 15:10:09 - mmengine - INFO - Epoch(train) [69][1740/1879] lr: 2.0000e-03 eta: 14:05:20 time: 0.8272 data_time: 0.0269 memory: 9812 grad_norm: 3.4764 loss: 2.3483 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.3012 distill.loss_dist: 1.0471 2023/05/15 15:10:28 - mmengine - INFO - Epoch(train) [69][1760/1879] lr: 2.0000e-03 eta: 14:05:03 time: 0.9229 data_time: 0.0244 memory: 9812 grad_norm: 3.3599 loss: 2.3986 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3598 distill.loss_dist: 1.0388 2023/05/15 15:10:46 - mmengine - INFO - Epoch(train) [69][1780/1879] lr: 2.0000e-03 eta: 14:04:46 time: 0.8927 data_time: 0.0264 memory: 9812 grad_norm: 3.3724 loss: 2.0594 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0309 distill.loss_dist: 1.0285 2023/05/15 15:11:03 - mmengine - INFO - Epoch(train) [69][1800/1879] lr: 2.0000e-03 eta: 14:04:28 time: 0.8774 data_time: 0.0248 memory: 9812 grad_norm: 3.2355 loss: 2.3621 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2923 distill.loss_dist: 1.0698 2023/05/15 15:11:21 - mmengine - INFO - Epoch(train) [69][1820/1879] lr: 2.0000e-03 eta: 14:04:11 time: 0.8672 data_time: 0.0300 memory: 9812 grad_norm: 3.4075 loss: 2.3823 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3360 distill.loss_dist: 1.0463 2023/05/15 15:11:39 - mmengine - INFO - Epoch(train) [69][1840/1879] lr: 2.0000e-03 eta: 14:03:54 time: 0.9030 data_time: 0.0287 memory: 9812 grad_norm: 3.3064 loss: 2.1099 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0861 distill.loss_dist: 1.0238 2023/05/15 15:11:57 - mmengine - INFO - Epoch(train) [69][1860/1879] lr: 2.0000e-03 eta: 14:03:37 time: 0.8963 data_time: 0.0284 memory: 9812 grad_norm: 3.3561 loss: 2.1523 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1250 distill.loss_dist: 1.0273 2023/05/15 15:12:09 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 15:12:09 - mmengine - INFO - Epoch(train) [69][1879/1879] lr: 2.0000e-03 eta: 14:03:19 time: 0.6546 data_time: 0.0224 memory: 9812 grad_norm: 3.4103 loss: 2.2313 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.1976 distill.loss_dist: 1.0337 2023/05/15 15:12:09 - mmengine - INFO - Saving checkpoint at 69 epochs 2023/05/15 15:12:31 - mmengine - INFO - Epoch(val) [69][ 20/155] eta: 0:02:17 time: 1.0217 data_time: 0.9596 memory: 1484 2023/05/15 15:12:45 - mmengine - INFO - Epoch(val) [69][ 40/155] eta: 0:01:37 time: 0.6752 data_time: 0.6123 memory: 1484 2023/05/15 15:13:02 - mmengine - INFO - Epoch(val) [69][ 60/155] eta: 0:01:21 time: 0.8786 data_time: 0.8160 memory: 1484 2023/05/15 15:13:17 - mmengine - INFO - Epoch(val) [69][ 80/155] eta: 0:01:02 time: 0.7375 data_time: 0.6739 memory: 1484 2023/05/15 15:13:36 - mmengine - INFO - Epoch(val) [69][100/155] eta: 0:00:46 time: 0.9497 data_time: 0.8874 memory: 1484 2023/05/15 15:13:49 - mmengine - INFO - Epoch(val) [69][120/155] eta: 0:00:28 time: 0.6531 data_time: 0.5922 memory: 1484 2023/05/15 15:14:09 - mmengine - INFO - Epoch(val) [69][140/155] eta: 0:00:12 time: 0.9768 data_time: 0.9136 memory: 1484 2023/05/15 15:14:38 - mmengine - INFO - Epoch(val) [69][ 20/155] eta: 0:16:21 time: 1.0037 data_time: 0.8509 memory: 1582 2023/05/15 15:14:52 - mmengine - INFO - Epoch(val) [69][ 40/155] eta: 0:07:39 time: 0.7097 data_time: 0.5561 memory: 1582 2023/05/15 15:15:11 - mmengine - INFO - Epoch(val) [69][ 60/155] eta: 0:04:43 time: 0.9642 data_time: 0.8088 memory: 1582 2023/05/15 15:15:25 - mmengine - INFO - Epoch(val) [69][ 80/155] eta: 0:03:00 time: 0.6981 data_time: 0.5445 memory: 1582 2023/05/15 15:15:44 - mmengine - INFO - Epoch(val) [69][100/155] eta: 0:01:56 time: 0.9653 data_time: 0.8107 memory: 1582 2023/05/15 15:15:58 - mmengine - INFO - Epoch(val) [69][120/155] eta: 0:01:05 time: 0.6796 data_time: 0.5288 memory: 1582 2023/05/15 15:16:19 - mmengine - INFO - Epoch(val) [69][140/155] eta: 0:00:26 time: 1.0413 data_time: 0.8889 memory: 1582 2023/05/15 15:16:29 - mmengine - INFO - Epoch(val) [69][155/155] acc/top1: 0.6755 acc/top5: 0.8772 acc/mean1: 0.6755 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6768 time: 0.8282 2023/05/15 15:16:50 - mmengine - INFO - Epoch(train) [70][ 20/1879] lr: 2.0000e-03 eta: 14:03:03 time: 1.0834 data_time: 0.5159 memory: 9812 grad_norm: 3.2226 loss: 2.0110 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0333 distill.loss_dist: 0.9778 2023/05/15 15:17:08 - mmengine - INFO - Epoch(train) [70][ 40/1879] lr: 2.0000e-03 eta: 14:02:46 time: 0.8942 data_time: 0.1767 memory: 9812 grad_norm: 3.3306 loss: 2.1002 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0992 distill.loss_dist: 1.0010 2023/05/15 15:17:26 - mmengine - INFO - Epoch(train) [70][ 60/1879] lr: 2.0000e-03 eta: 14:02:29 time: 0.8579 data_time: 0.0380 memory: 9812 grad_norm: 3.3339 loss: 2.0991 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0879 distill.loss_dist: 1.0112 2023/05/15 15:17:44 - mmengine - INFO - Epoch(train) [70][ 80/1879] lr: 2.0000e-03 eta: 14:02:11 time: 0.9059 data_time: 0.0266 memory: 9812 grad_norm: 3.3246 loss: 2.2160 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1715 distill.loss_dist: 1.0445 2023/05/15 15:18:01 - mmengine - INFO - Epoch(train) [70][ 100/1879] lr: 2.0000e-03 eta: 14:01:54 time: 0.8422 data_time: 0.0271 memory: 9812 grad_norm: 3.3465 loss: 2.3880 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3500 distill.loss_dist: 1.0381 2023/05/15 15:18:17 - mmengine - INFO - Epoch(train) [70][ 120/1879] lr: 2.0000e-03 eta: 14:01:36 time: 0.8417 data_time: 0.0245 memory: 9812 grad_norm: 3.3072 loss: 2.2516 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2026 distill.loss_dist: 1.0490 2023/05/15 15:18:35 - mmengine - INFO - Epoch(train) [70][ 140/1879] lr: 2.0000e-03 eta: 14:01:19 time: 0.8994 data_time: 0.0290 memory: 9812 grad_norm: 3.3743 loss: 2.1563 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1308 distill.loss_dist: 1.0255 2023/05/15 15:18:53 - mmengine - INFO - Epoch(train) [70][ 160/1879] lr: 2.0000e-03 eta: 14:01:02 time: 0.8932 data_time: 0.0255 memory: 9812 grad_norm: 3.3093 loss: 2.3876 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3378 distill.loss_dist: 1.0498 2023/05/15 15:19:11 - mmengine - INFO - Epoch(train) [70][ 180/1879] lr: 2.0000e-03 eta: 14:00:45 time: 0.8862 data_time: 0.0257 memory: 9812 grad_norm: 3.2058 loss: 2.2240 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1992 distill.loss_dist: 1.0247 2023/05/15 15:19:29 - mmengine - INFO - Epoch(train) [70][ 200/1879] lr: 2.0000e-03 eta: 14:00:28 time: 0.9074 data_time: 0.0264 memory: 9812 grad_norm: 3.2399 loss: 2.1417 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0942 distill.loss_dist: 1.0475 2023/05/15 15:19:46 - mmengine - INFO - Epoch(train) [70][ 220/1879] lr: 2.0000e-03 eta: 14:00:10 time: 0.8471 data_time: 0.0273 memory: 9812 grad_norm: 3.3611 loss: 2.2860 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2689 distill.loss_dist: 1.0171 2023/05/15 15:20:04 - mmengine - INFO - Epoch(train) [70][ 240/1879] lr: 2.0000e-03 eta: 13:59:53 time: 0.8982 data_time: 0.0258 memory: 9812 grad_norm: 3.3433 loss: 2.1596 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0944 distill.loss_dist: 1.0652 2023/05/15 15:20:24 - mmengine - INFO - Epoch(train) [70][ 260/1879] lr: 2.0000e-03 eta: 13:59:37 time: 0.9689 data_time: 0.0254 memory: 9812 grad_norm: 3.2647 loss: 2.1922 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1659 distill.loss_dist: 1.0263 2023/05/15 15:20:40 - mmengine - INFO - Epoch(train) [70][ 280/1879] lr: 2.0000e-03 eta: 13:59:19 time: 0.8025 data_time: 0.0315 memory: 9812 grad_norm: 3.3581 loss: 2.1389 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0985 distill.loss_dist: 1.0404 2023/05/15 15:20:57 - mmengine - INFO - Epoch(train) [70][ 300/1879] lr: 2.0000e-03 eta: 13:59:01 time: 0.8454 data_time: 0.0267 memory: 9812 grad_norm: 3.2623 loss: 2.1890 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1639 distill.loss_dist: 1.0250 2023/05/15 15:21:16 - mmengine - INFO - Epoch(train) [70][ 320/1879] lr: 2.0000e-03 eta: 13:58:44 time: 0.9561 data_time: 0.0304 memory: 9812 grad_norm: 3.2974 loss: 2.3141 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2637 distill.loss_dist: 1.0504 2023/05/15 15:21:31 - mmengine - INFO - Epoch(train) [70][ 340/1879] lr: 2.0000e-03 eta: 13:58:26 time: 0.7709 data_time: 0.0269 memory: 9812 grad_norm: 3.3673 loss: 2.1222 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1296 distill.loss_dist: 0.9926 2023/05/15 15:21:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 15:21:48 - mmengine - INFO - Epoch(train) [70][ 360/1879] lr: 2.0000e-03 eta: 13:58:09 time: 0.8403 data_time: 0.0835 memory: 9812 grad_norm: 3.3970 loss: 2.0954 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0732 distill.loss_dist: 1.0222 2023/05/15 15:22:08 - mmengine - INFO - Epoch(train) [70][ 380/1879] lr: 2.0000e-03 eta: 13:57:52 time: 0.9822 data_time: 0.1158 memory: 9812 grad_norm: 3.2815 loss: 2.2144 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2062 distill.loss_dist: 1.0082 2023/05/15 15:22:24 - mmengine - INFO - Epoch(train) [70][ 400/1879] lr: 2.0000e-03 eta: 13:57:34 time: 0.8197 data_time: 0.0304 memory: 9812 grad_norm: 3.3154 loss: 2.2539 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2196 distill.loss_dist: 1.0343 2023/05/15 15:22:41 - mmengine - INFO - Epoch(train) [70][ 420/1879] lr: 2.0000e-03 eta: 13:57:17 time: 0.8648 data_time: 0.0253 memory: 9812 grad_norm: 3.3982 loss: 2.2645 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2254 distill.loss_dist: 1.0391 2023/05/15 15:23:00 - mmengine - INFO - Epoch(train) [70][ 440/1879] lr: 2.0000e-03 eta: 13:57:00 time: 0.9146 data_time: 0.0287 memory: 9812 grad_norm: 3.3647 loss: 2.2984 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2674 distill.loss_dist: 1.0310 2023/05/15 15:23:16 - mmengine - INFO - Epoch(train) [70][ 460/1879] lr: 2.0000e-03 eta: 13:56:42 time: 0.8391 data_time: 0.0303 memory: 9812 grad_norm: 3.3550 loss: 2.3021 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2678 distill.loss_dist: 1.0343 2023/05/15 15:23:33 - mmengine - INFO - Epoch(train) [70][ 480/1879] lr: 2.0000e-03 eta: 13:56:25 time: 0.8309 data_time: 0.0275 memory: 9812 grad_norm: 3.3831 loss: 2.0728 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.0533 distill.loss_dist: 1.0196 2023/05/15 15:23:51 - mmengine - INFO - Epoch(train) [70][ 500/1879] lr: 2.0000e-03 eta: 13:56:08 time: 0.9006 data_time: 0.0263 memory: 9812 grad_norm: 3.3144 loss: 2.0563 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0409 distill.loss_dist: 1.0153 2023/05/15 15:24:08 - mmengine - INFO - Epoch(train) [70][ 520/1879] lr: 2.0000e-03 eta: 13:55:50 time: 0.8427 data_time: 0.0296 memory: 9812 grad_norm: 3.3005 loss: 2.1872 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1483 distill.loss_dist: 1.0389 2023/05/15 15:24:27 - mmengine - INFO - Epoch(train) [70][ 540/1879] lr: 2.0000e-03 eta: 13:55:33 time: 0.9252 data_time: 0.0273 memory: 9812 grad_norm: 3.3852 loss: 2.1914 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1723 distill.loss_dist: 1.0191 2023/05/15 15:24:43 - mmengine - INFO - Epoch(train) [70][ 560/1879] lr: 2.0000e-03 eta: 13:55:15 time: 0.8281 data_time: 0.0236 memory: 9812 grad_norm: 3.3289 loss: 2.1470 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1178 distill.loss_dist: 1.0292 2023/05/15 15:25:01 - mmengine - INFO - Epoch(train) [70][ 580/1879] lr: 2.0000e-03 eta: 13:54:58 time: 0.9096 data_time: 0.0264 memory: 9812 grad_norm: 3.4735 loss: 2.1123 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0859 distill.loss_dist: 1.0264 2023/05/15 15:25:19 - mmengine - INFO - Epoch(train) [70][ 600/1879] lr: 2.0000e-03 eta: 13:54:41 time: 0.8889 data_time: 0.0286 memory: 9812 grad_norm: 3.3826 loss: 2.2329 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1859 distill.loss_dist: 1.0471 2023/05/15 15:25:38 - mmengine - INFO - Epoch(train) [70][ 620/1879] lr: 2.0000e-03 eta: 13:54:25 time: 0.9625 data_time: 0.0274 memory: 9812 grad_norm: 3.3163 loss: 2.2323 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2256 distill.loss_dist: 1.0068 2023/05/15 15:25:55 - mmengine - INFO - Epoch(train) [70][ 640/1879] lr: 2.0000e-03 eta: 13:54:07 time: 0.8527 data_time: 0.0231 memory: 9812 grad_norm: 3.2628 loss: 2.0939 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0467 distill.loss_dist: 1.0472 2023/05/15 15:26:12 - mmengine - INFO - Epoch(train) [70][ 660/1879] lr: 2.0000e-03 eta: 13:53:49 time: 0.8176 data_time: 0.0248 memory: 9812 grad_norm: 3.3571 loss: 2.0967 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0909 distill.loss_dist: 1.0058 2023/05/15 15:26:32 - mmengine - INFO - Epoch(train) [70][ 680/1879] lr: 2.0000e-03 eta: 13:53:33 time: 1.0236 data_time: 0.0252 memory: 9812 grad_norm: 3.3810 loss: 2.0863 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0516 distill.loss_dist: 1.0347 2023/05/15 15:26:50 - mmengine - INFO - Epoch(train) [70][ 700/1879] lr: 2.0000e-03 eta: 13:53:16 time: 0.8692 data_time: 0.0253 memory: 9812 grad_norm: 3.3299 loss: 2.3519 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2981 distill.loss_dist: 1.0538 2023/05/15 15:27:07 - mmengine - INFO - Epoch(train) [70][ 720/1879] lr: 2.0000e-03 eta: 13:52:58 time: 0.8586 data_time: 0.0254 memory: 9812 grad_norm: 3.3018 loss: 2.2900 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2285 distill.loss_dist: 1.0616 2023/05/15 15:27:25 - mmengine - INFO - Epoch(train) [70][ 740/1879] lr: 2.0000e-03 eta: 13:52:41 time: 0.8863 data_time: 0.0262 memory: 9812 grad_norm: 3.3915 loss: 2.2650 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2145 distill.loss_dist: 1.0505 2023/05/15 15:27:41 - mmengine - INFO - Epoch(train) [70][ 760/1879] lr: 2.0000e-03 eta: 13:52:23 time: 0.7962 data_time: 0.0274 memory: 9812 grad_norm: 3.2424 loss: 2.1414 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0985 distill.loss_dist: 1.0429 2023/05/15 15:27:58 - mmengine - INFO - Epoch(train) [70][ 780/1879] lr: 2.0000e-03 eta: 13:52:06 time: 0.8520 data_time: 0.0439 memory: 9812 grad_norm: 3.3926 loss: 2.2985 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2576 distill.loss_dist: 1.0409 2023/05/15 15:28:15 - mmengine - INFO - Epoch(train) [70][ 800/1879] lr: 2.0000e-03 eta: 13:51:48 time: 0.8661 data_time: 0.1410 memory: 9812 grad_norm: 3.3077 loss: 2.0810 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0822 distill.loss_dist: 0.9988 2023/05/15 15:28:33 - mmengine - INFO - Epoch(train) [70][ 820/1879] lr: 2.0000e-03 eta: 13:51:31 time: 0.9029 data_time: 0.2730 memory: 9812 grad_norm: 3.2640 loss: 2.2215 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1617 distill.loss_dist: 1.0598 2023/05/15 15:28:51 - mmengine - INFO - Epoch(train) [70][ 840/1879] lr: 2.0000e-03 eta: 13:51:14 time: 0.8777 data_time: 0.2587 memory: 9812 grad_norm: 3.3646 loss: 2.2776 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2160 distill.loss_dist: 1.0617 2023/05/15 15:29:08 - mmengine - INFO - Epoch(train) [70][ 860/1879] lr: 2.0000e-03 eta: 13:50:57 time: 0.8866 data_time: 0.2674 memory: 9812 grad_norm: 3.3242 loss: 2.1456 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1005 distill.loss_dist: 1.0451 2023/05/15 15:29:28 - mmengine - INFO - Epoch(train) [70][ 880/1879] lr: 2.0000e-03 eta: 13:50:40 time: 0.9529 data_time: 0.1325 memory: 9812 grad_norm: 3.4103 loss: 2.1833 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.1410 distill.loss_dist: 1.0423 2023/05/15 15:29:46 - mmengine - INFO - Epoch(train) [70][ 900/1879] lr: 2.0000e-03 eta: 13:50:23 time: 0.9128 data_time: 0.0719 memory: 9812 grad_norm: 3.3938 loss: 2.1724 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1261 distill.loss_dist: 1.0463 2023/05/15 15:30:02 - mmengine - INFO - Epoch(train) [70][ 920/1879] lr: 2.0000e-03 eta: 13:50:05 time: 0.8068 data_time: 0.0327 memory: 9812 grad_norm: 3.3691 loss: 2.2894 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2485 distill.loss_dist: 1.0409 2023/05/15 15:30:20 - mmengine - INFO - Epoch(train) [70][ 940/1879] lr: 2.0000e-03 eta: 13:49:48 time: 0.9256 data_time: 0.0252 memory: 9812 grad_norm: 3.2921 loss: 2.2666 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2448 distill.loss_dist: 1.0219 2023/05/15 15:30:38 - mmengine - INFO - Epoch(train) [70][ 960/1879] lr: 2.0000e-03 eta: 13:49:31 time: 0.8531 data_time: 0.0246 memory: 9812 grad_norm: 3.3697 loss: 2.4217 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3828 distill.loss_dist: 1.0389 2023/05/15 15:30:53 - mmengine - INFO - Epoch(train) [70][ 980/1879] lr: 2.0000e-03 eta: 13:49:13 time: 0.7958 data_time: 0.0301 memory: 9812 grad_norm: 3.3580 loss: 2.0508 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0065 distill.loss_dist: 1.0443 2023/05/15 15:31:13 - mmengine - INFO - Epoch(train) [70][1000/1879] lr: 2.0000e-03 eta: 13:48:56 time: 0.9510 data_time: 0.0278 memory: 9812 grad_norm: 3.3171 loss: 2.1868 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1490 distill.loss_dist: 1.0378 2023/05/15 15:31:30 - mmengine - INFO - Epoch(train) [70][1020/1879] lr: 2.0000e-03 eta: 13:48:39 time: 0.8588 data_time: 0.0272 memory: 9812 grad_norm: 3.2912 loss: 2.3656 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.3303 distill.loss_dist: 1.0353 2023/05/15 15:31:47 - mmengine - INFO - Epoch(train) [70][1040/1879] lr: 2.0000e-03 eta: 13:48:21 time: 0.8570 data_time: 0.0843 memory: 9812 grad_norm: 3.2714 loss: 2.3067 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2706 distill.loss_dist: 1.0361 2023/05/15 15:32:06 - mmengine - INFO - Epoch(train) [70][1060/1879] lr: 2.0000e-03 eta: 13:48:04 time: 0.9350 data_time: 0.0267 memory: 9812 grad_norm: 3.3242 loss: 2.0679 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0505 distill.loss_dist: 1.0174 2023/05/15 15:32:23 - mmengine - INFO - Epoch(train) [70][1080/1879] lr: 2.0000e-03 eta: 13:47:47 time: 0.8616 data_time: 0.0295 memory: 9812 grad_norm: 3.2940 loss: 2.2865 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2387 distill.loss_dist: 1.0478 2023/05/15 15:32:40 - mmengine - INFO - Epoch(train) [70][1100/1879] lr: 2.0000e-03 eta: 13:47:29 time: 0.8528 data_time: 0.0290 memory: 9812 grad_norm: 3.3157 loss: 2.3576 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2868 distill.loss_dist: 1.0709 2023/05/15 15:32:59 - mmengine - INFO - Epoch(train) [70][1120/1879] lr: 2.0000e-03 eta: 13:47:13 time: 0.9580 data_time: 0.0259 memory: 9812 grad_norm: 3.3288 loss: 2.1082 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0757 distill.loss_dist: 1.0326 2023/05/15 15:33:16 - mmengine - INFO - Epoch(train) [70][1140/1879] lr: 2.0000e-03 eta: 13:46:55 time: 0.8475 data_time: 0.0279 memory: 9812 grad_norm: 3.3542 loss: 2.2340 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2041 distill.loss_dist: 1.0299 2023/05/15 15:33:33 - mmengine - INFO - Epoch(train) [70][1160/1879] lr: 2.0000e-03 eta: 13:46:38 time: 0.8502 data_time: 0.0280 memory: 9812 grad_norm: 3.3763 loss: 2.2734 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2341 distill.loss_dist: 1.0392 2023/05/15 15:33:51 - mmengine - INFO - Epoch(train) [70][1180/1879] lr: 2.0000e-03 eta: 13:46:21 time: 0.9039 data_time: 0.0278 memory: 9812 grad_norm: 3.2936 loss: 2.3085 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2740 distill.loss_dist: 1.0345 2023/05/15 15:34:08 - mmengine - INFO - Epoch(train) [70][1200/1879] lr: 2.0000e-03 eta: 13:46:03 time: 0.8351 data_time: 0.0238 memory: 9812 grad_norm: 3.2950 loss: 2.0997 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0928 distill.loss_dist: 1.0069 2023/05/15 15:34:25 - mmengine - INFO - Epoch(train) [70][1220/1879] lr: 2.0000e-03 eta: 13:45:45 time: 0.8360 data_time: 0.0255 memory: 9812 grad_norm: 3.3778 loss: 2.0196 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0004 distill.loss_dist: 1.0192 2023/05/15 15:34:44 - mmengine - INFO - Epoch(train) [70][1240/1879] lr: 2.0000e-03 eta: 13:45:29 time: 0.9888 data_time: 0.0378 memory: 9812 grad_norm: 3.3270 loss: 2.1533 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1300 distill.loss_dist: 1.0233 2023/05/15 15:35:01 - mmengine - INFO - Epoch(train) [70][1260/1879] lr: 2.0000e-03 eta: 13:45:11 time: 0.8179 data_time: 0.0271 memory: 9812 grad_norm: 3.3836 loss: 2.2183 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1917 distill.loss_dist: 1.0265 2023/05/15 15:35:18 - mmengine - INFO - Epoch(train) [70][1280/1879] lr: 2.0000e-03 eta: 13:44:53 time: 0.8349 data_time: 0.0273 memory: 9812 grad_norm: 3.4107 loss: 2.1407 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1188 distill.loss_dist: 1.0219 2023/05/15 15:35:36 - mmengine - INFO - Epoch(train) [70][1300/1879] lr: 2.0000e-03 eta: 13:44:37 time: 0.9268 data_time: 0.0283 memory: 9812 grad_norm: 3.4038 loss: 2.0630 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0788 distill.loss_dist: 0.9842 2023/05/15 15:35:53 - mmengine - INFO - Epoch(train) [70][1320/1879] lr: 2.0000e-03 eta: 13:44:19 time: 0.8366 data_time: 0.0254 memory: 9812 grad_norm: 3.3635 loss: 2.2868 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2704 distill.loss_dist: 1.0164 2023/05/15 15:36:09 - mmengine - INFO - Epoch(train) [70][1340/1879] lr: 2.0000e-03 eta: 13:44:01 time: 0.8283 data_time: 0.0260 memory: 9812 grad_norm: 3.2739 loss: 2.2930 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2468 distill.loss_dist: 1.0462 2023/05/15 15:36:19 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 15:36:29 - mmengine - INFO - Epoch(train) [70][1360/1879] lr: 2.0000e-03 eta: 13:43:45 time: 0.9996 data_time: 0.0322 memory: 9812 grad_norm: 3.3055 loss: 2.1422 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1176 distill.loss_dist: 1.0246 2023/05/15 15:36:46 - mmengine - INFO - Epoch(train) [70][1380/1879] lr: 2.0000e-03 eta: 13:43:27 time: 0.8211 data_time: 0.0415 memory: 9812 grad_norm: 3.3289 loss: 2.1242 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1087 distill.loss_dist: 1.0155 2023/05/15 15:37:03 - mmengine - INFO - Epoch(train) [70][1400/1879] lr: 2.0000e-03 eta: 13:43:10 time: 0.8387 data_time: 0.0399 memory: 9812 grad_norm: 3.3668 loss: 2.3467 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3056 distill.loss_dist: 1.0412 2023/05/15 15:37:21 - mmengine - INFO - Epoch(train) [70][1420/1879] lr: 2.0000e-03 eta: 13:42:53 time: 0.9151 data_time: 0.0433 memory: 9812 grad_norm: 3.3346 loss: 2.2551 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2197 distill.loss_dist: 1.0354 2023/05/15 15:37:39 - mmengine - INFO - Epoch(train) [70][1440/1879] lr: 2.0000e-03 eta: 13:42:35 time: 0.8786 data_time: 0.0920 memory: 9812 grad_norm: 3.2545 loss: 2.0684 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0460 distill.loss_dist: 1.0224 2023/05/15 15:37:56 - mmengine - INFO - Epoch(train) [70][1460/1879] lr: 2.0000e-03 eta: 13:42:18 time: 0.8564 data_time: 0.1440 memory: 9812 grad_norm: 3.4386 loss: 2.4350 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4003 distill.loss_dist: 1.0347 2023/05/15 15:38:14 - mmengine - INFO - Epoch(train) [70][1480/1879] lr: 2.0000e-03 eta: 13:42:01 time: 0.9051 data_time: 0.1284 memory: 9812 grad_norm: 3.2649 loss: 2.1190 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1113 distill.loss_dist: 1.0077 2023/05/15 15:38:30 - mmengine - INFO - Epoch(train) [70][1500/1879] lr: 2.0000e-03 eta: 13:41:43 time: 0.8038 data_time: 0.0497 memory: 9812 grad_norm: 3.4187 loss: 2.3732 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.3062 distill.loss_dist: 1.0670 2023/05/15 15:38:48 - mmengine - INFO - Epoch(train) [70][1520/1879] lr: 2.0000e-03 eta: 13:41:26 time: 0.9019 data_time: 0.0697 memory: 9812 grad_norm: 3.3242 loss: 2.1359 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1141 distill.loss_dist: 1.0218 2023/05/15 15:39:06 - mmengine - INFO - Epoch(train) [70][1540/1879] lr: 2.0000e-03 eta: 13:41:09 time: 0.8902 data_time: 0.0593 memory: 9812 grad_norm: 3.3079 loss: 2.3163 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2663 distill.loss_dist: 1.0500 2023/05/15 15:39:23 - mmengine - INFO - Epoch(train) [70][1560/1879] lr: 2.0000e-03 eta: 13:40:51 time: 0.8648 data_time: 0.0796 memory: 9812 grad_norm: 3.3664 loss: 2.0814 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0837 distill.loss_dist: 0.9977 2023/05/15 15:39:40 - mmengine - INFO - Epoch(train) [70][1580/1879] lr: 2.0000e-03 eta: 13:40:34 time: 0.8598 data_time: 0.2258 memory: 9812 grad_norm: 3.2964 loss: 2.0188 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9942 distill.loss_dist: 1.0246 2023/05/15 15:39:59 - mmengine - INFO - Epoch(train) [70][1600/1879] lr: 2.0000e-03 eta: 13:40:17 time: 0.9170 data_time: 0.2942 memory: 9812 grad_norm: 3.3241 loss: 2.0502 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.0334 distill.loss_dist: 1.0168 2023/05/15 15:40:17 - mmengine - INFO - Epoch(train) [70][1620/1879] lr: 2.0000e-03 eta: 13:40:00 time: 0.9003 data_time: 0.3578 memory: 9812 grad_norm: 3.3803 loss: 2.1894 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1994 distill.loss_dist: 0.9901 2023/05/15 15:40:34 - mmengine - INFO - Epoch(train) [70][1640/1879] lr: 2.0000e-03 eta: 13:39:42 time: 0.8603 data_time: 0.3423 memory: 9812 grad_norm: 3.3036 loss: 2.1965 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1302 distill.loss_dist: 1.0663 2023/05/15 15:40:52 - mmengine - INFO - Epoch(train) [70][1660/1879] lr: 2.0000e-03 eta: 13:39:25 time: 0.8750 data_time: 0.1505 memory: 9812 grad_norm: 3.3447 loss: 1.9993 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9951 distill.loss_dist: 1.0042 2023/05/15 15:41:10 - mmengine - INFO - Epoch(train) [70][1680/1879] lr: 2.0000e-03 eta: 13:39:08 time: 0.9250 data_time: 0.0916 memory: 9812 grad_norm: 3.3578 loss: 2.1924 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1811 distill.loss_dist: 1.0114 2023/05/15 15:41:27 - mmengine - INFO - Epoch(train) [70][1700/1879] lr: 2.0000e-03 eta: 13:38:50 time: 0.8268 data_time: 0.0438 memory: 9812 grad_norm: 3.2429 loss: 2.1906 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1855 distill.loss_dist: 1.0051 2023/05/15 15:41:44 - mmengine - INFO - Epoch(train) [70][1720/1879] lr: 2.0000e-03 eta: 13:38:33 time: 0.8586 data_time: 0.2351 memory: 9812 grad_norm: 3.3605 loss: 2.2059 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1743 distill.loss_dist: 1.0316 2023/05/15 15:42:02 - mmengine - INFO - Epoch(train) [70][1740/1879] lr: 2.0000e-03 eta: 13:38:16 time: 0.9074 data_time: 0.3203 memory: 9812 grad_norm: 3.3582 loss: 2.3921 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.3469 distill.loss_dist: 1.0452 2023/05/15 15:42:19 - mmengine - INFO - Epoch(train) [70][1760/1879] lr: 2.0000e-03 eta: 13:37:58 time: 0.8516 data_time: 0.1472 memory: 9812 grad_norm: 3.3124 loss: 2.0979 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1047 distill.loss_dist: 0.9932 2023/05/15 15:42:36 - mmengine - INFO - Epoch(train) [70][1780/1879] lr: 2.0000e-03 eta: 13:37:40 time: 0.8308 data_time: 0.0640 memory: 9812 grad_norm: 3.3437 loss: 2.2311 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2132 distill.loss_dist: 1.0179 2023/05/15 15:42:54 - mmengine - INFO - Epoch(train) [70][1800/1879] lr: 2.0000e-03 eta: 13:37:23 time: 0.9043 data_time: 0.0294 memory: 9812 grad_norm: 3.2829 loss: 2.0334 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0205 distill.loss_dist: 1.0129 2023/05/15 15:43:11 - mmengine - INFO - Epoch(train) [70][1820/1879] lr: 2.0000e-03 eta: 13:37:06 time: 0.8686 data_time: 0.0306 memory: 9812 grad_norm: 3.2894 loss: 2.1678 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1641 distill.loss_dist: 1.0037 2023/05/15 15:43:28 - mmengine - INFO - Epoch(train) [70][1840/1879] lr: 2.0000e-03 eta: 13:36:48 time: 0.8377 data_time: 0.0300 memory: 9812 grad_norm: 3.4444 loss: 2.2584 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2270 distill.loss_dist: 1.0314 2023/05/15 15:43:47 - mmengine - INFO - Epoch(train) [70][1860/1879] lr: 2.0000e-03 eta: 13:36:32 time: 0.9562 data_time: 0.0293 memory: 9812 grad_norm: 3.3961 loss: 2.1230 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0929 distill.loss_dist: 1.0300 2023/05/15 15:44:00 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 15:44:00 - mmengine - INFO - Epoch(train) [70][1879/1879] lr: 2.0000e-03 eta: 13:36:14 time: 0.6538 data_time: 0.0246 memory: 9812 grad_norm: 3.4057 loss: 2.1962 student.top1_acc: 0.8571 student.top5_acc: 0.8571 student.loss_cls: 1.1627 distill.loss_dist: 1.0335 2023/05/15 15:44:19 - mmengine - INFO - Epoch(val) [70][ 20/155] eta: 0:02:10 time: 0.9699 data_time: 0.9004 memory: 1484 2023/05/15 15:44:33 - mmengine - INFO - Epoch(val) [70][ 40/155] eta: 0:01:36 time: 0.7143 data_time: 0.6514 memory: 1484 2023/05/15 15:44:52 - mmengine - INFO - Epoch(val) [70][ 60/155] eta: 0:01:22 time: 0.9266 data_time: 0.8664 memory: 1484 2023/05/15 15:45:06 - mmengine - INFO - Epoch(val) [70][ 80/155] eta: 0:01:01 time: 0.6863 data_time: 0.6268 memory: 1484 2023/05/15 15:45:25 - mmengine - INFO - Epoch(val) [70][100/155] eta: 0:00:46 time: 0.9728 data_time: 0.9124 memory: 1484 2023/05/15 15:45:38 - mmengine - INFO - Epoch(val) [70][120/155] eta: 0:00:28 time: 0.6517 data_time: 0.5855 memory: 1484 2023/05/15 15:45:58 - mmengine - INFO - Epoch(val) [70][140/155] eta: 0:00:12 time: 0.9853 data_time: 0.9204 memory: 1484 2023/05/15 15:46:29 - mmengine - INFO - Epoch(val) [70][ 20/155] eta: 0:16:33 time: 1.0313 data_time: 0.8771 memory: 1582 2023/05/15 15:46:43 - mmengine - INFO - Epoch(val) [70][ 40/155] eta: 0:07:44 time: 0.7101 data_time: 0.5528 memory: 1582 2023/05/15 15:47:01 - mmengine - INFO - Epoch(val) [70][ 60/155] eta: 0:04:44 time: 0.9280 data_time: 0.7772 memory: 1582 2023/05/15 15:47:15 - mmengine - INFO - Epoch(val) [70][ 80/155] eta: 0:03:01 time: 0.7004 data_time: 0.5475 memory: 1582 2023/05/15 15:47:35 - mmengine - INFO - Epoch(val) [70][100/155] eta: 0:01:57 time: 0.9632 data_time: 0.8087 memory: 1582 2023/05/15 15:47:48 - mmengine - INFO - Epoch(val) [70][120/155] eta: 0:01:06 time: 0.6734 data_time: 0.5181 memory: 1582 2023/05/15 15:48:08 - mmengine - INFO - Epoch(val) [70][140/155] eta: 0:00:26 time: 1.0084 data_time: 0.8529 memory: 1582 2023/05/15 15:48:19 - mmengine - INFO - Epoch(val) [70][155/155] acc/top1: 0.6754 acc/top5: 0.8781 acc/mean1: 0.6753 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6731 time: 0.8253 2023/05/15 15:48:41 - mmengine - INFO - Epoch(train) [71][ 20/1879] lr: 2.0000e-03 eta: 13:35:58 time: 1.1110 data_time: 0.4547 memory: 9812 grad_norm: 3.2828 loss: 2.1466 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1335 distill.loss_dist: 1.0131 2023/05/15 15:48:58 - mmengine - INFO - Epoch(train) [71][ 40/1879] lr: 2.0000e-03 eta: 13:35:41 time: 0.8465 data_time: 0.1255 memory: 9812 grad_norm: 3.3309 loss: 2.2890 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2523 distill.loss_dist: 1.0367 2023/05/15 15:49:14 - mmengine - INFO - Epoch(train) [71][ 60/1879] lr: 2.0000e-03 eta: 13:35:23 time: 0.8108 data_time: 0.1530 memory: 9812 grad_norm: 3.3831 loss: 2.3560 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2878 distill.loss_dist: 1.0682 2023/05/15 15:49:33 - mmengine - INFO - Epoch(train) [71][ 80/1879] lr: 2.0000e-03 eta: 13:35:06 time: 0.9345 data_time: 0.2194 memory: 9812 grad_norm: 3.3463 loss: 2.1371 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1149 distill.loss_dist: 1.0222 2023/05/15 15:49:50 - mmengine - INFO - Epoch(train) [71][ 100/1879] lr: 2.0000e-03 eta: 13:34:49 time: 0.8583 data_time: 0.3123 memory: 9812 grad_norm: 3.3459 loss: 2.2018 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1743 distill.loss_dist: 1.0275 2023/05/15 15:50:07 - mmengine - INFO - Epoch(train) [71][ 120/1879] lr: 2.0000e-03 eta: 13:34:31 time: 0.8606 data_time: 0.1882 memory: 9812 grad_norm: 3.3488 loss: 2.1633 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1245 distill.loss_dist: 1.0388 2023/05/15 15:50:26 - mmengine - INFO - Epoch(train) [71][ 140/1879] lr: 2.0000e-03 eta: 13:34:14 time: 0.9129 data_time: 0.0430 memory: 9812 grad_norm: 3.2964 loss: 2.0888 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.0841 distill.loss_dist: 1.0047 2023/05/15 15:50:42 - mmengine - INFO - Epoch(train) [71][ 160/1879] lr: 2.0000e-03 eta: 13:33:56 time: 0.8103 data_time: 0.0561 memory: 9812 grad_norm: 3.3543 loss: 2.1419 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1046 distill.loss_dist: 1.0373 2023/05/15 15:50:59 - mmengine - INFO - Epoch(train) [71][ 180/1879] lr: 2.0000e-03 eta: 13:33:39 time: 0.8837 data_time: 0.0750 memory: 9812 grad_norm: 3.2709 loss: 1.9884 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9674 distill.loss_dist: 1.0211 2023/05/15 15:51:18 - mmengine - INFO - Epoch(train) [71][ 200/1879] lr: 2.0000e-03 eta: 13:33:22 time: 0.9419 data_time: 0.0297 memory: 9812 grad_norm: 3.3469 loss: 2.2707 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2197 distill.loss_dist: 1.0510 2023/05/15 15:51:34 - mmengine - INFO - Epoch(train) [71][ 220/1879] lr: 2.0000e-03 eta: 13:33:04 time: 0.8084 data_time: 0.0258 memory: 9812 grad_norm: 3.3403 loss: 2.4074 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.3724 distill.loss_dist: 1.0350 2023/05/15 15:51:52 - mmengine - INFO - Epoch(train) [71][ 240/1879] lr: 2.0000e-03 eta: 13:32:47 time: 0.8587 data_time: 0.0263 memory: 9812 grad_norm: 3.4507 loss: 2.1281 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0998 distill.loss_dist: 1.0283 2023/05/15 15:52:12 - mmengine - INFO - Epoch(train) [71][ 260/1879] lr: 2.0000e-03 eta: 13:32:31 time: 0.9936 data_time: 0.0320 memory: 9812 grad_norm: 3.3168 loss: 2.1752 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1506 distill.loss_dist: 1.0246 2023/05/15 15:52:29 - mmengine - INFO - Epoch(train) [71][ 280/1879] lr: 2.0000e-03 eta: 13:32:13 time: 0.8888 data_time: 0.0238 memory: 9812 grad_norm: 3.3063 loss: 2.2937 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2658 distill.loss_dist: 1.0279 2023/05/15 15:52:45 - mmengine - INFO - Epoch(train) [71][ 300/1879] lr: 2.0000e-03 eta: 13:31:55 time: 0.8049 data_time: 0.0243 memory: 9812 grad_norm: 3.3233 loss: 2.2550 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1976 distill.loss_dist: 1.0574 2023/05/15 15:53:05 - mmengine - INFO - Epoch(train) [71][ 320/1879] lr: 2.0000e-03 eta: 13:31:39 time: 0.9908 data_time: 0.0296 memory: 9812 grad_norm: 3.3554 loss: 2.3578 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3088 distill.loss_dist: 1.0491 2023/05/15 15:53:22 - mmengine - INFO - Epoch(train) [71][ 340/1879] lr: 2.0000e-03 eta: 13:31:21 time: 0.8140 data_time: 0.0259 memory: 9812 grad_norm: 3.3549 loss: 2.2516 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.2157 distill.loss_dist: 1.0359 2023/05/15 15:53:38 - mmengine - INFO - Epoch(train) [71][ 360/1879] lr: 2.0000e-03 eta: 13:31:04 time: 0.8318 data_time: 0.0257 memory: 9812 grad_norm: 3.3326 loss: 2.1770 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1385 distill.loss_dist: 1.0385 2023/05/15 15:53:56 - mmengine - INFO - Epoch(train) [71][ 380/1879] lr: 2.0000e-03 eta: 13:30:46 time: 0.8860 data_time: 0.0284 memory: 9812 grad_norm: 3.3225 loss: 2.1624 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1516 distill.loss_dist: 1.0108 2023/05/15 15:54:13 - mmengine - INFO - Epoch(train) [71][ 400/1879] lr: 2.0000e-03 eta: 13:30:29 time: 0.8619 data_time: 0.0261 memory: 9812 grad_norm: 3.3124 loss: 2.2712 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2282 distill.loss_dist: 1.0430 2023/05/15 15:54:30 - mmengine - INFO - Epoch(train) [71][ 420/1879] lr: 2.0000e-03 eta: 13:30:11 time: 0.8262 data_time: 0.0286 memory: 9812 grad_norm: 3.4062 loss: 2.2772 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2136 distill.loss_dist: 1.0636 2023/05/15 15:54:48 - mmengine - INFO - Epoch(train) [71][ 440/1879] lr: 2.0000e-03 eta: 13:29:54 time: 0.9189 data_time: 0.0252 memory: 9812 grad_norm: 3.2881 loss: 2.1420 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1296 distill.loss_dist: 1.0124 2023/05/15 15:55:05 - mmengine - INFO - Epoch(train) [71][ 460/1879] lr: 2.0000e-03 eta: 13:29:36 time: 0.8193 data_time: 0.0281 memory: 9812 grad_norm: 3.3309 loss: 2.1249 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0794 distill.loss_dist: 1.0455 2023/05/15 15:55:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 15:55:22 - mmengine - INFO - Epoch(train) [71][ 480/1879] lr: 2.0000e-03 eta: 13:29:19 time: 0.8553 data_time: 0.0265 memory: 9812 grad_norm: 3.3263 loss: 2.4298 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3777 distill.loss_dist: 1.0520 2023/05/15 15:55:40 - mmengine - INFO - Epoch(train) [71][ 500/1879] lr: 2.0000e-03 eta: 13:29:02 time: 0.9173 data_time: 0.0282 memory: 9812 grad_norm: 3.3838 loss: 2.2906 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2376 distill.loss_dist: 1.0530 2023/05/15 15:55:57 - mmengine - INFO - Epoch(train) [71][ 520/1879] lr: 2.0000e-03 eta: 13:28:44 time: 0.8495 data_time: 0.0269 memory: 9812 grad_norm: 3.3081 loss: 2.2543 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2032 distill.loss_dist: 1.0512 2023/05/15 15:56:14 - mmengine - INFO - Epoch(train) [71][ 540/1879] lr: 2.0000e-03 eta: 13:28:27 time: 0.8493 data_time: 0.0297 memory: 9812 grad_norm: 3.3493 loss: 2.1767 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1484 distill.loss_dist: 1.0283 2023/05/15 15:56:32 - mmengine - INFO - Epoch(train) [71][ 560/1879] lr: 2.0000e-03 eta: 13:28:10 time: 0.8789 data_time: 0.0286 memory: 9812 grad_norm: 3.4064 loss: 2.4100 student.top1_acc: 0.2500 student.top5_acc: 0.6875 student.loss_cls: 1.3734 distill.loss_dist: 1.0366 2023/05/15 15:56:49 - mmengine - INFO - Epoch(train) [71][ 580/1879] lr: 2.0000e-03 eta: 13:27:52 time: 0.8565 data_time: 0.0266 memory: 9812 grad_norm: 3.3230 loss: 2.1672 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1519 distill.loss_dist: 1.0153 2023/05/15 15:57:05 - mmengine - INFO - Epoch(train) [71][ 600/1879] lr: 2.0000e-03 eta: 13:27:34 time: 0.8115 data_time: 0.0269 memory: 9812 grad_norm: 3.1991 loss: 2.0423 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0129 distill.loss_dist: 1.0294 2023/05/15 15:57:24 - mmengine - INFO - Epoch(train) [71][ 620/1879] lr: 2.0000e-03 eta: 13:27:18 time: 0.9600 data_time: 0.0279 memory: 9812 grad_norm: 3.3130 loss: 2.1232 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0920 distill.loss_dist: 1.0312 2023/05/15 15:57:41 - mmengine - INFO - Epoch(train) [71][ 640/1879] lr: 2.0000e-03 eta: 13:27:00 time: 0.8445 data_time: 0.0311 memory: 9812 grad_norm: 3.2847 loss: 2.1802 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1603 distill.loss_dist: 1.0199 2023/05/15 15:57:58 - mmengine - INFO - Epoch(train) [71][ 660/1879] lr: 2.0000e-03 eta: 13:26:43 time: 0.8629 data_time: 0.0269 memory: 9812 grad_norm: 3.4102 loss: 2.2580 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2209 distill.loss_dist: 1.0372 2023/05/15 15:58:17 - mmengine - INFO - Epoch(train) [71][ 680/1879] lr: 2.0000e-03 eta: 13:26:26 time: 0.9115 data_time: 0.0289 memory: 9812 grad_norm: 3.3500 loss: 2.2798 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2580 distill.loss_dist: 1.0218 2023/05/15 15:58:32 - mmengine - INFO - Epoch(train) [71][ 700/1879] lr: 2.0000e-03 eta: 13:26:07 time: 0.7627 data_time: 0.0316 memory: 9812 grad_norm: 3.3407 loss: 2.1322 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1113 distill.loss_dist: 1.0209 2023/05/15 15:58:50 - mmengine - INFO - Epoch(train) [71][ 720/1879] lr: 2.0000e-03 eta: 13:25:50 time: 0.8892 data_time: 0.0272 memory: 9812 grad_norm: 3.3087 loss: 2.0966 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1000 distill.loss_dist: 0.9966 2023/05/15 15:59:08 - mmengine - INFO - Epoch(train) [71][ 740/1879] lr: 2.0000e-03 eta: 13:25:33 time: 0.9010 data_time: 0.0255 memory: 9812 grad_norm: 3.2588 loss: 2.1725 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1464 distill.loss_dist: 1.0261 2023/05/15 15:59:26 - mmengine - INFO - Epoch(train) [71][ 760/1879] lr: 2.0000e-03 eta: 13:25:16 time: 0.8867 data_time: 0.0409 memory: 9812 grad_norm: 3.2937 loss: 2.1654 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1413 distill.loss_dist: 1.0242 2023/05/15 15:59:43 - mmengine - INFO - Epoch(train) [71][ 780/1879] lr: 2.0000e-03 eta: 13:24:58 time: 0.8470 data_time: 0.0594 memory: 9812 grad_norm: 3.2191 loss: 2.0697 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0587 distill.loss_dist: 1.0111 2023/05/15 16:00:00 - mmengine - INFO - Epoch(train) [71][ 800/1879] lr: 2.0000e-03 eta: 13:24:41 time: 0.8947 data_time: 0.0691 memory: 9812 grad_norm: 3.3918 loss: 2.2952 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2515 distill.loss_dist: 1.0437 2023/05/15 16:00:17 - mmengine - INFO - Epoch(train) [71][ 820/1879] lr: 2.0000e-03 eta: 13:24:23 time: 0.8096 data_time: 0.0285 memory: 9812 grad_norm: 3.4188 loss: 2.1770 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1497 distill.loss_dist: 1.0273 2023/05/15 16:00:36 - mmengine - INFO - Epoch(train) [71][ 840/1879] lr: 2.0000e-03 eta: 13:24:07 time: 0.9606 data_time: 0.0247 memory: 9812 grad_norm: 3.3805 loss: 2.1496 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1364 distill.loss_dist: 1.0131 2023/05/15 16:00:52 - mmengine - INFO - Epoch(train) [71][ 860/1879] lr: 2.0000e-03 eta: 13:23:49 time: 0.8191 data_time: 0.0299 memory: 9812 grad_norm: 3.4101 loss: 2.1681 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1267 distill.loss_dist: 1.0415 2023/05/15 16:01:10 - mmengine - INFO - Epoch(train) [71][ 880/1879] lr: 2.0000e-03 eta: 13:23:32 time: 0.8867 data_time: 0.0339 memory: 9812 grad_norm: 3.3854 loss: 2.0642 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0468 distill.loss_dist: 1.0174 2023/05/15 16:01:27 - mmengine - INFO - Epoch(train) [71][ 900/1879] lr: 2.0000e-03 eta: 13:23:14 time: 0.8426 data_time: 0.1085 memory: 9812 grad_norm: 3.3882 loss: 2.0819 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0690 distill.loss_dist: 1.0129 2023/05/15 16:01:43 - mmengine - INFO - Epoch(train) [71][ 920/1879] lr: 2.0000e-03 eta: 13:22:56 time: 0.8212 data_time: 0.1767 memory: 9812 grad_norm: 3.3903 loss: 2.2381 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1941 distill.loss_dist: 1.0440 2023/05/15 16:02:02 - mmengine - INFO - Epoch(train) [71][ 940/1879] lr: 2.0000e-03 eta: 13:22:39 time: 0.9117 data_time: 0.2981 memory: 9812 grad_norm: 3.3060 loss: 2.1831 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1279 distill.loss_dist: 1.0552 2023/05/15 16:02:18 - mmengine - INFO - Epoch(train) [71][ 960/1879] lr: 2.0000e-03 eta: 13:22:22 time: 0.8363 data_time: 0.3347 memory: 9812 grad_norm: 3.3517 loss: 2.1219 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1026 distill.loss_dist: 1.0193 2023/05/15 16:02:35 - mmengine - INFO - Epoch(train) [71][ 980/1879] lr: 2.0000e-03 eta: 13:22:04 time: 0.8272 data_time: 0.3704 memory: 9812 grad_norm: 3.4349 loss: 2.2365 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1940 distill.loss_dist: 1.0424 2023/05/15 16:02:55 - mmengine - INFO - Epoch(train) [71][1000/1879] lr: 2.0000e-03 eta: 13:21:47 time: 0.9839 data_time: 0.4146 memory: 9812 grad_norm: 3.2693 loss: 2.0821 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0894 distill.loss_dist: 0.9926 2023/05/15 16:03:12 - mmengine - INFO - Epoch(train) [71][1020/1879] lr: 2.0000e-03 eta: 13:21:30 time: 0.8498 data_time: 0.2880 memory: 9812 grad_norm: 3.2511 loss: 2.1122 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0662 distill.loss_dist: 1.0460 2023/05/15 16:03:28 - mmengine - INFO - Epoch(train) [71][1040/1879] lr: 2.0000e-03 eta: 13:21:12 time: 0.8087 data_time: 0.2095 memory: 9812 grad_norm: 3.2835 loss: 2.1912 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1590 distill.loss_dist: 1.0321 2023/05/15 16:03:47 - mmengine - INFO - Epoch(train) [71][1060/1879] lr: 2.0000e-03 eta: 13:20:55 time: 0.9751 data_time: 0.1150 memory: 9812 grad_norm: 3.3342 loss: 2.2665 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2276 distill.loss_dist: 1.0390 2023/05/15 16:04:03 - mmengine - INFO - Epoch(train) [71][1080/1879] lr: 2.0000e-03 eta: 13:20:38 time: 0.8037 data_time: 0.0931 memory: 9812 grad_norm: 3.3115 loss: 2.2506 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2342 distill.loss_dist: 1.0164 2023/05/15 16:04:20 - mmengine - INFO - Epoch(train) [71][1100/1879] lr: 2.0000e-03 eta: 13:20:20 time: 0.8120 data_time: 0.0280 memory: 9812 grad_norm: 3.2955 loss: 2.1503 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1289 distill.loss_dist: 1.0214 2023/05/15 16:04:39 - mmengine - INFO - Epoch(train) [71][1120/1879] lr: 2.0000e-03 eta: 13:20:03 time: 0.9608 data_time: 0.0544 memory: 9812 grad_norm: 3.2817 loss: 2.0406 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0191 distill.loss_dist: 1.0215 2023/05/15 16:04:56 - mmengine - INFO - Epoch(train) [71][1140/1879] lr: 2.0000e-03 eta: 13:19:46 time: 0.8640 data_time: 0.0283 memory: 9812 grad_norm: 3.3376 loss: 1.9847 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9621 distill.loss_dist: 1.0226 2023/05/15 16:05:13 - mmengine - INFO - Epoch(train) [71][1160/1879] lr: 2.0000e-03 eta: 13:19:28 time: 0.8493 data_time: 0.2117 memory: 9812 grad_norm: 3.3444 loss: 2.2765 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2301 distill.loss_dist: 1.0464 2023/05/15 16:05:32 - mmengine - INFO - Epoch(train) [71][1180/1879] lr: 2.0000e-03 eta: 13:19:11 time: 0.9219 data_time: 0.1722 memory: 9812 grad_norm: 3.3658 loss: 2.2946 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2845 distill.loss_dist: 1.0100 2023/05/15 16:05:49 - mmengine - INFO - Epoch(train) [71][1200/1879] lr: 2.0000e-03 eta: 13:18:54 time: 0.8721 data_time: 0.0510 memory: 9812 grad_norm: 3.3708 loss: 2.2501 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1974 distill.loss_dist: 1.0527 2023/05/15 16:06:05 - mmengine - INFO - Epoch(train) [71][1220/1879] lr: 2.0000e-03 eta: 13:18:36 time: 0.7937 data_time: 0.0902 memory: 9812 grad_norm: 3.4007 loss: 2.1820 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1633 distill.loss_dist: 1.0187 2023/05/15 16:06:22 - mmengine - INFO - Epoch(train) [71][1240/1879] lr: 2.0000e-03 eta: 13:18:18 time: 0.8651 data_time: 0.1142 memory: 9812 grad_norm: 3.4315 loss: 2.2599 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1967 distill.loss_dist: 1.0632 2023/05/15 16:06:39 - mmengine - INFO - Epoch(train) [71][1260/1879] lr: 2.0000e-03 eta: 13:18:01 time: 0.8358 data_time: 0.1688 memory: 9812 grad_norm: 3.3281 loss: 2.2618 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2124 distill.loss_dist: 1.0493 2023/05/15 16:06:56 - mmengine - INFO - Epoch(train) [71][1280/1879] lr: 2.0000e-03 eta: 13:17:43 time: 0.8551 data_time: 0.2416 memory: 9812 grad_norm: 3.3853 loss: 2.1507 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1096 distill.loss_dist: 1.0411 2023/05/15 16:07:13 - mmengine - INFO - Epoch(train) [71][1300/1879] lr: 2.0000e-03 eta: 13:17:26 time: 0.8605 data_time: 0.1678 memory: 9812 grad_norm: 3.3666 loss: 2.1211 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1029 distill.loss_dist: 1.0182 2023/05/15 16:07:30 - mmengine - INFO - Epoch(train) [71][1320/1879] lr: 2.0000e-03 eta: 13:17:08 time: 0.8287 data_time: 0.2892 memory: 9812 grad_norm: 3.2329 loss: 2.1158 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1267 distill.loss_dist: 0.9891 2023/05/15 16:07:49 - mmengine - INFO - Epoch(train) [71][1340/1879] lr: 2.0000e-03 eta: 13:16:52 time: 0.9626 data_time: 0.4952 memory: 9812 grad_norm: 3.3820 loss: 2.1905 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1668 distill.loss_dist: 1.0237 2023/05/15 16:08:06 - mmengine - INFO - Epoch(train) [71][1360/1879] lr: 2.0000e-03 eta: 13:16:34 time: 0.8379 data_time: 0.3552 memory: 9812 grad_norm: 3.4466 loss: 2.3370 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2858 distill.loss_dist: 1.0512 2023/05/15 16:08:24 - mmengine - INFO - Epoch(train) [71][1380/1879] lr: 2.0000e-03 eta: 13:16:17 time: 0.8891 data_time: 0.2091 memory: 9812 grad_norm: 3.3517 loss: 2.2807 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2342 distill.loss_dist: 1.0465 2023/05/15 16:08:41 - mmengine - INFO - Epoch(train) [71][1400/1879] lr: 2.0000e-03 eta: 13:15:59 time: 0.8536 data_time: 0.0606 memory: 9812 grad_norm: 3.3310 loss: 2.1654 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1238 distill.loss_dist: 1.0416 2023/05/15 16:09:00 - mmengine - INFO - Epoch(train) [71][1420/1879] lr: 2.0000e-03 eta: 13:15:42 time: 0.9307 data_time: 0.0265 memory: 9812 grad_norm: 3.3761 loss: 2.1395 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1065 distill.loss_dist: 1.0330 2023/05/15 16:09:17 - mmengine - INFO - Epoch(train) [71][1440/1879] lr: 2.0000e-03 eta: 13:15:25 time: 0.8664 data_time: 0.0246 memory: 9812 grad_norm: 3.3932 loss: 1.9835 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9920 distill.loss_dist: 0.9914 2023/05/15 16:09:34 - mmengine - INFO - Epoch(train) [71][1460/1879] lr: 2.0000e-03 eta: 13:15:07 time: 0.8589 data_time: 0.0278 memory: 9812 grad_norm: 3.3906 loss: 2.1836 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1218 distill.loss_dist: 1.0618 2023/05/15 16:09:44 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 16:09:52 - mmengine - INFO - Epoch(train) [71][1480/1879] lr: 2.0000e-03 eta: 13:14:50 time: 0.8832 data_time: 0.0285 memory: 9812 grad_norm: 3.3478 loss: 2.0552 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0487 distill.loss_dist: 1.0065 2023/05/15 16:10:10 - mmengine - INFO - Epoch(train) [71][1500/1879] lr: 2.0000e-03 eta: 13:14:33 time: 0.8926 data_time: 0.0240 memory: 9812 grad_norm: 3.3603 loss: 2.2199 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2004 distill.loss_dist: 1.0195 2023/05/15 16:10:25 - mmengine - INFO - Epoch(train) [71][1520/1879] lr: 2.0000e-03 eta: 13:14:15 time: 0.7836 data_time: 0.0285 memory: 9812 grad_norm: 3.3285 loss: 2.0887 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0988 distill.loss_dist: 0.9900 2023/05/15 16:10:42 - mmengine - INFO - Epoch(train) [71][1540/1879] lr: 2.0000e-03 eta: 13:13:57 time: 0.8462 data_time: 0.0299 memory: 9812 grad_norm: 3.3805 loss: 2.0930 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1032 distill.loss_dist: 0.9898 2023/05/15 16:11:02 - mmengine - INFO - Epoch(train) [71][1560/1879] lr: 2.0000e-03 eta: 13:13:41 time: 0.9994 data_time: 0.0261 memory: 9812 grad_norm: 3.3186 loss: 2.0766 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0700 distill.loss_dist: 1.0066 2023/05/15 16:11:19 - mmengine - INFO - Epoch(train) [71][1580/1879] lr: 2.0000e-03 eta: 13:13:23 time: 0.8323 data_time: 0.0266 memory: 9812 grad_norm: 3.3878 loss: 2.3410 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2974 distill.loss_dist: 1.0436 2023/05/15 16:11:36 - mmengine - INFO - Epoch(train) [71][1600/1879] lr: 2.0000e-03 eta: 13:13:06 time: 0.8472 data_time: 0.0263 memory: 9812 grad_norm: 3.4334 loss: 2.4594 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3958 distill.loss_dist: 1.0636 2023/05/15 16:11:55 - mmengine - INFO - Epoch(train) [71][1620/1879] lr: 2.0000e-03 eta: 13:12:49 time: 0.9431 data_time: 0.0272 memory: 9812 grad_norm: 3.2696 loss: 2.0822 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0608 distill.loss_dist: 1.0214 2023/05/15 16:12:12 - mmengine - INFO - Epoch(train) [71][1640/1879] lr: 2.0000e-03 eta: 13:12:32 time: 0.8446 data_time: 0.0275 memory: 9812 grad_norm: 3.2928 loss: 2.2965 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2756 distill.loss_dist: 1.0208 2023/05/15 16:12:28 - mmengine - INFO - Epoch(train) [71][1660/1879] lr: 2.0000e-03 eta: 13:12:14 time: 0.7936 data_time: 0.0275 memory: 9812 grad_norm: 3.2768 loss: 2.1440 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1311 distill.loss_dist: 1.0129 2023/05/15 16:12:47 - mmengine - INFO - Epoch(train) [71][1680/1879] lr: 2.0000e-03 eta: 13:11:57 time: 0.9510 data_time: 0.0300 memory: 9812 grad_norm: 3.3994 loss: 2.2024 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1726 distill.loss_dist: 1.0298 2023/05/15 16:13:04 - mmengine - INFO - Epoch(train) [71][1700/1879] lr: 2.0000e-03 eta: 13:11:39 time: 0.8663 data_time: 0.0303 memory: 9812 grad_norm: 3.3347 loss: 2.1674 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1920 distill.loss_dist: 0.9753 2023/05/15 16:13:20 - mmengine - INFO - Epoch(train) [71][1720/1879] lr: 2.0000e-03 eta: 13:11:21 time: 0.7869 data_time: 0.0301 memory: 9812 grad_norm: 3.3560 loss: 2.1930 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1493 distill.loss_dist: 1.0436 2023/05/15 16:13:39 - mmengine - INFO - Epoch(train) [71][1740/1879] lr: 2.0000e-03 eta: 13:11:05 time: 0.9360 data_time: 0.0275 memory: 9812 grad_norm: 3.3622 loss: 2.2873 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2289 distill.loss_dist: 1.0584 2023/05/15 16:13:56 - mmengine - INFO - Epoch(train) [71][1760/1879] lr: 2.0000e-03 eta: 13:10:47 time: 0.8797 data_time: 0.0254 memory: 9812 grad_norm: 3.4293 loss: 2.1669 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1342 distill.loss_dist: 1.0327 2023/05/15 16:14:12 - mmengine - INFO - Epoch(train) [71][1780/1879] lr: 2.0000e-03 eta: 13:10:29 time: 0.7716 data_time: 0.0270 memory: 9812 grad_norm: 3.3866 loss: 2.2197 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1817 distill.loss_dist: 1.0379 2023/05/15 16:14:31 - mmengine - INFO - Epoch(train) [71][1800/1879] lr: 2.0000e-03 eta: 13:10:12 time: 0.9529 data_time: 0.0267 memory: 9812 grad_norm: 3.3475 loss: 2.1181 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1052 distill.loss_dist: 1.0129 2023/05/15 16:14:48 - mmengine - INFO - Epoch(train) [71][1820/1879] lr: 2.0000e-03 eta: 13:09:55 time: 0.8550 data_time: 0.0288 memory: 9812 grad_norm: 3.3087 loss: 2.3586 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3490 distill.loss_dist: 1.0097 2023/05/15 16:15:04 - mmengine - INFO - Epoch(train) [71][1840/1879] lr: 2.0000e-03 eta: 13:09:37 time: 0.8041 data_time: 0.0304 memory: 9812 grad_norm: 3.4228 loss: 2.1856 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1532 distill.loss_dist: 1.0324 2023/05/15 16:15:22 - mmengine - INFO - Epoch(train) [71][1860/1879] lr: 2.0000e-03 eta: 13:09:20 time: 0.9011 data_time: 0.0295 memory: 9812 grad_norm: 3.2999 loss: 2.2387 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2001 distill.loss_dist: 1.0386 2023/05/15 16:15:35 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 16:15:35 - mmengine - INFO - Epoch(train) [71][1879/1879] lr: 2.0000e-03 eta: 13:09:02 time: 0.6852 data_time: 0.0253 memory: 9812 grad_norm: 3.4179 loss: 1.9654 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 0.9695 distill.loss_dist: 0.9960 2023/05/15 16:15:55 - mmengine - INFO - Epoch(val) [71][ 20/155] eta: 0:02:12 time: 0.9838 data_time: 0.9162 memory: 1484 2023/05/15 16:16:09 - mmengine - INFO - Epoch(val) [71][ 40/155] eta: 0:01:36 time: 0.6961 data_time: 0.6353 memory: 1484 2023/05/15 16:16:27 - mmengine - INFO - Epoch(val) [71][ 60/155] eta: 0:01:22 time: 0.9155 data_time: 0.8513 memory: 1484 2023/05/15 16:16:41 - mmengine - INFO - Epoch(val) [71][ 80/155] eta: 0:01:01 time: 0.6783 data_time: 0.6181 memory: 1484 2023/05/15 16:17:00 - mmengine - INFO - Epoch(val) [71][100/155] eta: 0:00:46 time: 0.9523 data_time: 0.8846 memory: 1484 2023/05/15 16:17:13 - mmengine - INFO - Epoch(val) [71][120/155] eta: 0:00:28 time: 0.6428 data_time: 0.5771 memory: 1484 2023/05/15 16:17:32 - mmengine - INFO - Epoch(val) [71][140/155] eta: 0:00:12 time: 0.9576 data_time: 0.8962 memory: 1484 2023/05/15 16:18:03 - mmengine - INFO - Epoch(val) [71][ 20/155] eta: 0:16:23 time: 1.0189 data_time: 0.8632 memory: 1582 2023/05/15 16:18:16 - mmengine - INFO - Epoch(val) [71][ 40/155] eta: 0:07:36 time: 0.6546 data_time: 0.5013 memory: 1582 2023/05/15 16:18:35 - mmengine - INFO - Epoch(val) [71][ 60/155] eta: 0:04:41 time: 0.9573 data_time: 0.8016 memory: 1582 2023/05/15 16:18:49 - mmengine - INFO - Epoch(val) [71][ 80/155] eta: 0:02:59 time: 0.6931 data_time: 0.5434 memory: 1582 2023/05/15 16:19:08 - mmengine - INFO - Epoch(val) [71][100/155] eta: 0:01:56 time: 0.9663 data_time: 0.8087 memory: 1582 2023/05/15 16:19:21 - mmengine - INFO - Epoch(val) [71][120/155] eta: 0:01:05 time: 0.6544 data_time: 0.5046 memory: 1582 2023/05/15 16:19:41 - mmengine - INFO - Epoch(val) [71][140/155] eta: 0:00:26 time: 0.9896 data_time: 0.8363 memory: 1582 2023/05/15 16:19:51 - mmengine - INFO - Epoch(val) [71][155/155] acc/top1: 0.6741 acc/top5: 0.8767 acc/mean1: 0.6740 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6658 time: 0.8176 2023/05/15 16:20:14 - mmengine - INFO - Epoch(train) [72][ 20/1879] lr: 2.0000e-03 eta: 13:08:47 time: 1.1218 data_time: 0.5473 memory: 9812 grad_norm: 3.3326 loss: 2.0671 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0547 distill.loss_dist: 1.0124 2023/05/15 16:20:30 - mmengine - INFO - Epoch(train) [72][ 40/1879] lr: 2.0000e-03 eta: 13:08:29 time: 0.7959 data_time: 0.2680 memory: 9812 grad_norm: 3.3932 loss: 2.1990 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1431 distill.loss_dist: 1.0559 2023/05/15 16:20:47 - mmengine - INFO - Epoch(train) [72][ 60/1879] lr: 2.0000e-03 eta: 13:08:11 time: 0.8519 data_time: 0.1049 memory: 9812 grad_norm: 3.3180 loss: 2.1773 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1506 distill.loss_dist: 1.0267 2023/05/15 16:21:06 - mmengine - INFO - Epoch(train) [72][ 80/1879] lr: 2.0000e-03 eta: 13:07:54 time: 0.9389 data_time: 0.0557 memory: 9812 grad_norm: 3.4258 loss: 2.3438 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2846 distill.loss_dist: 1.0591 2023/05/15 16:21:22 - mmengine - INFO - Epoch(train) [72][ 100/1879] lr: 2.0000e-03 eta: 13:07:37 time: 0.8347 data_time: 0.0392 memory: 9812 grad_norm: 3.3782 loss: 2.2759 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2231 distill.loss_dist: 1.0528 2023/05/15 16:21:39 - mmengine - INFO - Epoch(train) [72][ 120/1879] lr: 2.0000e-03 eta: 13:07:19 time: 0.8294 data_time: 0.0298 memory: 9812 grad_norm: 3.3441 loss: 2.0713 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0812 distill.loss_dist: 0.9901 2023/05/15 16:21:57 - mmengine - INFO - Epoch(train) [72][ 140/1879] lr: 2.0000e-03 eta: 13:07:02 time: 0.9009 data_time: 0.0547 memory: 9812 grad_norm: 3.2659 loss: 2.1241 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0716 distill.loss_dist: 1.0525 2023/05/15 16:22:14 - mmengine - INFO - Epoch(train) [72][ 160/1879] lr: 2.0000e-03 eta: 13:06:44 time: 0.8330 data_time: 0.1170 memory: 9812 grad_norm: 3.3870 loss: 2.1091 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0954 distill.loss_dist: 1.0137 2023/05/15 16:22:31 - mmengine - INFO - Epoch(train) [72][ 180/1879] lr: 2.0000e-03 eta: 13:06:27 time: 0.8450 data_time: 0.0476 memory: 9812 grad_norm: 3.4220 loss: 2.2018 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1900 distill.loss_dist: 1.0118 2023/05/15 16:22:49 - mmengine - INFO - Epoch(train) [72][ 200/1879] lr: 2.0000e-03 eta: 13:06:10 time: 0.9311 data_time: 0.0406 memory: 9812 grad_norm: 3.3777 loss: 2.2543 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2067 distill.loss_dist: 1.0477 2023/05/15 16:23:06 - mmengine - INFO - Epoch(train) [72][ 220/1879] lr: 2.0000e-03 eta: 13:05:52 time: 0.8434 data_time: 0.1460 memory: 9812 grad_norm: 3.3630 loss: 2.1867 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1527 distill.loss_dist: 1.0340 2023/05/15 16:23:23 - mmengine - INFO - Epoch(train) [72][ 240/1879] lr: 2.0000e-03 eta: 13:05:35 time: 0.8570 data_time: 0.1857 memory: 9812 grad_norm: 3.4000 loss: 2.3544 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2923 distill.loss_dist: 1.0621 2023/05/15 16:23:42 - mmengine - INFO - Epoch(train) [72][ 260/1879] lr: 2.0000e-03 eta: 13:05:18 time: 0.9502 data_time: 0.0451 memory: 9812 grad_norm: 3.3955 loss: 2.3307 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2845 distill.loss_dist: 1.0462 2023/05/15 16:23:58 - mmengine - INFO - Epoch(train) [72][ 280/1879] lr: 2.0000e-03 eta: 13:05:00 time: 0.8034 data_time: 0.2058 memory: 9812 grad_norm: 3.3805 loss: 2.1385 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1251 distill.loss_dist: 1.0134 2023/05/15 16:24:16 - mmengine - INFO - Epoch(train) [72][ 300/1879] lr: 2.0000e-03 eta: 13:04:43 time: 0.8566 data_time: 0.0568 memory: 9812 grad_norm: 3.3370 loss: 2.2765 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2162 distill.loss_dist: 1.0603 2023/05/15 16:24:35 - mmengine - INFO - Epoch(train) [72][ 320/1879] lr: 2.0000e-03 eta: 13:04:26 time: 0.9499 data_time: 0.0251 memory: 9812 grad_norm: 3.3221 loss: 2.2046 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1535 distill.loss_dist: 1.0511 2023/05/15 16:24:52 - mmengine - INFO - Epoch(train) [72][ 340/1879] lr: 2.0000e-03 eta: 13:04:09 time: 0.8604 data_time: 0.0287 memory: 9812 grad_norm: 3.4234 loss: 2.2807 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2656 distill.loss_dist: 1.0151 2023/05/15 16:25:09 - mmengine - INFO - Epoch(train) [72][ 360/1879] lr: 2.0000e-03 eta: 13:03:51 time: 0.8428 data_time: 0.0283 memory: 9812 grad_norm: 3.4750 loss: 2.2959 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2631 distill.loss_dist: 1.0327 2023/05/15 16:25:26 - mmengine - INFO - Epoch(train) [72][ 380/1879] lr: 2.0000e-03 eta: 13:03:33 time: 0.8469 data_time: 0.0274 memory: 9812 grad_norm: 3.3090 loss: 2.3039 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2525 distill.loss_dist: 1.0515 2023/05/15 16:25:43 - mmengine - INFO - Epoch(train) [72][ 400/1879] lr: 2.0000e-03 eta: 13:03:16 time: 0.8825 data_time: 0.0301 memory: 9812 grad_norm: 3.4275 loss: 2.2371 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2076 distill.loss_dist: 1.0295 2023/05/15 16:25:59 - mmengine - INFO - Epoch(train) [72][ 420/1879] lr: 2.0000e-03 eta: 13:02:58 time: 0.7954 data_time: 0.0261 memory: 9812 grad_norm: 3.2414 loss: 2.1115 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0954 distill.loss_dist: 1.0162 2023/05/15 16:26:18 - mmengine - INFO - Epoch(train) [72][ 440/1879] lr: 2.0000e-03 eta: 13:02:41 time: 0.9272 data_time: 0.0241 memory: 9812 grad_norm: 3.2672 loss: 2.2029 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1601 distill.loss_dist: 1.0428 2023/05/15 16:26:34 - mmengine - INFO - Epoch(train) [72][ 460/1879] lr: 2.0000e-03 eta: 13:02:23 time: 0.8038 data_time: 0.0259 memory: 9812 grad_norm: 3.3727 loss: 2.1760 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1394 distill.loss_dist: 1.0365 2023/05/15 16:26:51 - mmengine - INFO - Epoch(train) [72][ 480/1879] lr: 2.0000e-03 eta: 13:02:06 time: 0.8765 data_time: 0.0779 memory: 9812 grad_norm: 3.4154 loss: 1.9938 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 0.9869 distill.loss_dist: 1.0069 2023/05/15 16:27:10 - mmengine - INFO - Epoch(train) [72][ 500/1879] lr: 2.0000e-03 eta: 13:01:49 time: 0.9206 data_time: 0.0276 memory: 9812 grad_norm: 3.3313 loss: 2.1843 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1518 distill.loss_dist: 1.0325 2023/05/15 16:27:27 - mmengine - INFO - Epoch(train) [72][ 520/1879] lr: 2.0000e-03 eta: 13:01:32 time: 0.8487 data_time: 0.1507 memory: 9812 grad_norm: 3.3742 loss: 2.1710 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1729 distill.loss_dist: 0.9982 2023/05/15 16:27:45 - mmengine - INFO - Epoch(train) [72][ 540/1879] lr: 2.0000e-03 eta: 13:01:15 time: 0.9135 data_time: 0.3509 memory: 9812 grad_norm: 3.3656 loss: 2.4703 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.4054 distill.loss_dist: 1.0649 2023/05/15 16:28:02 - mmengine - INFO - Epoch(train) [72][ 560/1879] lr: 2.0000e-03 eta: 13:00:57 time: 0.8531 data_time: 0.4030 memory: 9812 grad_norm: 3.3363 loss: 2.0851 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0637 distill.loss_dist: 1.0214 2023/05/15 16:28:21 - mmengine - INFO - Epoch(train) [72][ 580/1879] lr: 2.0000e-03 eta: 13:00:40 time: 0.9186 data_time: 0.3590 memory: 9812 grad_norm: 3.3512 loss: 2.4807 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.4192 distill.loss_dist: 1.0615 2023/05/15 16:28:30 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 16:28:37 - mmengine - INFO - Epoch(train) [72][ 600/1879] lr: 2.0000e-03 eta: 13:00:22 time: 0.8129 data_time: 0.2061 memory: 9812 grad_norm: 3.4121 loss: 2.3811 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3095 distill.loss_dist: 1.0717 2023/05/15 16:28:55 - mmengine - INFO - Epoch(train) [72][ 620/1879] lr: 2.0000e-03 eta: 13:00:05 time: 0.8869 data_time: 0.2084 memory: 9812 grad_norm: 3.2880 loss: 2.1389 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0965 distill.loss_dist: 1.0424 2023/05/15 16:29:12 - mmengine - INFO - Epoch(train) [72][ 640/1879] lr: 2.0000e-03 eta: 12:59:48 time: 0.8643 data_time: 0.1560 memory: 9812 grad_norm: 3.3540 loss: 2.1110 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0829 distill.loss_dist: 1.0281 2023/05/15 16:29:29 - mmengine - INFO - Epoch(train) [72][ 660/1879] lr: 2.0000e-03 eta: 12:59:30 time: 0.8588 data_time: 0.1227 memory: 9812 grad_norm: 3.3129 loss: 2.0627 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0421 distill.loss_dist: 1.0206 2023/05/15 16:29:47 - mmengine - INFO - Epoch(train) [72][ 680/1879] lr: 2.0000e-03 eta: 12:59:13 time: 0.8655 data_time: 0.2302 memory: 9812 grad_norm: 3.4381 loss: 2.3350 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2744 distill.loss_dist: 1.0606 2023/05/15 16:30:04 - mmengine - INFO - Epoch(train) [72][ 700/1879] lr: 2.0000e-03 eta: 12:58:55 time: 0.8588 data_time: 0.3465 memory: 9812 grad_norm: 3.3789 loss: 2.1717 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1473 distill.loss_dist: 1.0243 2023/05/15 16:30:21 - mmengine - INFO - Epoch(train) [72][ 720/1879] lr: 2.0000e-03 eta: 12:58:38 time: 0.8874 data_time: 0.3286 memory: 9812 grad_norm: 3.3427 loss: 2.2985 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2558 distill.loss_dist: 1.0426 2023/05/15 16:30:39 - mmengine - INFO - Epoch(train) [72][ 740/1879] lr: 2.0000e-03 eta: 12:58:21 time: 0.8960 data_time: 0.2226 memory: 9812 grad_norm: 3.2936 loss: 2.0797 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0934 distill.loss_dist: 0.9863 2023/05/15 16:30:57 - mmengine - INFO - Epoch(train) [72][ 760/1879] lr: 2.0000e-03 eta: 12:58:03 time: 0.8574 data_time: 0.0614 memory: 9812 grad_norm: 3.4255 loss: 2.1567 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1233 distill.loss_dist: 1.0334 2023/05/15 16:31:12 - mmengine - INFO - Epoch(train) [72][ 780/1879] lr: 2.0000e-03 eta: 12:57:45 time: 0.7958 data_time: 0.0254 memory: 9812 grad_norm: 3.2796 loss: 2.1496 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1057 distill.loss_dist: 1.0439 2023/05/15 16:31:32 - mmengine - INFO - Epoch(train) [72][ 800/1879] lr: 2.0000e-03 eta: 12:57:29 time: 0.9716 data_time: 0.0245 memory: 9812 grad_norm: 3.2886 loss: 2.2468 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2305 distill.loss_dist: 1.0163 2023/05/15 16:31:48 - mmengine - INFO - Epoch(train) [72][ 820/1879] lr: 2.0000e-03 eta: 12:57:11 time: 0.8011 data_time: 0.0294 memory: 9812 grad_norm: 3.3304 loss: 2.1645 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1585 distill.loss_dist: 1.0059 2023/05/15 16:32:05 - mmengine - INFO - Epoch(train) [72][ 840/1879] lr: 2.0000e-03 eta: 12:56:53 time: 0.8366 data_time: 0.0312 memory: 9812 grad_norm: 3.2968 loss: 2.1855 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1451 distill.loss_dist: 1.0404 2023/05/15 16:32:24 - mmengine - INFO - Epoch(train) [72][ 860/1879] lr: 2.0000e-03 eta: 12:56:37 time: 0.9511 data_time: 0.0286 memory: 9812 grad_norm: 3.2760 loss: 2.2810 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2595 distill.loss_dist: 1.0215 2023/05/15 16:32:41 - mmengine - INFO - Epoch(train) [72][ 880/1879] lr: 2.0000e-03 eta: 12:56:19 time: 0.8553 data_time: 0.0244 memory: 9812 grad_norm: 3.3853 loss: 2.2658 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2367 distill.loss_dist: 1.0292 2023/05/15 16:32:58 - mmengine - INFO - Epoch(train) [72][ 900/1879] lr: 2.0000e-03 eta: 12:56:02 time: 0.8420 data_time: 0.0294 memory: 9812 grad_norm: 3.3887 loss: 2.2368 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2113 distill.loss_dist: 1.0255 2023/05/15 16:33:16 - mmengine - INFO - Epoch(train) [72][ 920/1879] lr: 2.0000e-03 eta: 12:55:45 time: 0.9354 data_time: 0.0256 memory: 9812 grad_norm: 3.3467 loss: 2.1968 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1573 distill.loss_dist: 1.0395 2023/05/15 16:33:32 - mmengine - INFO - Epoch(train) [72][ 940/1879] lr: 2.0000e-03 eta: 12:55:27 time: 0.7827 data_time: 0.0246 memory: 9812 grad_norm: 3.3292 loss: 2.1487 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1377 distill.loss_dist: 1.0110 2023/05/15 16:33:49 - mmengine - INFO - Epoch(train) [72][ 960/1879] lr: 2.0000e-03 eta: 12:55:09 time: 0.8287 data_time: 0.0281 memory: 9812 grad_norm: 3.4146 loss: 2.1016 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0682 distill.loss_dist: 1.0334 2023/05/15 16:34:08 - mmengine - INFO - Epoch(train) [72][ 980/1879] lr: 2.0000e-03 eta: 12:54:52 time: 0.9673 data_time: 0.0287 memory: 9812 grad_norm: 3.3503 loss: 2.2449 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2133 distill.loss_dist: 1.0316 2023/05/15 16:34:25 - mmengine - INFO - Epoch(train) [72][1000/1879] lr: 2.0000e-03 eta: 12:54:35 time: 0.8324 data_time: 0.0269 memory: 9812 grad_norm: 3.2914 loss: 2.2244 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1743 distill.loss_dist: 1.0501 2023/05/15 16:34:42 - mmengine - INFO - Epoch(train) [72][1020/1879] lr: 2.0000e-03 eta: 12:54:17 time: 0.8641 data_time: 0.0278 memory: 9812 grad_norm: 3.4018 loss: 2.2835 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2204 distill.loss_dist: 1.0631 2023/05/15 16:35:01 - mmengine - INFO - Epoch(train) [72][1040/1879] lr: 2.0000e-03 eta: 12:54:00 time: 0.9242 data_time: 0.0269 memory: 9812 grad_norm: 3.2609 loss: 2.1734 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1554 distill.loss_dist: 1.0180 2023/05/15 16:35:16 - mmengine - INFO - Epoch(train) [72][1060/1879] lr: 2.0000e-03 eta: 12:53:42 time: 0.7682 data_time: 0.0278 memory: 9812 grad_norm: 3.3805 loss: 2.3291 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2818 distill.loss_dist: 1.0473 2023/05/15 16:35:32 - mmengine - INFO - Epoch(train) [72][1080/1879] lr: 2.0000e-03 eta: 12:53:24 time: 0.8211 data_time: 0.0258 memory: 9812 grad_norm: 3.4453 loss: 2.3249 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2877 distill.loss_dist: 1.0373 2023/05/15 16:35:51 - mmengine - INFO - Epoch(train) [72][1100/1879] lr: 2.0000e-03 eta: 12:53:08 time: 0.9439 data_time: 0.0265 memory: 9812 grad_norm: 3.3427 loss: 2.4181 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3691 distill.loss_dist: 1.0490 2023/05/15 16:36:08 - mmengine - INFO - Epoch(train) [72][1120/1879] lr: 2.0000e-03 eta: 12:52:50 time: 0.8471 data_time: 0.0286 memory: 9812 grad_norm: 3.2521 loss: 2.3417 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3332 distill.loss_dist: 1.0085 2023/05/15 16:36:25 - mmengine - INFO - Epoch(train) [72][1140/1879] lr: 2.0000e-03 eta: 12:52:32 time: 0.8400 data_time: 0.0281 memory: 9812 grad_norm: 3.3461 loss: 2.2265 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1682 distill.loss_dist: 1.0582 2023/05/15 16:36:44 - mmengine - INFO - Epoch(train) [72][1160/1879] lr: 2.0000e-03 eta: 12:52:16 time: 0.9401 data_time: 0.0280 memory: 9812 grad_norm: 3.3876 loss: 2.2139 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1706 distill.loss_dist: 1.0433 2023/05/15 16:37:00 - mmengine - INFO - Epoch(train) [72][1180/1879] lr: 2.0000e-03 eta: 12:51:58 time: 0.8268 data_time: 0.0269 memory: 9812 grad_norm: 3.2994 loss: 2.1439 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1124 distill.loss_dist: 1.0315 2023/05/15 16:37:17 - mmengine - INFO - Epoch(train) [72][1200/1879] lr: 2.0000e-03 eta: 12:51:40 time: 0.8308 data_time: 0.1773 memory: 9812 grad_norm: 3.4406 loss: 2.1578 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1245 distill.loss_dist: 1.0333 2023/05/15 16:37:36 - mmengine - INFO - Epoch(train) [72][1220/1879] lr: 2.0000e-03 eta: 12:51:23 time: 0.9217 data_time: 0.1165 memory: 9812 grad_norm: 3.3671 loss: 2.2903 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2389 distill.loss_dist: 1.0514 2023/05/15 16:37:53 - mmengine - INFO - Epoch(train) [72][1240/1879] lr: 2.0000e-03 eta: 12:51:06 time: 0.8898 data_time: 0.0841 memory: 9812 grad_norm: 3.3617 loss: 2.0810 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0678 distill.loss_dist: 1.0131 2023/05/15 16:38:09 - mmengine - INFO - Epoch(train) [72][1260/1879] lr: 2.0000e-03 eta: 12:50:48 time: 0.7948 data_time: 0.0426 memory: 9812 grad_norm: 3.3532 loss: 2.2470 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2030 distill.loss_dist: 1.0440 2023/05/15 16:38:29 - mmengine - INFO - Epoch(train) [72][1280/1879] lr: 2.0000e-03 eta: 12:50:31 time: 0.9621 data_time: 0.0525 memory: 9812 grad_norm: 3.4434 loss: 2.2107 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2043 distill.loss_dist: 1.0064 2023/05/15 16:38:46 - mmengine - INFO - Epoch(train) [72][1300/1879] lr: 2.0000e-03 eta: 12:50:14 time: 0.8582 data_time: 0.0283 memory: 9812 grad_norm: 3.2911 loss: 2.0315 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0428 distill.loss_dist: 0.9887 2023/05/15 16:39:03 - mmengine - INFO - Epoch(train) [72][1320/1879] lr: 2.0000e-03 eta: 12:49:57 time: 0.8720 data_time: 0.2117 memory: 9812 grad_norm: 3.4013 loss: 2.2611 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2438 distill.loss_dist: 1.0173 2023/05/15 16:39:20 - mmengine - INFO - Epoch(train) [72][1340/1879] lr: 2.0000e-03 eta: 12:49:39 time: 0.8340 data_time: 0.3558 memory: 9812 grad_norm: 3.3439 loss: 2.1715 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1308 distill.loss_dist: 1.0407 2023/05/15 16:39:38 - mmengine - INFO - Epoch(train) [72][1360/1879] lr: 2.0000e-03 eta: 12:49:22 time: 0.9076 data_time: 0.4752 memory: 9812 grad_norm: 3.4316 loss: 2.3867 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.3326 distill.loss_dist: 1.0541 2023/05/15 16:39:55 - mmengine - INFO - Epoch(train) [72][1380/1879] lr: 2.0000e-03 eta: 12:49:04 time: 0.8524 data_time: 0.3969 memory: 9812 grad_norm: 3.3372 loss: 2.3273 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2814 distill.loss_dist: 1.0460 2023/05/15 16:40:12 - mmengine - INFO - Epoch(train) [72][1400/1879] lr: 2.0000e-03 eta: 12:48:47 time: 0.8618 data_time: 0.2413 memory: 9812 grad_norm: 3.2782 loss: 2.2294 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1964 distill.loss_dist: 1.0330 2023/05/15 16:40:30 - mmengine - INFO - Epoch(train) [72][1420/1879] lr: 2.0000e-03 eta: 12:48:30 time: 0.8997 data_time: 0.0876 memory: 9812 grad_norm: 3.3007 loss: 2.0881 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0441 distill.loss_dist: 1.0440 2023/05/15 16:40:47 - mmengine - INFO - Epoch(train) [72][1440/1879] lr: 2.0000e-03 eta: 12:48:12 time: 0.8300 data_time: 0.0240 memory: 9812 grad_norm: 3.2609 loss: 1.9495 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9334 distill.loss_dist: 1.0161 2023/05/15 16:41:06 - mmengine - INFO - Epoch(train) [72][1460/1879] lr: 2.0000e-03 eta: 12:47:55 time: 0.9312 data_time: 0.0252 memory: 9812 grad_norm: 3.3490 loss: 2.3171 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2723 distill.loss_dist: 1.0448 2023/05/15 16:41:22 - mmengine - INFO - Epoch(train) [72][1480/1879] lr: 2.0000e-03 eta: 12:47:38 time: 0.8321 data_time: 0.0257 memory: 9812 grad_norm: 3.3712 loss: 2.2652 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2146 distill.loss_dist: 1.0506 2023/05/15 16:41:39 - mmengine - INFO - Epoch(train) [72][1500/1879] lr: 2.0000e-03 eta: 12:47:20 time: 0.8330 data_time: 0.0301 memory: 9812 grad_norm: 3.3729 loss: 2.3410 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2878 distill.loss_dist: 1.0532 2023/05/15 16:41:57 - mmengine - INFO - Epoch(train) [72][1520/1879] lr: 2.0000e-03 eta: 12:47:03 time: 0.9009 data_time: 0.0244 memory: 9812 grad_norm: 3.3757 loss: 2.0886 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0552 distill.loss_dist: 1.0334 2023/05/15 16:42:15 - mmengine - INFO - Epoch(train) [72][1540/1879] lr: 2.0000e-03 eta: 12:46:46 time: 0.8961 data_time: 0.0247 memory: 9812 grad_norm: 3.3531 loss: 2.2380 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2173 distill.loss_dist: 1.0208 2023/05/15 16:42:32 - mmengine - INFO - Epoch(train) [72][1560/1879] lr: 2.0000e-03 eta: 12:46:28 time: 0.8597 data_time: 0.0276 memory: 9812 grad_norm: 3.4199 loss: 2.1310 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1035 distill.loss_dist: 1.0275 2023/05/15 16:42:50 - mmengine - INFO - Epoch(train) [72][1580/1879] lr: 2.0000e-03 eta: 12:46:11 time: 0.8896 data_time: 0.0288 memory: 9812 grad_norm: 3.3515 loss: 2.2768 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2467 distill.loss_dist: 1.0301 2023/05/15 16:43:00 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 16:43:06 - mmengine - INFO - Epoch(train) [72][1600/1879] lr: 2.0000e-03 eta: 12:45:53 time: 0.8050 data_time: 0.0301 memory: 9812 grad_norm: 3.4029 loss: 2.2547 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2187 distill.loss_dist: 1.0360 2023/05/15 16:43:23 - mmengine - INFO - Epoch(train) [72][1620/1879] lr: 2.0000e-03 eta: 12:45:35 time: 0.8221 data_time: 0.0285 memory: 9812 grad_norm: 3.3526 loss: 2.4429 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3879 distill.loss_dist: 1.0550 2023/05/15 16:43:41 - mmengine - INFO - Epoch(train) [72][1640/1879] lr: 2.0000e-03 eta: 12:45:18 time: 0.9075 data_time: 0.1285 memory: 9812 grad_norm: 3.3456 loss: 2.3582 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3370 distill.loss_dist: 1.0212 2023/05/15 16:43:58 - mmengine - INFO - Epoch(train) [72][1660/1879] lr: 2.0000e-03 eta: 12:45:01 time: 0.8810 data_time: 0.1615 memory: 9812 grad_norm: 3.3122 loss: 2.2629 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2399 distill.loss_dist: 1.0230 2023/05/15 16:44:14 - mmengine - INFO - Epoch(train) [72][1680/1879] lr: 2.0000e-03 eta: 12:44:43 time: 0.7952 data_time: 0.2644 memory: 9812 grad_norm: 3.3482 loss: 2.2059 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1742 distill.loss_dist: 1.0317 2023/05/15 16:44:33 - mmengine - INFO - Epoch(train) [72][1700/1879] lr: 2.0000e-03 eta: 12:44:26 time: 0.9059 data_time: 0.2692 memory: 9812 grad_norm: 3.3982 loss: 2.1025 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0750 distill.loss_dist: 1.0275 2023/05/15 16:44:51 - mmengine - INFO - Epoch(train) [72][1720/1879] lr: 2.0000e-03 eta: 12:44:09 time: 0.9306 data_time: 0.0459 memory: 9812 grad_norm: 3.4119 loss: 2.1781 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1369 distill.loss_dist: 1.0412 2023/05/15 16:45:09 - mmengine - INFO - Epoch(train) [72][1740/1879] lr: 2.0000e-03 eta: 12:43:52 time: 0.9104 data_time: 0.2039 memory: 9812 grad_norm: 3.3427 loss: 2.2488 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2100 distill.loss_dist: 1.0388 2023/05/15 16:45:26 - mmengine - INFO - Epoch(train) [72][1760/1879] lr: 2.0000e-03 eta: 12:43:34 time: 0.8203 data_time: 0.1305 memory: 9812 grad_norm: 3.3996 loss: 2.2505 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1952 distill.loss_dist: 1.0552 2023/05/15 16:45:43 - mmengine - INFO - Epoch(train) [72][1780/1879] lr: 2.0000e-03 eta: 12:43:17 time: 0.8686 data_time: 0.0704 memory: 9812 grad_norm: 3.3201 loss: 2.3899 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3208 distill.loss_dist: 1.0691 2023/05/15 16:46:00 - mmengine - INFO - Epoch(train) [72][1800/1879] lr: 2.0000e-03 eta: 12:42:59 time: 0.8349 data_time: 0.1411 memory: 9812 grad_norm: 3.2885 loss: 2.1886 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1545 distill.loss_dist: 1.0341 2023/05/15 16:46:19 - mmengine - INFO - Epoch(train) [72][1820/1879] lr: 2.0000e-03 eta: 12:42:42 time: 0.9454 data_time: 0.0503 memory: 9812 grad_norm: 3.4688 loss: 2.3258 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2679 distill.loss_dist: 1.0579 2023/05/15 16:46:37 - mmengine - INFO - Epoch(train) [72][1840/1879] lr: 2.0000e-03 eta: 12:42:25 time: 0.8985 data_time: 0.0241 memory: 9812 grad_norm: 3.3132 loss: 2.0945 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0809 distill.loss_dist: 1.0136 2023/05/15 16:46:53 - mmengine - INFO - Epoch(train) [72][1860/1879] lr: 2.0000e-03 eta: 12:42:07 time: 0.8037 data_time: 0.0263 memory: 9812 grad_norm: 3.3650 loss: 2.1402 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0911 distill.loss_dist: 1.0492 2023/05/15 16:47:06 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 16:47:06 - mmengine - INFO - Epoch(train) [72][1879/1879] lr: 2.0000e-03 eta: 12:41:50 time: 0.6848 data_time: 0.0215 memory: 9812 grad_norm: 3.5117 loss: 2.1544 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1213 distill.loss_dist: 1.0331 2023/05/15 16:47:06 - mmengine - INFO - Saving checkpoint at 72 epochs 2023/05/15 16:47:27 - mmengine - INFO - Epoch(val) [72][ 20/155] eta: 0:02:13 time: 0.9857 data_time: 0.9244 memory: 1484 2023/05/15 16:47:42 - mmengine - INFO - Epoch(val) [72][ 40/155] eta: 0:01:37 time: 0.7156 data_time: 0.6238 memory: 1484 2023/05/15 16:47:59 - mmengine - INFO - Epoch(val) [72][ 60/155] eta: 0:01:21 time: 0.8800 data_time: 0.8149 memory: 1484 2023/05/15 16:48:13 - mmengine - INFO - Epoch(val) [72][ 80/155] eta: 0:01:01 time: 0.7091 data_time: 0.6477 memory: 1484 2023/05/15 16:48:32 - mmengine - INFO - Epoch(val) [72][100/155] eta: 0:00:46 time: 0.9464 data_time: 0.8830 memory: 1484 2023/05/15 16:48:45 - mmengine - INFO - Epoch(val) [72][120/155] eta: 0:00:28 time: 0.6394 data_time: 0.5749 memory: 1484 2023/05/15 16:49:03 - mmengine - INFO - Epoch(val) [72][140/155] eta: 0:00:12 time: 0.9182 data_time: 0.8519 memory: 1484 2023/05/15 16:49:33 - mmengine - INFO - Epoch(val) [72][ 20/155] eta: 0:16:10 time: 0.9967 data_time: 0.8441 memory: 1582 2023/05/15 16:49:47 - mmengine - INFO - Epoch(val) [72][ 40/155] eta: 0:07:33 time: 0.7060 data_time: 0.5481 memory: 1582 2023/05/15 16:50:05 - mmengine - INFO - Epoch(val) [72][ 60/155] eta: 0:04:38 time: 0.8989 data_time: 0.7475 memory: 1582 2023/05/15 16:50:20 - mmengine - INFO - Epoch(val) [72][ 80/155] eta: 0:02:58 time: 0.7552 data_time: 0.6025 memory: 1582 2023/05/15 16:50:38 - mmengine - INFO - Epoch(val) [72][100/155] eta: 0:01:54 time: 0.8721 data_time: 0.7185 memory: 1582 2023/05/15 16:50:53 - mmengine - INFO - Epoch(val) [72][120/155] eta: 0:01:05 time: 0.7367 data_time: 0.5848 memory: 1582 2023/05/15 16:51:11 - mmengine - INFO - Epoch(val) [72][140/155] eta: 0:00:25 time: 0.9358 data_time: 0.7813 memory: 1582 2023/05/15 16:51:22 - mmengine - INFO - Epoch(val) [72][155/155] acc/top1: 0.6764 acc/top5: 0.8784 acc/mean1: 0.6764 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6625 time: 0.8139 2023/05/15 16:51:44 - mmengine - INFO - Epoch(train) [73][ 20/1879] lr: 2.0000e-03 eta: 12:41:34 time: 1.1109 data_time: 0.3428 memory: 9812 grad_norm: 3.3899 loss: 2.3022 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2626 distill.loss_dist: 1.0396 2023/05/15 16:52:02 - mmengine - INFO - Epoch(train) [73][ 40/1879] lr: 2.0000e-03 eta: 12:41:17 time: 0.8920 data_time: 0.0944 memory: 9812 grad_norm: 3.3862 loss: 2.2255 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1794 distill.loss_dist: 1.0461 2023/05/15 16:52:18 - mmengine - INFO - Epoch(train) [73][ 60/1879] lr: 2.0000e-03 eta: 12:40:59 time: 0.8055 data_time: 0.0281 memory: 9812 grad_norm: 3.3322 loss: 2.3120 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2883 distill.loss_dist: 1.0237 2023/05/15 16:52:38 - mmengine - INFO - Epoch(train) [73][ 80/1879] lr: 2.0000e-03 eta: 12:40:43 time: 0.9846 data_time: 0.0281 memory: 9812 grad_norm: 3.2946 loss: 2.1094 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1077 distill.loss_dist: 1.0017 2023/05/15 16:52:55 - mmengine - INFO - Epoch(train) [73][ 100/1879] lr: 2.0000e-03 eta: 12:40:25 time: 0.8428 data_time: 0.0290 memory: 9812 grad_norm: 3.3777 loss: 2.3242 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3008 distill.loss_dist: 1.0234 2023/05/15 16:53:11 - mmengine - INFO - Epoch(train) [73][ 120/1879] lr: 2.0000e-03 eta: 12:40:07 time: 0.8023 data_time: 0.0269 memory: 9812 grad_norm: 3.3227 loss: 2.1450 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1194 distill.loss_dist: 1.0257 2023/05/15 16:53:30 - mmengine - INFO - Epoch(train) [73][ 140/1879] lr: 2.0000e-03 eta: 12:39:50 time: 0.9439 data_time: 0.0313 memory: 9812 grad_norm: 3.3134 loss: 2.0209 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0230 distill.loss_dist: 0.9979 2023/05/15 16:53:47 - mmengine - INFO - Epoch(train) [73][ 160/1879] lr: 2.0000e-03 eta: 12:39:33 time: 0.8467 data_time: 0.0255 memory: 9812 grad_norm: 3.3859 loss: 2.1566 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1565 distill.loss_dist: 1.0002 2023/05/15 16:54:03 - mmengine - INFO - Epoch(train) [73][ 180/1879] lr: 2.0000e-03 eta: 12:39:15 time: 0.8077 data_time: 0.0262 memory: 9812 grad_norm: 3.4159 loss: 2.3928 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3771 distill.loss_dist: 1.0157 2023/05/15 16:54:21 - mmengine - INFO - Epoch(train) [73][ 200/1879] lr: 2.0000e-03 eta: 12:38:58 time: 0.8932 data_time: 0.0253 memory: 9812 grad_norm: 3.3950 loss: 2.2199 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1700 distill.loss_dist: 1.0499 2023/05/15 16:54:38 - mmengine - INFO - Epoch(train) [73][ 220/1879] lr: 2.0000e-03 eta: 12:38:40 time: 0.8658 data_time: 0.0264 memory: 9812 grad_norm: 3.3099 loss: 2.1685 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1536 distill.loss_dist: 1.0149 2023/05/15 16:54:54 - mmengine - INFO - Epoch(train) [73][ 240/1879] lr: 2.0000e-03 eta: 12:38:22 time: 0.7930 data_time: 0.0250 memory: 9812 grad_norm: 3.3379 loss: 2.3254 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2763 distill.loss_dist: 1.0491 2023/05/15 16:55:14 - mmengine - INFO - Epoch(train) [73][ 260/1879] lr: 2.0000e-03 eta: 12:38:06 time: 1.0048 data_time: 0.0256 memory: 9812 grad_norm: 3.3672 loss: 2.3695 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.3112 distill.loss_dist: 1.0584 2023/05/15 16:55:30 - mmengine - INFO - Epoch(train) [73][ 280/1879] lr: 2.0000e-03 eta: 12:37:48 time: 0.7909 data_time: 0.0260 memory: 9812 grad_norm: 3.3561 loss: 2.1151 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0902 distill.loss_dist: 1.0249 2023/05/15 16:55:45 - mmengine - INFO - Epoch(train) [73][ 300/1879] lr: 2.0000e-03 eta: 12:37:30 time: 0.7568 data_time: 0.0275 memory: 9812 grad_norm: 3.3663 loss: 2.1274 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1214 distill.loss_dist: 1.0060 2023/05/15 16:56:04 - mmengine - INFO - Epoch(train) [73][ 320/1879] lr: 2.0000e-03 eta: 12:37:13 time: 0.9462 data_time: 0.0281 memory: 9812 grad_norm: 3.4628 loss: 2.2275 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1863 distill.loss_dist: 1.0412 2023/05/15 16:56:20 - mmengine - INFO - Epoch(train) [73][ 340/1879] lr: 2.0000e-03 eta: 12:36:55 time: 0.8197 data_time: 0.0260 memory: 9812 grad_norm: 3.3110 loss: 1.9787 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 0.9749 distill.loss_dist: 1.0038 2023/05/15 16:56:37 - mmengine - INFO - Epoch(train) [73][ 360/1879] lr: 2.0000e-03 eta: 12:36:38 time: 0.8453 data_time: 0.0372 memory: 9812 grad_norm: 3.3014 loss: 2.2787 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.2624 distill.loss_dist: 1.0162 2023/05/15 16:56:54 - mmengine - INFO - Epoch(train) [73][ 380/1879] lr: 2.0000e-03 eta: 12:36:20 time: 0.8599 data_time: 0.0409 memory: 9812 grad_norm: 3.3000 loss: 2.0562 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0613 distill.loss_dist: 0.9949 2023/05/15 16:57:13 - mmengine - INFO - Epoch(train) [73][ 400/1879] lr: 2.0000e-03 eta: 12:36:03 time: 0.9313 data_time: 0.0265 memory: 9812 grad_norm: 3.3896 loss: 2.0229 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9947 distill.loss_dist: 1.0282 2023/05/15 16:57:30 - mmengine - INFO - Epoch(train) [73][ 420/1879] lr: 2.0000e-03 eta: 12:35:46 time: 0.8225 data_time: 0.0294 memory: 9812 grad_norm: 3.3477 loss: 1.9757 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9496 distill.loss_dist: 1.0261 2023/05/15 16:57:48 - mmengine - INFO - Epoch(train) [73][ 440/1879] lr: 2.0000e-03 eta: 12:35:29 time: 0.9033 data_time: 0.0245 memory: 9812 grad_norm: 3.4078 loss: 2.2241 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.1825 distill.loss_dist: 1.0416 2023/05/15 16:58:06 - mmengine - INFO - Epoch(train) [73][ 460/1879] lr: 2.0000e-03 eta: 12:35:12 time: 0.9081 data_time: 0.0262 memory: 9812 grad_norm: 3.3162 loss: 2.2248 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1730 distill.loss_dist: 1.0517 2023/05/15 16:58:23 - mmengine - INFO - Epoch(train) [73][ 480/1879] lr: 2.0000e-03 eta: 12:34:54 time: 0.8830 data_time: 0.0294 memory: 9812 grad_norm: 3.3931 loss: 2.2297 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1928 distill.loss_dist: 1.0369 2023/05/15 16:58:40 - mmengine - INFO - Epoch(train) [73][ 500/1879] lr: 2.0000e-03 eta: 12:34:36 time: 0.8130 data_time: 0.0273 memory: 9812 grad_norm: 3.4304 loss: 2.1520 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1378 distill.loss_dist: 1.0142 2023/05/15 16:58:58 - mmengine - INFO - Epoch(train) [73][ 520/1879] lr: 2.0000e-03 eta: 12:34:19 time: 0.9207 data_time: 0.0269 memory: 9812 grad_norm: 3.3989 loss: 2.0720 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0301 distill.loss_dist: 1.0419 2023/05/15 16:59:15 - mmengine - INFO - Epoch(train) [73][ 540/1879] lr: 2.0000e-03 eta: 12:34:02 time: 0.8162 data_time: 0.0290 memory: 9812 grad_norm: 3.3635 loss: 2.1654 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1226 distill.loss_dist: 1.0428 2023/05/15 16:59:31 - mmengine - INFO - Epoch(train) [73][ 560/1879] lr: 2.0000e-03 eta: 12:33:44 time: 0.8210 data_time: 0.0301 memory: 9812 grad_norm: 3.3749 loss: 2.2228 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1844 distill.loss_dist: 1.0384 2023/05/15 16:59:51 - mmengine - INFO - Epoch(train) [73][ 580/1879] lr: 2.0000e-03 eta: 12:33:28 time: 0.9960 data_time: 0.0283 memory: 9812 grad_norm: 3.2955 loss: 2.3612 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2878 distill.loss_dist: 1.0734 2023/05/15 17:00:07 - mmengine - INFO - Epoch(train) [73][ 600/1879] lr: 2.0000e-03 eta: 12:33:10 time: 0.8126 data_time: 0.0299 memory: 9812 grad_norm: 3.3955 loss: 2.3415 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3232 distill.loss_dist: 1.0183 2023/05/15 17:00:23 - mmengine - INFO - Epoch(train) [73][ 620/1879] lr: 2.0000e-03 eta: 12:32:52 time: 0.7993 data_time: 0.0282 memory: 9812 grad_norm: 3.3636 loss: 2.2210 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2055 distill.loss_dist: 1.0156 2023/05/15 17:00:42 - mmengine - INFO - Epoch(train) [73][ 640/1879] lr: 2.0000e-03 eta: 12:32:35 time: 0.9419 data_time: 0.0266 memory: 9812 grad_norm: 3.3329 loss: 2.3200 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2587 distill.loss_dist: 1.0614 2023/05/15 17:00:59 - mmengine - INFO - Epoch(train) [73][ 660/1879] lr: 2.0000e-03 eta: 12:32:18 time: 0.8598 data_time: 0.0248 memory: 9812 grad_norm: 3.3112 loss: 2.1172 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0906 distill.loss_dist: 1.0266 2023/05/15 17:01:16 - mmengine - INFO - Epoch(train) [73][ 680/1879] lr: 2.0000e-03 eta: 12:32:00 time: 0.8340 data_time: 0.0256 memory: 9812 grad_norm: 3.3967 loss: 2.1947 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1671 distill.loss_dist: 1.0276 2023/05/15 17:01:35 - mmengine - INFO - Epoch(train) [73][ 700/1879] lr: 2.0000e-03 eta: 12:31:43 time: 0.9320 data_time: 0.0253 memory: 9812 grad_norm: 3.3714 loss: 2.0682 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0510 distill.loss_dist: 1.0172 2023/05/15 17:01:46 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 17:01:52 - mmengine - INFO - Epoch(train) [73][ 720/1879] lr: 2.0000e-03 eta: 12:31:26 time: 0.8485 data_time: 0.0241 memory: 9812 grad_norm: 3.3017 loss: 2.2284 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1961 distill.loss_dist: 1.0322 2023/05/15 17:02:08 - mmengine - INFO - Epoch(train) [73][ 740/1879] lr: 2.0000e-03 eta: 12:31:08 time: 0.8373 data_time: 0.0271 memory: 9812 grad_norm: 3.3610 loss: 2.4412 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3970 distill.loss_dist: 1.0442 2023/05/15 17:02:28 - mmengine - INFO - Epoch(train) [73][ 760/1879] lr: 2.0000e-03 eta: 12:30:51 time: 0.9826 data_time: 0.0236 memory: 9812 grad_norm: 3.3487 loss: 2.0168 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9917 distill.loss_dist: 1.0251 2023/05/15 17:02:44 - mmengine - INFO - Epoch(train) [73][ 780/1879] lr: 2.0000e-03 eta: 12:30:33 time: 0.8014 data_time: 0.0280 memory: 9812 grad_norm: 3.3374 loss: 2.3184 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.3016 distill.loss_dist: 1.0168 2023/05/15 17:03:01 - mmengine - INFO - Epoch(train) [73][ 800/1879] lr: 2.0000e-03 eta: 12:30:16 time: 0.8372 data_time: 0.0262 memory: 9812 grad_norm: 3.3940 loss: 2.1207 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0891 distill.loss_dist: 1.0316 2023/05/15 17:03:19 - mmengine - INFO - Epoch(train) [73][ 820/1879] lr: 2.0000e-03 eta: 12:29:59 time: 0.9093 data_time: 0.0269 memory: 9812 grad_norm: 3.4476 loss: 2.3333 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2696 distill.loss_dist: 1.0638 2023/05/15 17:03:36 - mmengine - INFO - Epoch(train) [73][ 840/1879] lr: 2.0000e-03 eta: 12:29:41 time: 0.8329 data_time: 0.0287 memory: 9812 grad_norm: 3.2997 loss: 2.2140 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1739 distill.loss_dist: 1.0401 2023/05/15 17:03:53 - mmengine - INFO - Epoch(train) [73][ 860/1879] lr: 2.0000e-03 eta: 12:29:24 time: 0.8382 data_time: 0.0263 memory: 9812 grad_norm: 3.3454 loss: 2.3101 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2677 distill.loss_dist: 1.0424 2023/05/15 17:04:11 - mmengine - INFO - Epoch(train) [73][ 880/1879] lr: 2.0000e-03 eta: 12:29:06 time: 0.9110 data_time: 0.0259 memory: 9812 grad_norm: 3.3972 loss: 2.2081 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1727 distill.loss_dist: 1.0355 2023/05/15 17:04:27 - mmengine - INFO - Epoch(train) [73][ 900/1879] lr: 2.0000e-03 eta: 12:28:49 time: 0.8099 data_time: 0.0286 memory: 9812 grad_norm: 3.3373 loss: 2.1748 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1581 distill.loss_dist: 1.0167 2023/05/15 17:04:44 - mmengine - INFO - Epoch(train) [73][ 920/1879] lr: 2.0000e-03 eta: 12:28:31 time: 0.8327 data_time: 0.0236 memory: 9812 grad_norm: 3.3999 loss: 2.1833 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1570 distill.loss_dist: 1.0263 2023/05/15 17:05:02 - mmengine - INFO - Epoch(train) [73][ 940/1879] lr: 2.0000e-03 eta: 12:28:14 time: 0.9021 data_time: 0.0284 memory: 9812 grad_norm: 3.3609 loss: 1.8874 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.8959 distill.loss_dist: 0.9915 2023/05/15 17:05:21 - mmengine - INFO - Epoch(train) [73][ 960/1879] lr: 2.0000e-03 eta: 12:27:57 time: 0.9590 data_time: 0.0275 memory: 9812 grad_norm: 3.3252 loss: 2.1491 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1052 distill.loss_dist: 1.0440 2023/05/15 17:05:37 - mmengine - INFO - Epoch(train) [73][ 980/1879] lr: 2.0000e-03 eta: 12:27:39 time: 0.8080 data_time: 0.0256 memory: 9812 grad_norm: 3.4469 loss: 2.2260 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2093 distill.loss_dist: 1.0167 2023/05/15 17:05:55 - mmengine - INFO - Epoch(train) [73][1000/1879] lr: 2.0000e-03 eta: 12:27:22 time: 0.8747 data_time: 0.0296 memory: 9812 grad_norm: 3.3884 loss: 2.1742 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1620 distill.loss_dist: 1.0122 2023/05/15 17:06:13 - mmengine - INFO - Epoch(train) [73][1020/1879] lr: 2.0000e-03 eta: 12:27:05 time: 0.9438 data_time: 0.0262 memory: 9812 grad_norm: 3.3027 loss: 2.1736 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1339 distill.loss_dist: 1.0397 2023/05/15 17:06:30 - mmengine - INFO - Epoch(train) [73][1040/1879] lr: 2.0000e-03 eta: 12:26:48 time: 0.8346 data_time: 0.0281 memory: 9812 grad_norm: 3.4050 loss: 2.1778 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1605 distill.loss_dist: 1.0173 2023/05/15 17:06:47 - mmengine - INFO - Epoch(train) [73][1060/1879] lr: 2.0000e-03 eta: 12:26:30 time: 0.8179 data_time: 0.0258 memory: 9812 grad_norm: 3.3639 loss: 2.2691 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2485 distill.loss_dist: 1.0206 2023/05/15 17:07:06 - mmengine - INFO - Epoch(train) [73][1080/1879] lr: 2.0000e-03 eta: 12:26:13 time: 0.9528 data_time: 0.0272 memory: 9812 grad_norm: 3.3862 loss: 2.3213 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2766 distill.loss_dist: 1.0447 2023/05/15 17:07:22 - mmengine - INFO - Epoch(train) [73][1100/1879] lr: 2.0000e-03 eta: 12:25:55 time: 0.8053 data_time: 0.0289 memory: 9812 grad_norm: 3.3637 loss: 2.1692 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1414 distill.loss_dist: 1.0278 2023/05/15 17:07:38 - mmengine - INFO - Epoch(train) [73][1120/1879] lr: 2.0000e-03 eta: 12:25:38 time: 0.8244 data_time: 0.0278 memory: 9812 grad_norm: 3.4463 loss: 2.2880 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2488 distill.loss_dist: 1.0392 2023/05/15 17:07:58 - mmengine - INFO - Epoch(train) [73][1140/1879] lr: 2.0000e-03 eta: 12:25:21 time: 0.9806 data_time: 0.0253 memory: 9812 grad_norm: 3.3165 loss: 2.1489 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1156 distill.loss_dist: 1.0333 2023/05/15 17:08:14 - mmengine - INFO - Epoch(train) [73][1160/1879] lr: 2.0000e-03 eta: 12:25:03 time: 0.8176 data_time: 0.0273 memory: 9812 grad_norm: 3.3427 loss: 2.3147 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2769 distill.loss_dist: 1.0378 2023/05/15 17:08:31 - mmengine - INFO - Epoch(train) [73][1180/1879] lr: 2.0000e-03 eta: 12:24:46 time: 0.8450 data_time: 0.0270 memory: 9812 grad_norm: 3.4223 loss: 2.3039 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2668 distill.loss_dist: 1.0371 2023/05/15 17:08:49 - mmengine - INFO - Epoch(train) [73][1200/1879] lr: 2.0000e-03 eta: 12:24:29 time: 0.9065 data_time: 0.0281 memory: 9812 grad_norm: 3.3192 loss: 2.0766 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0671 distill.loss_dist: 1.0094 2023/05/15 17:09:06 - mmengine - INFO - Epoch(train) [73][1220/1879] lr: 2.0000e-03 eta: 12:24:11 time: 0.8121 data_time: 0.0299 memory: 9812 grad_norm: 3.3804 loss: 2.3320 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2898 distill.loss_dist: 1.0423 2023/05/15 17:09:23 - mmengine - INFO - Epoch(train) [73][1240/1879] lr: 2.0000e-03 eta: 12:23:53 time: 0.8608 data_time: 0.0271 memory: 9812 grad_norm: 3.4405 loss: 2.2189 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1717 distill.loss_dist: 1.0472 2023/05/15 17:09:40 - mmengine - INFO - Epoch(train) [73][1260/1879] lr: 2.0000e-03 eta: 12:23:36 time: 0.8338 data_time: 0.0270 memory: 9812 grad_norm: 3.3462 loss: 2.1207 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1024 distill.loss_dist: 1.0182 2023/05/15 17:09:57 - mmengine - INFO - Epoch(train) [73][1280/1879] lr: 2.0000e-03 eta: 12:23:18 time: 0.8830 data_time: 0.0285 memory: 9812 grad_norm: 3.4275 loss: 2.0787 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0695 distill.loss_dist: 1.0092 2023/05/15 17:10:16 - mmengine - INFO - Epoch(train) [73][1300/1879] lr: 2.0000e-03 eta: 12:23:02 time: 0.9571 data_time: 0.0279 memory: 9812 grad_norm: 3.3203 loss: 2.2280 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1927 distill.loss_dist: 1.0353 2023/05/15 17:10:33 - mmengine - INFO - Epoch(train) [73][1320/1879] lr: 2.0000e-03 eta: 12:22:44 time: 0.8500 data_time: 0.0272 memory: 9812 grad_norm: 3.3451 loss: 2.1243 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0971 distill.loss_dist: 1.0272 2023/05/15 17:10:49 - mmengine - INFO - Epoch(train) [73][1340/1879] lr: 2.0000e-03 eta: 12:22:26 time: 0.7912 data_time: 0.0253 memory: 9812 grad_norm: 3.3473 loss: 2.1813 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1362 distill.loss_dist: 1.0451 2023/05/15 17:11:08 - mmengine - INFO - Epoch(train) [73][1360/1879] lr: 2.0000e-03 eta: 12:22:09 time: 0.9177 data_time: 0.0280 memory: 9812 grad_norm: 3.3307 loss: 2.0606 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0645 distill.loss_dist: 0.9961 2023/05/15 17:11:24 - mmengine - INFO - Epoch(train) [73][1380/1879] lr: 2.0000e-03 eta: 12:21:51 time: 0.7980 data_time: 0.0765 memory: 9812 grad_norm: 3.3816 loss: 2.1850 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1569 distill.loss_dist: 1.0281 2023/05/15 17:11:40 - mmengine - INFO - Epoch(train) [73][1400/1879] lr: 2.0000e-03 eta: 12:21:34 time: 0.8424 data_time: 0.0248 memory: 9812 grad_norm: 3.3818 loss: 2.3251 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2837 distill.loss_dist: 1.0414 2023/05/15 17:12:00 - mmengine - INFO - Epoch(train) [73][1420/1879] lr: 2.0000e-03 eta: 12:21:17 time: 0.9512 data_time: 0.0960 memory: 9812 grad_norm: 3.3930 loss: 2.1832 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1468 distill.loss_dist: 1.0364 2023/05/15 17:12:17 - mmengine - INFO - Epoch(train) [73][1440/1879] lr: 2.0000e-03 eta: 12:21:00 time: 0.8772 data_time: 0.0619 memory: 9812 grad_norm: 3.4196 loss: 2.0956 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0575 distill.loss_dist: 1.0382 2023/05/15 17:12:33 - mmengine - INFO - Epoch(train) [73][1460/1879] lr: 2.0000e-03 eta: 12:20:42 time: 0.8031 data_time: 0.0818 memory: 9812 grad_norm: 3.3988 loss: 2.4288 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3770 distill.loss_dist: 1.0517 2023/05/15 17:12:51 - mmengine - INFO - Epoch(train) [73][1480/1879] lr: 2.0000e-03 eta: 12:20:25 time: 0.8910 data_time: 0.0996 memory: 9812 grad_norm: 3.3888 loss: 2.1598 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1108 distill.loss_dist: 1.0491 2023/05/15 17:13:09 - mmengine - INFO - Epoch(train) [73][1500/1879] lr: 2.0000e-03 eta: 12:20:07 time: 0.8812 data_time: 0.2456 memory: 9812 grad_norm: 3.3993 loss: 2.2218 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1866 distill.loss_dist: 1.0352 2023/05/15 17:13:27 - mmengine - INFO - Epoch(train) [73][1520/1879] lr: 2.0000e-03 eta: 12:19:50 time: 0.8967 data_time: 0.0242 memory: 9812 grad_norm: 3.3578 loss: 2.2255 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2126 distill.loss_dist: 1.0129 2023/05/15 17:13:43 - mmengine - INFO - Epoch(train) [73][1540/1879] lr: 2.0000e-03 eta: 12:19:32 time: 0.8201 data_time: 0.1594 memory: 9812 grad_norm: 3.3450 loss: 2.1882 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1418 distill.loss_dist: 1.0464 2023/05/15 17:14:02 - mmengine - INFO - Epoch(train) [73][1560/1879] lr: 2.0000e-03 eta: 12:19:15 time: 0.9348 data_time: 0.2307 memory: 9812 grad_norm: 3.4045 loss: 2.2009 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1726 distill.loss_dist: 1.0284 2023/05/15 17:14:18 - mmengine - INFO - Epoch(train) [73][1580/1879] lr: 2.0000e-03 eta: 12:18:58 time: 0.8155 data_time: 0.3303 memory: 9812 grad_norm: 3.3144 loss: 2.3153 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2816 distill.loss_dist: 1.0338 2023/05/15 17:14:35 - mmengine - INFO - Epoch(train) [73][1600/1879] lr: 2.0000e-03 eta: 12:18:40 time: 0.8427 data_time: 0.3952 memory: 9812 grad_norm: 3.3678 loss: 2.0672 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0565 distill.loss_dist: 1.0106 2023/05/15 17:14:53 - mmengine - INFO - Epoch(train) [73][1620/1879] lr: 2.0000e-03 eta: 12:18:23 time: 0.9203 data_time: 0.4718 memory: 9812 grad_norm: 3.3906 loss: 2.3468 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2946 distill.loss_dist: 1.0521 2023/05/15 17:15:11 - mmengine - INFO - Epoch(train) [73][1640/1879] lr: 2.0000e-03 eta: 12:18:06 time: 0.8689 data_time: 0.4295 memory: 9812 grad_norm: 3.4755 loss: 2.2496 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2415 distill.loss_dist: 1.0082 2023/05/15 17:15:27 - mmengine - INFO - Epoch(train) [73][1660/1879] lr: 2.0000e-03 eta: 12:17:48 time: 0.8140 data_time: 0.3749 memory: 9812 grad_norm: 3.3300 loss: 2.1086 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0843 distill.loss_dist: 1.0243 2023/05/15 17:15:46 - mmengine - INFO - Epoch(train) [73][1680/1879] lr: 2.0000e-03 eta: 12:17:31 time: 0.9227 data_time: 0.4115 memory: 9812 grad_norm: 3.4950 loss: 2.2428 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2029 distill.loss_dist: 1.0399 2023/05/15 17:16:02 - mmengine - INFO - Epoch(train) [73][1700/1879] lr: 2.0000e-03 eta: 12:17:13 time: 0.8081 data_time: 0.2922 memory: 9812 grad_norm: 3.3067 loss: 2.3385 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2980 distill.loss_dist: 1.0405 2023/05/15 17:16:12 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 17:16:19 - mmengine - INFO - Epoch(train) [73][1720/1879] lr: 2.0000e-03 eta: 12:16:56 time: 0.8387 data_time: 0.3291 memory: 9812 grad_norm: 3.3944 loss: 2.3030 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2753 distill.loss_dist: 1.0277 2023/05/15 17:16:37 - mmengine - INFO - Epoch(train) [73][1740/1879] lr: 2.0000e-03 eta: 12:16:38 time: 0.9055 data_time: 0.3013 memory: 9812 grad_norm: 3.3729 loss: 2.3549 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3265 distill.loss_dist: 1.0284 2023/05/15 17:16:55 - mmengine - INFO - Epoch(train) [73][1760/1879] lr: 2.0000e-03 eta: 12:16:22 time: 0.9332 data_time: 0.1520 memory: 9812 grad_norm: 3.4793 loss: 1.9856 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0114 distill.loss_dist: 0.9741 2023/05/15 17:17:12 - mmengine - INFO - Epoch(train) [73][1780/1879] lr: 2.0000e-03 eta: 12:16:04 time: 0.8161 data_time: 0.2495 memory: 9812 grad_norm: 3.3567 loss: 2.2707 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2102 distill.loss_dist: 1.0605 2023/05/15 17:17:30 - mmengine - INFO - Epoch(train) [73][1800/1879] lr: 2.0000e-03 eta: 12:15:47 time: 0.9118 data_time: 0.3460 memory: 9812 grad_norm: 3.4557 loss: 2.1150 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.0906 distill.loss_dist: 1.0244 2023/05/15 17:17:47 - mmengine - INFO - Epoch(train) [73][1820/1879] lr: 2.0000e-03 eta: 12:15:29 time: 0.8512 data_time: 0.3118 memory: 9812 grad_norm: 3.3540 loss: 2.2286 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1769 distill.loss_dist: 1.0517 2023/05/15 17:18:04 - mmengine - INFO - Epoch(train) [73][1840/1879] lr: 2.0000e-03 eta: 12:15:12 time: 0.8551 data_time: 0.0675 memory: 9812 grad_norm: 3.4249 loss: 2.1320 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1136 distill.loss_dist: 1.0184 2023/05/15 17:18:20 - mmengine - INFO - Epoch(train) [73][1860/1879] lr: 2.0000e-03 eta: 12:14:54 time: 0.8168 data_time: 0.0412 memory: 9812 grad_norm: 3.4153 loss: 2.3155 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2748 distill.loss_dist: 1.0407 2023/05/15 17:18:34 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 17:18:34 - mmengine - INFO - Epoch(train) [73][1879/1879] lr: 2.0000e-03 eta: 12:14:36 time: 0.7133 data_time: 0.0194 memory: 9812 grad_norm: 3.4170 loss: 2.1469 student.top1_acc: 0.7143 student.top5_acc: 1.0000 student.loss_cls: 1.1196 distill.loss_dist: 1.0274 2023/05/15 17:18:54 - mmengine - INFO - Epoch(val) [73][ 20/155] eta: 0:02:10 time: 0.9694 data_time: 0.9036 memory: 1484 2023/05/15 17:19:08 - mmengine - INFO - Epoch(val) [73][ 40/155] eta: 0:01:36 time: 0.7071 data_time: 0.6402 memory: 1484 2023/05/15 17:19:26 - mmengine - INFO - Epoch(val) [73][ 60/155] eta: 0:01:21 time: 0.8875 data_time: 0.8237 memory: 1484 2023/05/15 17:19:39 - mmengine - INFO - Epoch(val) [73][ 80/155] eta: 0:01:01 time: 0.6908 data_time: 0.6250 memory: 1484 2023/05/15 17:19:59 - mmengine - INFO - Epoch(val) [73][100/155] eta: 0:00:46 time: 0.9741 data_time: 0.9103 memory: 1484 2023/05/15 17:20:12 - mmengine - INFO - Epoch(val) [73][120/155] eta: 0:00:28 time: 0.6553 data_time: 0.5933 memory: 1484 2023/05/15 17:20:32 - mmengine - INFO - Epoch(val) [73][140/155] eta: 0:00:12 time: 0.9754 data_time: 0.9116 memory: 1484 2023/05/15 17:21:01 - mmengine - INFO - Epoch(val) [73][ 20/155] eta: 0:16:20 time: 0.9803 data_time: 0.8283 memory: 1582 2023/05/15 17:21:16 - mmengine - INFO - Epoch(val) [73][ 40/155] eta: 0:07:41 time: 0.7579 data_time: 0.6006 memory: 1582 2023/05/15 17:21:33 - mmengine - INFO - Epoch(val) [73][ 60/155] eta: 0:04:40 time: 0.8482 data_time: 0.6954 memory: 1582 2023/05/15 17:21:48 - mmengine - INFO - Epoch(val) [73][ 80/155] eta: 0:03:00 time: 0.7392 data_time: 0.5877 memory: 1582 2023/05/15 17:22:06 - mmengine - INFO - Epoch(val) [73][100/155] eta: 0:01:55 time: 0.8967 data_time: 0.7430 memory: 1582 2023/05/15 17:22:21 - mmengine - INFO - Epoch(val) [73][120/155] eta: 0:01:05 time: 0.7451 data_time: 0.5912 memory: 1582 2023/05/15 17:22:42 - mmengine - INFO - Epoch(val) [73][140/155] eta: 0:00:26 time: 1.0415 data_time: 0.8865 memory: 1582 2023/05/15 17:22:51 - mmengine - INFO - Epoch(val) [73][155/155] acc/top1: 0.6752 acc/top5: 0.8775 acc/mean1: 0.6752 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6693 time: 0.8208 2023/05/15 17:23:13 - mmengine - INFO - Epoch(train) [74][ 20/1879] lr: 2.0000e-03 eta: 12:14:21 time: 1.1158 data_time: 0.3821 memory: 9812 grad_norm: 3.2239 loss: 2.2722 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2502 distill.loss_dist: 1.0220 2023/05/15 17:23:30 - mmengine - INFO - Epoch(train) [74][ 40/1879] lr: 2.0000e-03 eta: 12:14:03 time: 0.8203 data_time: 0.0272 memory: 9812 grad_norm: 3.3948 loss: 2.1699 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.1440 distill.loss_dist: 1.0259 2023/05/15 17:23:47 - mmengine - INFO - Epoch(train) [74][ 60/1879] lr: 2.0000e-03 eta: 12:13:46 time: 0.8412 data_time: 0.0268 memory: 9812 grad_norm: 3.3992 loss: 2.0763 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0630 distill.loss_dist: 1.0133 2023/05/15 17:24:06 - mmengine - INFO - Epoch(train) [74][ 80/1879] lr: 2.0000e-03 eta: 12:13:29 time: 0.9459 data_time: 0.0325 memory: 9812 grad_norm: 3.4083 loss: 2.1306 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0794 distill.loss_dist: 1.0512 2023/05/15 17:24:22 - mmengine - INFO - Epoch(train) [74][ 100/1879] lr: 2.0000e-03 eta: 12:13:11 time: 0.8246 data_time: 0.0246 memory: 9812 grad_norm: 3.3322 loss: 2.3850 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3436 distill.loss_dist: 1.0414 2023/05/15 17:24:39 - mmengine - INFO - Epoch(train) [74][ 120/1879] lr: 2.0000e-03 eta: 12:12:54 time: 0.8394 data_time: 0.0238 memory: 9812 grad_norm: 3.4010 loss: 2.0656 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0475 distill.loss_dist: 1.0181 2023/05/15 17:24:58 - mmengine - INFO - Epoch(train) [74][ 140/1879] lr: 2.0000e-03 eta: 12:12:37 time: 0.9634 data_time: 0.0323 memory: 9812 grad_norm: 3.3681 loss: 2.0935 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0652 distill.loss_dist: 1.0283 2023/05/15 17:25:14 - mmengine - INFO - Epoch(train) [74][ 160/1879] lr: 2.0000e-03 eta: 12:12:19 time: 0.8123 data_time: 0.0242 memory: 9812 grad_norm: 3.3214 loss: 2.2231 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1821 distill.loss_dist: 1.0409 2023/05/15 17:25:31 - mmengine - INFO - Epoch(train) [74][ 180/1879] lr: 2.0000e-03 eta: 12:12:01 time: 0.8019 data_time: 0.0242 memory: 9812 grad_norm: 3.4708 loss: 2.0347 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0392 distill.loss_dist: 0.9955 2023/05/15 17:25:49 - mmengine - INFO - Epoch(train) [74][ 200/1879] lr: 2.0000e-03 eta: 12:11:44 time: 0.9463 data_time: 0.0344 memory: 9812 grad_norm: 3.3611 loss: 2.0863 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0781 distill.loss_dist: 1.0082 2023/05/15 17:26:07 - mmengine - INFO - Epoch(train) [74][ 220/1879] lr: 2.0000e-03 eta: 12:11:27 time: 0.8647 data_time: 0.1986 memory: 9812 grad_norm: 3.3450 loss: 2.2688 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2553 distill.loss_dist: 1.0135 2023/05/15 17:26:22 - mmengine - INFO - Epoch(train) [74][ 240/1879] lr: 2.0000e-03 eta: 12:11:09 time: 0.7702 data_time: 0.0489 memory: 9812 grad_norm: 3.3661 loss: 2.1148 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0722 distill.loss_dist: 1.0426 2023/05/15 17:26:41 - mmengine - INFO - Epoch(train) [74][ 260/1879] lr: 2.0000e-03 eta: 12:10:52 time: 0.9488 data_time: 0.0337 memory: 9812 grad_norm: 3.2664 loss: 2.0968 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.0833 distill.loss_dist: 1.0134 2023/05/15 17:26:58 - mmengine - INFO - Epoch(train) [74][ 280/1879] lr: 2.0000e-03 eta: 12:10:35 time: 0.8611 data_time: 0.0238 memory: 9812 grad_norm: 3.4177 loss: 2.2672 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2136 distill.loss_dist: 1.0536 2023/05/15 17:27:15 - mmengine - INFO - Epoch(train) [74][ 300/1879] lr: 2.0000e-03 eta: 12:10:17 time: 0.8268 data_time: 0.0242 memory: 9812 grad_norm: 3.3287 loss: 2.3032 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2560 distill.loss_dist: 1.0472 2023/05/15 17:27:34 - mmengine - INFO - Epoch(train) [74][ 320/1879] lr: 2.0000e-03 eta: 12:10:00 time: 0.9406 data_time: 0.0267 memory: 9812 grad_norm: 3.3687 loss: 2.4424 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3836 distill.loss_dist: 1.0588 2023/05/15 17:27:51 - mmengine - INFO - Epoch(train) [74][ 340/1879] lr: 2.0000e-03 eta: 12:09:43 time: 0.8552 data_time: 0.0292 memory: 9812 grad_norm: 3.3716 loss: 2.3033 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2641 distill.loss_dist: 1.0393 2023/05/15 17:28:07 - mmengine - INFO - Epoch(train) [74][ 360/1879] lr: 2.0000e-03 eta: 12:09:25 time: 0.8021 data_time: 0.0267 memory: 9812 grad_norm: 3.3200 loss: 2.3226 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2792 distill.loss_dist: 1.0434 2023/05/15 17:28:26 - mmengine - INFO - Epoch(train) [74][ 380/1879] lr: 2.0000e-03 eta: 12:09:08 time: 0.9380 data_time: 0.0249 memory: 9812 grad_norm: 3.3767 loss: 2.2140 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1571 distill.loss_dist: 1.0569 2023/05/15 17:28:42 - mmengine - INFO - Epoch(train) [74][ 400/1879] lr: 2.0000e-03 eta: 12:08:50 time: 0.8232 data_time: 0.0583 memory: 9812 grad_norm: 3.3683 loss: 2.2888 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.2404 distill.loss_dist: 1.0484 2023/05/15 17:28:58 - mmengine - INFO - Epoch(train) [74][ 420/1879] lr: 2.0000e-03 eta: 12:08:32 time: 0.7823 data_time: 0.0248 memory: 9812 grad_norm: 3.3766 loss: 2.0940 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0755 distill.loss_dist: 1.0185 2023/05/15 17:29:18 - mmengine - INFO - Epoch(train) [74][ 440/1879] lr: 2.0000e-03 eta: 12:08:16 time: 1.0039 data_time: 0.0252 memory: 9812 grad_norm: 3.4453 loss: 2.2282 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1803 distill.loss_dist: 1.0479 2023/05/15 17:29:35 - mmengine - INFO - Epoch(train) [74][ 460/1879] lr: 2.0000e-03 eta: 12:07:58 time: 0.8413 data_time: 0.0283 memory: 9812 grad_norm: 3.3446 loss: 2.1508 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1236 distill.loss_dist: 1.0272 2023/05/15 17:29:51 - mmengine - INFO - Epoch(train) [74][ 480/1879] lr: 2.0000e-03 eta: 12:07:40 time: 0.8171 data_time: 0.0255 memory: 9812 grad_norm: 3.3168 loss: 2.0546 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0433 distill.loss_dist: 1.0113 2023/05/15 17:30:10 - mmengine - INFO - Epoch(train) [74][ 500/1879] lr: 2.0000e-03 eta: 12:07:24 time: 0.9477 data_time: 0.0267 memory: 9812 grad_norm: 3.2862 loss: 2.0694 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0243 distill.loss_dist: 1.0451 2023/05/15 17:30:26 - mmengine - INFO - Epoch(train) [74][ 520/1879] lr: 2.0000e-03 eta: 12:07:06 time: 0.7692 data_time: 0.0291 memory: 9812 grad_norm: 3.2990 loss: 2.1910 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1847 distill.loss_dist: 1.0062 2023/05/15 17:30:43 - mmengine - INFO - Epoch(train) [74][ 540/1879] lr: 2.0000e-03 eta: 12:06:48 time: 0.8497 data_time: 0.0238 memory: 9812 grad_norm: 3.2606 loss: 2.0907 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0600 distill.loss_dist: 1.0306 2023/05/15 17:31:01 - mmengine - INFO - Epoch(train) [74][ 560/1879] lr: 2.0000e-03 eta: 12:06:31 time: 0.9097 data_time: 0.0679 memory: 9812 grad_norm: 3.3994 loss: 2.1394 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1107 distill.loss_dist: 1.0286 2023/05/15 17:31:19 - mmengine - INFO - Epoch(train) [74][ 580/1879] lr: 2.0000e-03 eta: 12:06:14 time: 0.9144 data_time: 0.3523 memory: 9812 grad_norm: 3.4392 loss: 2.3489 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3246 distill.loss_dist: 1.0243 2023/05/15 17:31:35 - mmengine - INFO - Epoch(train) [74][ 600/1879] lr: 2.0000e-03 eta: 12:05:56 time: 0.7889 data_time: 0.1474 memory: 9812 grad_norm: 3.3851 loss: 2.1811 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1617 distill.loss_dist: 1.0194 2023/05/15 17:31:53 - mmengine - INFO - Epoch(train) [74][ 620/1879] lr: 2.0000e-03 eta: 12:05:39 time: 0.9142 data_time: 0.1386 memory: 9812 grad_norm: 3.4460 loss: 2.1467 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1176 distill.loss_dist: 1.0291 2023/05/15 17:32:11 - mmengine - INFO - Epoch(train) [74][ 640/1879] lr: 2.0000e-03 eta: 12:05:22 time: 0.9073 data_time: 0.3645 memory: 9812 grad_norm: 3.3511 loss: 2.2433 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1781 distill.loss_dist: 1.0652 2023/05/15 17:32:27 - mmengine - INFO - Epoch(train) [74][ 660/1879] lr: 2.0000e-03 eta: 12:05:04 time: 0.7767 data_time: 0.2976 memory: 9812 grad_norm: 3.3921 loss: 2.3263 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3166 distill.loss_dist: 1.0098 2023/05/15 17:32:45 - mmengine - INFO - Epoch(train) [74][ 680/1879] lr: 2.0000e-03 eta: 12:04:47 time: 0.8957 data_time: 0.3687 memory: 9812 grad_norm: 3.3854 loss: 2.2111 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2092 distill.loss_dist: 1.0018 2023/05/15 17:33:03 - mmengine - INFO - Epoch(train) [74][ 700/1879] lr: 2.0000e-03 eta: 12:04:30 time: 0.9250 data_time: 0.4778 memory: 9812 grad_norm: 3.4513 loss: 2.1802 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1407 distill.loss_dist: 1.0395 2023/05/15 17:33:19 - mmengine - INFO - Epoch(train) [74][ 720/1879] lr: 2.0000e-03 eta: 12:04:12 time: 0.7870 data_time: 0.3445 memory: 9812 grad_norm: 3.3540 loss: 2.2645 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2423 distill.loss_dist: 1.0222 2023/05/15 17:33:37 - mmengine - INFO - Epoch(train) [74][ 740/1879] lr: 2.0000e-03 eta: 12:03:54 time: 0.8729 data_time: 0.3227 memory: 9812 grad_norm: 3.3863 loss: 2.1658 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1280 distill.loss_dist: 1.0378 2023/05/15 17:33:56 - mmengine - INFO - Epoch(train) [74][ 760/1879] lr: 2.0000e-03 eta: 12:03:37 time: 0.9475 data_time: 0.5014 memory: 9812 grad_norm: 3.3656 loss: 2.1663 student.top1_acc: 0.3125 student.top5_acc: 0.8750 student.loss_cls: 1.1468 distill.loss_dist: 1.0195 2023/05/15 17:34:11 - mmengine - INFO - Epoch(train) [74][ 780/1879] lr: 2.0000e-03 eta: 12:03:19 time: 0.7704 data_time: 0.3106 memory: 9812 grad_norm: 3.3779 loss: 2.2363 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2119 distill.loss_dist: 1.0243 2023/05/15 17:34:28 - mmengine - INFO - Epoch(train) [74][ 800/1879] lr: 2.0000e-03 eta: 12:03:02 time: 0.8259 data_time: 0.3597 memory: 9812 grad_norm: 3.3745 loss: 2.1220 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1084 distill.loss_dist: 1.0136 2023/05/15 17:34:48 - mmengine - INFO - Epoch(train) [74][ 820/1879] lr: 2.0000e-03 eta: 12:02:45 time: 0.9990 data_time: 0.5430 memory: 9812 grad_norm: 3.2863 loss: 2.2100 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1567 distill.loss_dist: 1.0533 2023/05/15 17:34:59 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 17:35:05 - mmengine - INFO - Epoch(train) [74][ 840/1879] lr: 2.0000e-03 eta: 12:02:28 time: 0.8513 data_time: 0.2656 memory: 9812 grad_norm: 3.4372 loss: 2.2601 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1886 distill.loss_dist: 1.0715 2023/05/15 17:35:21 - mmengine - INFO - Epoch(train) [74][ 860/1879] lr: 2.0000e-03 eta: 12:02:10 time: 0.7927 data_time: 0.0694 memory: 9812 grad_norm: 3.4173 loss: 2.3515 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3154 distill.loss_dist: 1.0361 2023/05/15 17:35:40 - mmengine - INFO - Epoch(train) [74][ 880/1879] lr: 2.0000e-03 eta: 12:01:53 time: 0.9578 data_time: 0.2389 memory: 9812 grad_norm: 3.3251 loss: 2.1382 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1233 distill.loss_dist: 1.0150 2023/05/15 17:35:57 - mmengine - INFO - Epoch(train) [74][ 900/1879] lr: 2.0000e-03 eta: 12:01:36 time: 0.8439 data_time: 0.1683 memory: 9812 grad_norm: 3.3985 loss: 2.3405 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2996 distill.loss_dist: 1.0409 2023/05/15 17:36:14 - mmengine - INFO - Epoch(train) [74][ 920/1879] lr: 2.0000e-03 eta: 12:01:18 time: 0.8569 data_time: 0.1100 memory: 9812 grad_norm: 3.3656 loss: 2.1445 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1045 distill.loss_dist: 1.0400 2023/05/15 17:36:32 - mmengine - INFO - Epoch(train) [74][ 940/1879] lr: 2.0000e-03 eta: 12:01:01 time: 0.9281 data_time: 0.0278 memory: 9812 grad_norm: 3.4400 loss: 2.2951 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2395 distill.loss_dist: 1.0556 2023/05/15 17:36:50 - mmengine - INFO - Epoch(train) [74][ 960/1879] lr: 2.0000e-03 eta: 12:00:44 time: 0.8739 data_time: 0.0285 memory: 9812 grad_norm: 3.4541 loss: 2.3041 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2660 distill.loss_dist: 1.0381 2023/05/15 17:37:07 - mmengine - INFO - Epoch(train) [74][ 980/1879] lr: 2.0000e-03 eta: 12:00:26 time: 0.8532 data_time: 0.0226 memory: 9812 grad_norm: 3.2768 loss: 2.1908 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1350 distill.loss_dist: 1.0558 2023/05/15 17:37:23 - mmengine - INFO - Epoch(train) [74][1000/1879] lr: 2.0000e-03 eta: 12:00:08 time: 0.8008 data_time: 0.0273 memory: 9812 grad_norm: 3.3903 loss: 2.2861 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2491 distill.loss_dist: 1.0370 2023/05/15 17:37:40 - mmengine - INFO - Epoch(train) [74][1020/1879] lr: 2.0000e-03 eta: 11:59:51 time: 0.8589 data_time: 0.0296 memory: 9812 grad_norm: 3.3235 loss: 2.1979 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1663 distill.loss_dist: 1.0315 2023/05/15 17:37:58 - mmengine - INFO - Epoch(train) [74][1040/1879] lr: 2.0000e-03 eta: 11:59:34 time: 0.8741 data_time: 0.0299 memory: 9812 grad_norm: 3.3852 loss: 2.3215 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2669 distill.loss_dist: 1.0546 2023/05/15 17:38:15 - mmengine - INFO - Epoch(train) [74][1060/1879] lr: 2.0000e-03 eta: 11:59:16 time: 0.8829 data_time: 0.0330 memory: 9812 grad_norm: 3.3921 loss: 2.1122 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1267 distill.loss_dist: 0.9854 2023/05/15 17:38:33 - mmengine - INFO - Epoch(train) [74][1080/1879] lr: 2.0000e-03 eta: 11:58:59 time: 0.8620 data_time: 0.0276 memory: 9812 grad_norm: 3.4218 loss: 2.1980 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1618 distill.loss_dist: 1.0363 2023/05/15 17:38:50 - mmengine - INFO - Epoch(train) [74][1100/1879] lr: 2.0000e-03 eta: 11:58:42 time: 0.8757 data_time: 0.0255 memory: 9812 grad_norm: 3.3774 loss: 2.1095 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1035 distill.loss_dist: 1.0059 2023/05/15 17:39:08 - mmengine - INFO - Epoch(train) [74][1120/1879] lr: 2.0000e-03 eta: 11:58:24 time: 0.8755 data_time: 0.0261 memory: 9812 grad_norm: 3.4219 loss: 2.1827 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1723 distill.loss_dist: 1.0104 2023/05/15 17:39:24 - mmengine - INFO - Epoch(train) [74][1140/1879] lr: 2.0000e-03 eta: 11:58:07 time: 0.8223 data_time: 0.0281 memory: 9812 grad_norm: 3.3521 loss: 2.0229 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0379 distill.loss_dist: 0.9851 2023/05/15 17:39:43 - mmengine - INFO - Epoch(train) [74][1160/1879] lr: 2.0000e-03 eta: 11:57:50 time: 0.9236 data_time: 0.0294 memory: 9812 grad_norm: 3.3202 loss: 2.1884 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1528 distill.loss_dist: 1.0356 2023/05/15 17:39:59 - mmengine - INFO - Epoch(train) [74][1180/1879] lr: 2.0000e-03 eta: 11:57:32 time: 0.8076 data_time: 0.0567 memory: 9812 grad_norm: 3.4441 loss: 2.0895 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0544 distill.loss_dist: 1.0350 2023/05/15 17:40:16 - mmengine - INFO - Epoch(train) [74][1200/1879] lr: 2.0000e-03 eta: 11:57:14 time: 0.8635 data_time: 0.0251 memory: 9812 grad_norm: 3.3967 loss: 2.0715 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0628 distill.loss_dist: 1.0086 2023/05/15 17:40:34 - mmengine - INFO - Epoch(train) [74][1220/1879] lr: 2.0000e-03 eta: 11:56:57 time: 0.8829 data_time: 0.0269 memory: 9812 grad_norm: 3.3003 loss: 2.0871 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0689 distill.loss_dist: 1.0182 2023/05/15 17:40:51 - mmengine - INFO - Epoch(train) [74][1240/1879] lr: 2.0000e-03 eta: 11:56:40 time: 0.8818 data_time: 0.0245 memory: 9812 grad_norm: 3.4247 loss: 2.1296 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1165 distill.loss_dist: 1.0131 2023/05/15 17:41:09 - mmengine - INFO - Epoch(train) [74][1260/1879] lr: 2.0000e-03 eta: 11:56:23 time: 0.8861 data_time: 0.0294 memory: 9812 grad_norm: 3.4332 loss: 2.0485 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0220 distill.loss_dist: 1.0265 2023/05/15 17:41:26 - mmengine - INFO - Epoch(train) [74][1280/1879] lr: 2.0000e-03 eta: 11:56:05 time: 0.8506 data_time: 0.0507 memory: 9812 grad_norm: 3.4582 loss: 2.2195 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1827 distill.loss_dist: 1.0368 2023/05/15 17:41:44 - mmengine - INFO - Epoch(train) [74][1300/1879] lr: 2.0000e-03 eta: 11:55:48 time: 0.8705 data_time: 0.0263 memory: 9812 grad_norm: 3.3703 loss: 2.2177 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1855 distill.loss_dist: 1.0322 2023/05/15 17:42:02 - mmengine - INFO - Epoch(train) [74][1320/1879] lr: 2.0000e-03 eta: 11:55:31 time: 0.8946 data_time: 0.0285 memory: 9812 grad_norm: 3.5077 loss: 2.3695 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3173 distill.loss_dist: 1.0522 2023/05/15 17:42:19 - mmengine - INFO - Epoch(train) [74][1340/1879] lr: 2.0000e-03 eta: 11:55:13 time: 0.8896 data_time: 0.0307 memory: 9812 grad_norm: 3.3909 loss: 2.0512 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0635 distill.loss_dist: 0.9878 2023/05/15 17:42:37 - mmengine - INFO - Epoch(train) [74][1360/1879] lr: 2.0000e-03 eta: 11:54:56 time: 0.8642 data_time: 0.0246 memory: 9812 grad_norm: 3.3618 loss: 2.3516 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3048 distill.loss_dist: 1.0468 2023/05/15 17:42:54 - mmengine - INFO - Epoch(train) [74][1380/1879] lr: 2.0000e-03 eta: 11:54:39 time: 0.8863 data_time: 0.0283 memory: 9812 grad_norm: 3.3542 loss: 2.2682 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2079 distill.loss_dist: 1.0603 2023/05/15 17:43:11 - mmengine - INFO - Epoch(train) [74][1400/1879] lr: 2.0000e-03 eta: 11:54:21 time: 0.8300 data_time: 0.0292 memory: 9812 grad_norm: 3.3701 loss: 2.1057 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0784 distill.loss_dist: 1.0273 2023/05/15 17:43:29 - mmengine - INFO - Epoch(train) [74][1420/1879] lr: 2.0000e-03 eta: 11:54:04 time: 0.9131 data_time: 0.0283 memory: 9812 grad_norm: 3.4289 loss: 2.3179 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3020 distill.loss_dist: 1.0159 2023/05/15 17:43:46 - mmengine - INFO - Epoch(train) [74][1440/1879] lr: 2.0000e-03 eta: 11:53:46 time: 0.8319 data_time: 0.0275 memory: 9812 grad_norm: 3.3660 loss: 2.2362 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2141 distill.loss_dist: 1.0221 2023/05/15 17:44:04 - mmengine - INFO - Epoch(train) [74][1460/1879] lr: 2.0000e-03 eta: 11:53:29 time: 0.8859 data_time: 0.0608 memory: 9812 grad_norm: 3.3810 loss: 2.0893 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0498 distill.loss_dist: 1.0395 2023/05/15 17:44:21 - mmengine - INFO - Epoch(train) [74][1480/1879] lr: 2.0000e-03 eta: 11:53:12 time: 0.8635 data_time: 0.0474 memory: 9812 grad_norm: 3.3879 loss: 2.1278 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0946 distill.loss_dist: 1.0332 2023/05/15 17:44:38 - mmengine - INFO - Epoch(train) [74][1500/1879] lr: 2.0000e-03 eta: 11:52:54 time: 0.8247 data_time: 0.0294 memory: 9812 grad_norm: 3.4005 loss: 2.1412 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1008 distill.loss_dist: 1.0404 2023/05/15 17:44:56 - mmengine - INFO - Epoch(train) [74][1520/1879] lr: 2.0000e-03 eta: 11:52:37 time: 0.9127 data_time: 0.0252 memory: 9812 grad_norm: 3.4012 loss: 2.2646 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2053 distill.loss_dist: 1.0594 2023/05/15 17:45:13 - mmengine - INFO - Epoch(train) [74][1540/1879] lr: 2.0000e-03 eta: 11:52:20 time: 0.8738 data_time: 0.0297 memory: 9812 grad_norm: 3.4064 loss: 2.2384 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2046 distill.loss_dist: 1.0338 2023/05/15 17:45:31 - mmengine - INFO - Epoch(train) [74][1560/1879] lr: 2.0000e-03 eta: 11:52:02 time: 0.8591 data_time: 0.0279 memory: 9812 grad_norm: 3.3444 loss: 2.1317 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1016 distill.loss_dist: 1.0302 2023/05/15 17:45:48 - mmengine - INFO - Epoch(train) [74][1580/1879] lr: 2.0000e-03 eta: 11:51:45 time: 0.8696 data_time: 0.0270 memory: 9812 grad_norm: 3.4720 loss: 2.1253 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0898 distill.loss_dist: 1.0355 2023/05/15 17:46:05 - mmengine - INFO - Epoch(train) [74][1600/1879] lr: 2.0000e-03 eta: 11:51:27 time: 0.8347 data_time: 0.0296 memory: 9812 grad_norm: 3.3906 loss: 2.1174 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0883 distill.loss_dist: 1.0291 2023/05/15 17:46:23 - mmengine - INFO - Epoch(train) [74][1620/1879] lr: 2.0000e-03 eta: 11:51:10 time: 0.9085 data_time: 0.0299 memory: 9812 grad_norm: 3.3960 loss: 2.1332 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1161 distill.loss_dist: 1.0171 2023/05/15 17:46:40 - mmengine - INFO - Epoch(train) [74][1640/1879] lr: 2.0000e-03 eta: 11:50:52 time: 0.8507 data_time: 0.0291 memory: 9812 grad_norm: 3.3748 loss: 2.1876 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1417 distill.loss_dist: 1.0459 2023/05/15 17:46:57 - mmengine - INFO - Epoch(train) [74][1660/1879] lr: 2.0000e-03 eta: 11:50:35 time: 0.8311 data_time: 0.0310 memory: 9812 grad_norm: 3.3776 loss: 2.1956 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1804 distill.loss_dist: 1.0153 2023/05/15 17:47:15 - mmengine - INFO - Epoch(train) [74][1680/1879] lr: 2.0000e-03 eta: 11:50:18 time: 0.9460 data_time: 0.0258 memory: 9812 grad_norm: 3.3366 loss: 2.2143 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1864 distill.loss_dist: 1.0279 2023/05/15 17:47:32 - mmengine - INFO - Epoch(train) [74][1700/1879] lr: 2.0000e-03 eta: 11:50:00 time: 0.8292 data_time: 0.0291 memory: 9812 grad_norm: 3.3401 loss: 2.1986 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1882 distill.loss_dist: 1.0104 2023/05/15 17:47:48 - mmengine - INFO - Epoch(train) [74][1720/1879] lr: 2.0000e-03 eta: 11:49:42 time: 0.8024 data_time: 0.0282 memory: 9812 grad_norm: 3.3806 loss: 2.2233 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1681 distill.loss_dist: 1.0552 2023/05/15 17:48:08 - mmengine - INFO - Epoch(train) [74][1740/1879] lr: 2.0000e-03 eta: 11:49:26 time: 0.9886 data_time: 0.0261 memory: 9812 grad_norm: 3.3897 loss: 2.1320 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1015 distill.loss_dist: 1.0305 2023/05/15 17:48:24 - mmengine - INFO - Epoch(train) [74][1760/1879] lr: 2.0000e-03 eta: 11:49:08 time: 0.8140 data_time: 0.0280 memory: 9812 grad_norm: 3.3347 loss: 2.1711 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1362 distill.loss_dist: 1.0349 2023/05/15 17:48:42 - mmengine - INFO - Epoch(train) [74][1780/1879] lr: 2.0000e-03 eta: 11:48:51 time: 0.8759 data_time: 0.0289 memory: 9812 grad_norm: 3.3679 loss: 2.1665 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1324 distill.loss_dist: 1.0341 2023/05/15 17:49:00 - mmengine - INFO - Epoch(train) [74][1800/1879] lr: 2.0000e-03 eta: 11:48:34 time: 0.9137 data_time: 0.0257 memory: 9812 grad_norm: 3.3653 loss: 2.2785 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2375 distill.loss_dist: 1.0411 2023/05/15 17:49:16 - mmengine - INFO - Epoch(train) [74][1820/1879] lr: 2.0000e-03 eta: 11:48:16 time: 0.8041 data_time: 0.0254 memory: 9812 grad_norm: 3.3758 loss: 2.1622 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1178 distill.loss_dist: 1.0444 2023/05/15 17:49:28 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 17:49:33 - mmengine - INFO - Epoch(train) [74][1840/1879] lr: 2.0000e-03 eta: 11:47:58 time: 0.8482 data_time: 0.0295 memory: 9812 grad_norm: 3.4186 loss: 2.3742 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3422 distill.loss_dist: 1.0320 2023/05/15 17:49:52 - mmengine - INFO - Epoch(train) [74][1860/1879] lr: 2.0000e-03 eta: 11:47:42 time: 0.9343 data_time: 0.0286 memory: 9812 grad_norm: 3.3944 loss: 2.1001 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0893 distill.loss_dist: 1.0109 2023/05/15 17:50:04 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 17:50:04 - mmengine - INFO - Epoch(train) [74][1879/1879] lr: 2.0000e-03 eta: 11:47:24 time: 0.7310 data_time: 0.0236 memory: 9812 grad_norm: 3.4597 loss: 2.0882 student.top1_acc: 0.7143 student.top5_acc: 0.7143 student.loss_cls: 1.0469 distill.loss_dist: 1.0413 2023/05/15 17:50:24 - mmengine - INFO - Epoch(val) [74][ 20/155] eta: 0:02:12 time: 0.9831 data_time: 0.9167 memory: 1484 2023/05/15 17:50:37 - mmengine - INFO - Epoch(val) [74][ 40/155] eta: 0:01:35 time: 0.6723 data_time: 0.6045 memory: 1484 2023/05/15 17:50:56 - mmengine - INFO - Epoch(val) [74][ 60/155] eta: 0:01:22 time: 0.9515 data_time: 0.8870 memory: 1484 2023/05/15 17:51:09 - mmengine - INFO - Epoch(val) [74][ 80/155] eta: 0:01:00 time: 0.6289 data_time: 0.5608 memory: 1484 2023/05/15 17:51:27 - mmengine - INFO - Epoch(val) [74][100/155] eta: 0:00:45 time: 0.9159 data_time: 0.8506 memory: 1484 2023/05/15 17:51:41 - mmengine - INFO - Epoch(val) [74][120/155] eta: 0:00:28 time: 0.6972 data_time: 0.6314 memory: 1484 2023/05/15 17:52:02 - mmengine - INFO - Epoch(val) [74][140/155] eta: 0:00:12 time: 1.0431 data_time: 0.9782 memory: 1484 2023/05/15 17:52:31 - mmengine - INFO - Epoch(val) [74][ 20/155] eta: 0:16:21 time: 0.9790 data_time: 0.8244 memory: 1582 2023/05/15 17:52:46 - mmengine - INFO - Epoch(val) [74][ 40/155] eta: 0:07:41 time: 0.7504 data_time: 0.5968 memory: 1582 2023/05/15 17:53:04 - mmengine - INFO - Epoch(val) [74][ 60/155] eta: 0:04:42 time: 0.9003 data_time: 0.7449 memory: 1582 2023/05/15 17:53:18 - mmengine - INFO - Epoch(val) [74][ 80/155] eta: 0:03:00 time: 0.6882 data_time: 0.5309 memory: 1582 2023/05/15 17:53:37 - mmengine - INFO - Epoch(val) [74][100/155] eta: 0:01:55 time: 0.9351 data_time: 0.7794 memory: 1582 2023/05/15 17:53:52 - mmengine - INFO - Epoch(val) [74][120/155] eta: 0:01:05 time: 0.7499 data_time: 0.5974 memory: 1582 2023/05/15 17:54:12 - mmengine - INFO - Epoch(val) [74][140/155] eta: 0:00:26 time: 1.0072 data_time: 0.8554 memory: 1582 2023/05/15 17:54:21 - mmengine - INFO - Epoch(val) [74][155/155] acc/top1: 0.6764 acc/top5: 0.8771 acc/mean1: 0.6764 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6671 time: 0.8194 2023/05/15 17:54:44 - mmengine - INFO - Epoch(train) [75][ 20/1879] lr: 2.0000e-03 eta: 11:47:08 time: 1.1481 data_time: 0.5338 memory: 9812 grad_norm: 3.2877 loss: 2.0617 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0387 distill.loss_dist: 1.0229 2023/05/15 17:55:00 - mmengine - INFO - Epoch(train) [75][ 40/1879] lr: 2.0000e-03 eta: 11:46:50 time: 0.7999 data_time: 0.2311 memory: 9812 grad_norm: 3.2749 loss: 1.9830 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 0.9973 distill.loss_dist: 0.9857 2023/05/15 17:55:17 - mmengine - INFO - Epoch(train) [75][ 60/1879] lr: 2.0000e-03 eta: 11:46:33 time: 0.8610 data_time: 0.1517 memory: 9812 grad_norm: 3.4141 loss: 2.1193 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0733 distill.loss_dist: 1.0460 2023/05/15 17:55:37 - mmengine - INFO - Epoch(train) [75][ 80/1879] lr: 2.0000e-03 eta: 11:46:16 time: 0.9768 data_time: 0.1244 memory: 9812 grad_norm: 3.3925 loss: 2.0950 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.0899 distill.loss_dist: 1.0051 2023/05/15 17:55:54 - mmengine - INFO - Epoch(train) [75][ 100/1879] lr: 2.0000e-03 eta: 11:45:59 time: 0.8923 data_time: 0.0276 memory: 9812 grad_norm: 3.3642 loss: 2.1891 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1638 distill.loss_dist: 1.0253 2023/05/15 17:56:10 - mmengine - INFO - Epoch(train) [75][ 120/1879] lr: 2.0000e-03 eta: 11:45:41 time: 0.7702 data_time: 0.0280 memory: 9812 grad_norm: 3.4467 loss: 2.2988 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2575 distill.loss_dist: 1.0413 2023/05/15 17:56:28 - mmengine - INFO - Epoch(train) [75][ 140/1879] lr: 2.0000e-03 eta: 11:45:24 time: 0.9312 data_time: 0.0261 memory: 9812 grad_norm: 3.4265 loss: 2.3406 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2979 distill.loss_dist: 1.0427 2023/05/15 17:56:45 - mmengine - INFO - Epoch(train) [75][ 160/1879] lr: 2.0000e-03 eta: 11:45:06 time: 0.8407 data_time: 0.0281 memory: 9812 grad_norm: 3.3596 loss: 2.0921 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0673 distill.loss_dist: 1.0247 2023/05/15 17:57:01 - mmengine - INFO - Epoch(train) [75][ 180/1879] lr: 2.0000e-03 eta: 11:44:49 time: 0.7987 data_time: 0.0266 memory: 9812 grad_norm: 3.3416 loss: 2.1523 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1259 distill.loss_dist: 1.0264 2023/05/15 17:57:21 - mmengine - INFO - Epoch(train) [75][ 200/1879] lr: 2.0000e-03 eta: 11:44:32 time: 0.9865 data_time: 0.0276 memory: 9812 grad_norm: 3.3656 loss: 2.1449 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0938 distill.loss_dist: 1.0510 2023/05/15 17:57:38 - mmengine - INFO - Epoch(train) [75][ 220/1879] lr: 2.0000e-03 eta: 11:44:15 time: 0.8521 data_time: 0.0300 memory: 9812 grad_norm: 3.4414 loss: 2.1387 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1070 distill.loss_dist: 1.0318 2023/05/15 17:57:55 - mmengine - INFO - Epoch(train) [75][ 240/1879] lr: 2.0000e-03 eta: 11:43:57 time: 0.8442 data_time: 0.0308 memory: 9812 grad_norm: 3.4128 loss: 2.2495 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2037 distill.loss_dist: 1.0458 2023/05/15 17:58:14 - mmengine - INFO - Epoch(train) [75][ 260/1879] lr: 2.0000e-03 eta: 11:43:40 time: 0.9326 data_time: 0.0248 memory: 9812 grad_norm: 3.4610 loss: 2.0456 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0294 distill.loss_dist: 1.0163 2023/05/15 17:58:29 - mmengine - INFO - Epoch(train) [75][ 280/1879] lr: 2.0000e-03 eta: 11:43:22 time: 0.7693 data_time: 0.0311 memory: 9812 grad_norm: 3.3919 loss: 2.3270 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.2825 distill.loss_dist: 1.0445 2023/05/15 17:58:46 - mmengine - INFO - Epoch(train) [75][ 300/1879] lr: 2.0000e-03 eta: 11:43:05 time: 0.8568 data_time: 0.0246 memory: 9812 grad_norm: 3.3222 loss: 2.2950 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2612 distill.loss_dist: 1.0339 2023/05/15 17:59:04 - mmengine - INFO - Epoch(train) [75][ 320/1879] lr: 2.0000e-03 eta: 11:42:47 time: 0.9088 data_time: 0.0281 memory: 9812 grad_norm: 3.3324 loss: 2.1069 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0649 distill.loss_dist: 1.0420 2023/05/15 17:59:22 - mmengine - INFO - Epoch(train) [75][ 340/1879] lr: 2.0000e-03 eta: 11:42:30 time: 0.8554 data_time: 0.0281 memory: 9812 grad_norm: 3.3611 loss: 2.1589 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1445 distill.loss_dist: 1.0143 2023/05/15 17:59:37 - mmengine - INFO - Epoch(train) [75][ 360/1879] lr: 2.0000e-03 eta: 11:42:12 time: 0.7555 data_time: 0.0278 memory: 9812 grad_norm: 3.3976 loss: 2.1341 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0998 distill.loss_dist: 1.0343 2023/05/15 17:59:56 - mmengine - INFO - Epoch(train) [75][ 380/1879] lr: 2.0000e-03 eta: 11:41:55 time: 0.9742 data_time: 0.0294 memory: 9812 grad_norm: 3.3110 loss: 2.1355 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1040 distill.loss_dist: 1.0315 2023/05/15 18:00:13 - mmengine - INFO - Epoch(train) [75][ 400/1879] lr: 2.0000e-03 eta: 11:41:38 time: 0.8553 data_time: 0.0279 memory: 9812 grad_norm: 3.3580 loss: 2.1521 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1235 distill.loss_dist: 1.0286 2023/05/15 18:00:31 - mmengine - INFO - Epoch(train) [75][ 420/1879] lr: 2.0000e-03 eta: 11:41:20 time: 0.8619 data_time: 0.0260 memory: 9812 grad_norm: 3.3759 loss: 2.4599 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3757 distill.loss_dist: 1.0842 2023/05/15 18:00:48 - mmengine - INFO - Epoch(train) [75][ 440/1879] lr: 2.0000e-03 eta: 11:41:03 time: 0.8653 data_time: 0.0252 memory: 9812 grad_norm: 3.5192 loss: 2.1806 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1609 distill.loss_dist: 1.0197 2023/05/15 18:01:06 - mmengine - INFO - Epoch(train) [75][ 460/1879] lr: 2.0000e-03 eta: 11:40:46 time: 0.9205 data_time: 0.0248 memory: 9812 grad_norm: 3.4829 loss: 2.1767 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1418 distill.loss_dist: 1.0349 2023/05/15 18:01:23 - mmengine - INFO - Epoch(train) [75][ 480/1879] lr: 2.0000e-03 eta: 11:40:28 time: 0.8345 data_time: 0.0256 memory: 9812 grad_norm: 3.3784 loss: 2.0702 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0713 distill.loss_dist: 0.9989 2023/05/15 18:01:40 - mmengine - INFO - Epoch(train) [75][ 500/1879] lr: 2.0000e-03 eta: 11:40:11 time: 0.8545 data_time: 0.0283 memory: 9812 grad_norm: 3.3499 loss: 2.2131 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.2091 distill.loss_dist: 1.0040 2023/05/15 18:02:00 - mmengine - INFO - Epoch(train) [75][ 520/1879] lr: 2.0000e-03 eta: 11:39:54 time: 0.9926 data_time: 0.0273 memory: 9812 grad_norm: 3.4355 loss: 2.1928 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1571 distill.loss_dist: 1.0357 2023/05/15 18:02:16 - mmengine - INFO - Epoch(train) [75][ 540/1879] lr: 2.0000e-03 eta: 11:39:36 time: 0.8123 data_time: 0.0289 memory: 9812 grad_norm: 3.3988 loss: 1.9593 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 0.9671 distill.loss_dist: 0.9922 2023/05/15 18:02:32 - mmengine - INFO - Epoch(train) [75][ 560/1879] lr: 2.0000e-03 eta: 11:39:19 time: 0.8056 data_time: 0.0270 memory: 9812 grad_norm: 3.3827 loss: 2.0458 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0507 distill.loss_dist: 0.9951 2023/05/15 18:02:51 - mmengine - INFO - Epoch(train) [75][ 580/1879] lr: 2.0000e-03 eta: 11:39:02 time: 0.9494 data_time: 0.0303 memory: 9812 grad_norm: 3.3531 loss: 2.1831 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1591 distill.loss_dist: 1.0240 2023/05/15 18:03:08 - mmengine - INFO - Epoch(train) [75][ 600/1879] lr: 2.0000e-03 eta: 11:38:44 time: 0.8184 data_time: 0.0251 memory: 9812 grad_norm: 3.4121 loss: 2.2171 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1832 distill.loss_dist: 1.0340 2023/05/15 18:03:24 - mmengine - INFO - Epoch(train) [75][ 620/1879] lr: 2.0000e-03 eta: 11:38:26 time: 0.8166 data_time: 0.0274 memory: 9812 grad_norm: 3.4052 loss: 2.2115 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1988 distill.loss_dist: 1.0127 2023/05/15 18:03:44 - mmengine - INFO - Epoch(train) [75][ 640/1879] lr: 2.0000e-03 eta: 11:38:10 time: 0.9778 data_time: 0.0305 memory: 9812 grad_norm: 3.3802 loss: 2.2052 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1749 distill.loss_dist: 1.0303 2023/05/15 18:04:01 - mmengine - INFO - Epoch(train) [75][ 660/1879] lr: 2.0000e-03 eta: 11:37:52 time: 0.8610 data_time: 0.0250 memory: 9812 grad_norm: 3.4210 loss: 2.3324 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3058 distill.loss_dist: 1.0266 2023/05/15 18:04:17 - mmengine - INFO - Epoch(train) [75][ 680/1879] lr: 2.0000e-03 eta: 11:37:34 time: 0.7905 data_time: 0.0279 memory: 9812 grad_norm: 3.3514 loss: 2.3075 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2497 distill.loss_dist: 1.0578 2023/05/15 18:04:35 - mmengine - INFO - Epoch(train) [75][ 700/1879] lr: 2.0000e-03 eta: 11:37:17 time: 0.9322 data_time: 0.1318 memory: 9812 grad_norm: 3.3497 loss: 2.1591 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1329 distill.loss_dist: 1.0261 2023/05/15 18:04:52 - mmengine - INFO - Epoch(train) [75][ 720/1879] lr: 2.0000e-03 eta: 11:37:00 time: 0.8327 data_time: 0.2021 memory: 9812 grad_norm: 3.3987 loss: 2.1207 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0705 distill.loss_dist: 1.0502 2023/05/15 18:05:09 - mmengine - INFO - Epoch(train) [75][ 740/1879] lr: 2.0000e-03 eta: 11:36:42 time: 0.8185 data_time: 0.1820 memory: 9812 grad_norm: 3.4104 loss: 2.3579 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2974 distill.loss_dist: 1.0605 2023/05/15 18:05:28 - mmengine - INFO - Epoch(train) [75][ 760/1879] lr: 2.0000e-03 eta: 11:36:26 time: 0.9959 data_time: 0.0757 memory: 9812 grad_norm: 3.3567 loss: 2.0848 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0733 distill.loss_dist: 1.0116 2023/05/15 18:05:45 - mmengine - INFO - Epoch(train) [75][ 780/1879] lr: 2.0000e-03 eta: 11:36:08 time: 0.8249 data_time: 0.0272 memory: 9812 grad_norm: 3.3742 loss: 2.1538 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1382 distill.loss_dist: 1.0157 2023/05/15 18:06:02 - mmengine - INFO - Epoch(train) [75][ 800/1879] lr: 2.0000e-03 eta: 11:35:50 time: 0.8365 data_time: 0.0295 memory: 9812 grad_norm: 3.3582 loss: 2.3323 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2810 distill.loss_dist: 1.0513 2023/05/15 18:06:21 - mmengine - INFO - Epoch(train) [75][ 820/1879] lr: 2.0000e-03 eta: 11:35:33 time: 0.9402 data_time: 0.0266 memory: 9812 grad_norm: 3.3196 loss: 2.0863 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1057 distill.loss_dist: 0.9806 2023/05/15 18:06:36 - mmengine - INFO - Epoch(train) [75][ 840/1879] lr: 2.0000e-03 eta: 11:35:16 time: 0.7949 data_time: 0.0508 memory: 9812 grad_norm: 3.5292 loss: 2.4589 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.3920 distill.loss_dist: 1.0670 2023/05/15 18:06:54 - mmengine - INFO - Epoch(train) [75][ 860/1879] lr: 2.0000e-03 eta: 11:34:58 time: 0.8766 data_time: 0.0274 memory: 9812 grad_norm: 3.3434 loss: 2.0696 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0496 distill.loss_dist: 1.0200 2023/05/15 18:07:11 - mmengine - INFO - Epoch(train) [75][ 880/1879] lr: 2.0000e-03 eta: 11:34:41 time: 0.8301 data_time: 0.0256 memory: 9812 grad_norm: 3.3936 loss: 2.1040 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0677 distill.loss_dist: 1.0363 2023/05/15 18:07:28 - mmengine - INFO - Epoch(train) [75][ 900/1879] lr: 2.0000e-03 eta: 11:34:23 time: 0.8780 data_time: 0.0277 memory: 9812 grad_norm: 3.3820 loss: 2.1542 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1236 distill.loss_dist: 1.0307 2023/05/15 18:07:45 - mmengine - INFO - Epoch(train) [75][ 920/1879] lr: 2.0000e-03 eta: 11:34:06 time: 0.8344 data_time: 0.0269 memory: 9812 grad_norm: 3.3978 loss: 2.1204 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0955 distill.loss_dist: 1.0249 2023/05/15 18:08:03 - mmengine - INFO - Epoch(train) [75][ 940/1879] lr: 2.0000e-03 eta: 11:33:49 time: 0.9153 data_time: 0.0278 memory: 9812 grad_norm: 3.3655 loss: 1.9600 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9818 distill.loss_dist: 0.9782 2023/05/15 18:08:15 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 18:08:21 - mmengine - INFO - Epoch(train) [75][ 960/1879] lr: 2.0000e-03 eta: 11:33:31 time: 0.8693 data_time: 0.0275 memory: 9812 grad_norm: 3.3961 loss: 2.2664 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2261 distill.loss_dist: 1.0403 2023/05/15 18:08:37 - mmengine - INFO - Epoch(train) [75][ 980/1879] lr: 2.0000e-03 eta: 11:33:14 time: 0.8249 data_time: 0.0280 memory: 9812 grad_norm: 3.3427 loss: 2.2869 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2517 distill.loss_dist: 1.0353 2023/05/15 18:08:57 - mmengine - INFO - Epoch(train) [75][1000/1879] lr: 2.0000e-03 eta: 11:32:57 time: 0.9980 data_time: 0.0272 memory: 9812 grad_norm: 3.3698 loss: 2.4147 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3925 distill.loss_dist: 1.0222 2023/05/15 18:09:13 - mmengine - INFO - Epoch(train) [75][1020/1879] lr: 2.0000e-03 eta: 11:32:39 time: 0.7682 data_time: 0.0278 memory: 9812 grad_norm: 3.4461 loss: 2.3429 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2663 distill.loss_dist: 1.0765 2023/05/15 18:09:29 - mmengine - INFO - Epoch(train) [75][1040/1879] lr: 2.0000e-03 eta: 11:32:21 time: 0.8413 data_time: 0.0681 memory: 9812 grad_norm: 3.3760 loss: 2.3128 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2558 distill.loss_dist: 1.0570 2023/05/15 18:09:48 - mmengine - INFO - Epoch(train) [75][1060/1879] lr: 2.0000e-03 eta: 11:32:04 time: 0.9309 data_time: 0.0990 memory: 9812 grad_norm: 3.3756 loss: 2.1165 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0744 distill.loss_dist: 1.0421 2023/05/15 18:10:06 - mmengine - INFO - Epoch(train) [75][1080/1879] lr: 2.0000e-03 eta: 11:31:47 time: 0.8986 data_time: 0.2360 memory: 9812 grad_norm: 3.4191 loss: 2.0935 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0400 distill.loss_dist: 1.0536 2023/05/15 18:10:22 - mmengine - INFO - Epoch(train) [75][1100/1879] lr: 2.0000e-03 eta: 11:31:29 time: 0.7973 data_time: 0.2743 memory: 9812 grad_norm: 3.3847 loss: 2.2384 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2044 distill.loss_dist: 1.0341 2023/05/15 18:10:38 - mmengine - INFO - Epoch(train) [75][1120/1879] lr: 2.0000e-03 eta: 11:31:12 time: 0.7991 data_time: 0.3192 memory: 9812 grad_norm: 3.4755 loss: 2.2202 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1730 distill.loss_dist: 1.0472 2023/05/15 18:10:57 - mmengine - INFO - Epoch(train) [75][1140/1879] lr: 2.0000e-03 eta: 11:30:55 time: 0.9602 data_time: 0.3270 memory: 9812 grad_norm: 3.3078 loss: 2.2129 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1836 distill.loss_dist: 1.0293 2023/05/15 18:11:14 - mmengine - INFO - Epoch(train) [75][1160/1879] lr: 2.0000e-03 eta: 11:30:37 time: 0.8236 data_time: 0.1540 memory: 9812 grad_norm: 3.3898 loss: 2.2464 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2168 distill.loss_dist: 1.0295 2023/05/15 18:11:30 - mmengine - INFO - Epoch(train) [75][1180/1879] lr: 2.0000e-03 eta: 11:30:19 time: 0.8214 data_time: 0.0471 memory: 9812 grad_norm: 3.3512 loss: 2.0659 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0570 distill.loss_dist: 1.0089 2023/05/15 18:11:51 - mmengine - INFO - Epoch(train) [75][1200/1879] lr: 2.0000e-03 eta: 11:30:03 time: 1.0263 data_time: 0.0475 memory: 9812 grad_norm: 3.3526 loss: 2.1127 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0972 distill.loss_dist: 1.0154 2023/05/15 18:12:07 - mmengine - INFO - Epoch(train) [75][1220/1879] lr: 2.0000e-03 eta: 11:29:45 time: 0.8064 data_time: 0.0232 memory: 9812 grad_norm: 3.3692 loss: 2.1006 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1056 distill.loss_dist: 0.9950 2023/05/15 18:12:24 - mmengine - INFO - Epoch(train) [75][1240/1879] lr: 2.0000e-03 eta: 11:29:28 time: 0.8408 data_time: 0.0257 memory: 9812 grad_norm: 3.3814 loss: 2.1078 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0919 distill.loss_dist: 1.0159 2023/05/15 18:12:42 - mmengine - INFO - Epoch(train) [75][1260/1879] lr: 2.0000e-03 eta: 11:29:11 time: 0.9263 data_time: 0.0281 memory: 9812 grad_norm: 3.4373 loss: 2.3151 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2544 distill.loss_dist: 1.0607 2023/05/15 18:12:58 - mmengine - INFO - Epoch(train) [75][1280/1879] lr: 2.0000e-03 eta: 11:28:53 time: 0.8046 data_time: 0.0255 memory: 9812 grad_norm: 3.4030 loss: 2.2914 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.2481 distill.loss_dist: 1.0434 2023/05/15 18:13:14 - mmengine - INFO - Epoch(train) [75][1300/1879] lr: 2.0000e-03 eta: 11:28:35 time: 0.7874 data_time: 0.0295 memory: 9812 grad_norm: 3.3967 loss: 2.1852 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1748 distill.loss_dist: 1.0104 2023/05/15 18:13:33 - mmengine - INFO - Epoch(train) [75][1320/1879] lr: 2.0000e-03 eta: 11:28:18 time: 0.9624 data_time: 0.0284 memory: 9812 grad_norm: 3.3945 loss: 2.2114 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1551 distill.loss_dist: 1.0563 2023/05/15 18:13:51 - mmengine - INFO - Epoch(train) [75][1340/1879] lr: 2.0000e-03 eta: 11:28:01 time: 0.8590 data_time: 0.0263 memory: 9812 grad_norm: 3.4251 loss: 2.3229 student.top1_acc: 0.4375 student.top5_acc: 0.6250 student.loss_cls: 1.3012 distill.loss_dist: 1.0217 2023/05/15 18:14:07 - mmengine - INFO - Epoch(train) [75][1360/1879] lr: 2.0000e-03 eta: 11:27:43 time: 0.8310 data_time: 0.0264 memory: 9812 grad_norm: 3.3599 loss: 2.1961 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1597 distill.loss_dist: 1.0364 2023/05/15 18:14:27 - mmengine - INFO - Epoch(train) [75][1380/1879] lr: 2.0000e-03 eta: 11:27:27 time: 0.9778 data_time: 0.0276 memory: 9812 grad_norm: 3.4368 loss: 2.1600 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1124 distill.loss_dist: 1.0475 2023/05/15 18:14:42 - mmengine - INFO - Epoch(train) [75][1400/1879] lr: 2.0000e-03 eta: 11:27:08 time: 0.7619 data_time: 0.0284 memory: 9812 grad_norm: 3.4197 loss: 2.1537 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1492 distill.loss_dist: 1.0045 2023/05/15 18:14:59 - mmengine - INFO - Epoch(train) [75][1420/1879] lr: 2.0000e-03 eta: 11:26:51 time: 0.8666 data_time: 0.0292 memory: 9812 grad_norm: 3.3876 loss: 2.0049 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 0.9910 distill.loss_dist: 1.0139 2023/05/15 18:15:17 - mmengine - INFO - Epoch(train) [75][1440/1879] lr: 2.0000e-03 eta: 11:26:34 time: 0.8655 data_time: 0.0261 memory: 9812 grad_norm: 3.3841 loss: 2.1731 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1363 distill.loss_dist: 1.0368 2023/05/15 18:15:34 - mmengine - INFO - Epoch(train) [75][1460/1879] lr: 2.0000e-03 eta: 11:26:16 time: 0.8705 data_time: 0.0265 memory: 9812 grad_norm: 3.4305 loss: 2.0359 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0150 distill.loss_dist: 1.0209 2023/05/15 18:15:53 - mmengine - INFO - Epoch(train) [75][1480/1879] lr: 2.0000e-03 eta: 11:25:59 time: 0.9449 data_time: 0.0278 memory: 9812 grad_norm: 3.3168 loss: 2.1881 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1742 distill.loss_dist: 1.0140 2023/05/15 18:16:09 - mmengine - INFO - Epoch(train) [75][1500/1879] lr: 2.0000e-03 eta: 11:25:42 time: 0.8114 data_time: 0.0259 memory: 9812 grad_norm: 3.3713 loss: 2.0905 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0806 distill.loss_dist: 1.0099 2023/05/15 18:16:27 - mmengine - INFO - Epoch(train) [75][1520/1879] lr: 2.0000e-03 eta: 11:25:24 time: 0.8677 data_time: 0.0299 memory: 9812 grad_norm: 3.3816 loss: 2.2382 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1818 distill.loss_dist: 1.0563 2023/05/15 18:16:43 - mmengine - INFO - Epoch(train) [75][1540/1879] lr: 2.0000e-03 eta: 11:25:07 time: 0.8269 data_time: 0.0284 memory: 9812 grad_norm: 3.3250 loss: 2.0976 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0756 distill.loss_dist: 1.0220 2023/05/15 18:17:02 - mmengine - INFO - Epoch(train) [75][1560/1879] lr: 2.0000e-03 eta: 11:24:50 time: 0.9384 data_time: 0.0273 memory: 9812 grad_norm: 3.3277 loss: 2.1685 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1401 distill.loss_dist: 1.0284 2023/05/15 18:17:18 - mmengine - INFO - Epoch(train) [75][1580/1879] lr: 2.0000e-03 eta: 11:24:32 time: 0.8013 data_time: 0.0311 memory: 9812 grad_norm: 3.3636 loss: 2.1622 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1370 distill.loss_dist: 1.0252 2023/05/15 18:17:35 - mmengine - INFO - Epoch(train) [75][1600/1879] lr: 2.0000e-03 eta: 11:24:14 time: 0.8431 data_time: 0.0292 memory: 9812 grad_norm: 3.4455 loss: 2.3084 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2920 distill.loss_dist: 1.0164 2023/05/15 18:17:54 - mmengine - INFO - Epoch(train) [75][1620/1879] lr: 2.0000e-03 eta: 11:23:58 time: 0.9514 data_time: 0.0289 memory: 9812 grad_norm: 3.4472 loss: 2.4791 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.4019 distill.loss_dist: 1.0772 2023/05/15 18:18:11 - mmengine - INFO - Epoch(train) [75][1640/1879] lr: 2.0000e-03 eta: 11:23:40 time: 0.8269 data_time: 0.0275 memory: 9812 grad_norm: 3.2992 loss: 2.2288 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1977 distill.loss_dist: 1.0310 2023/05/15 18:18:28 - mmengine - INFO - Epoch(train) [75][1660/1879] lr: 2.0000e-03 eta: 11:23:22 time: 0.8625 data_time: 0.0246 memory: 9812 grad_norm: 3.3973 loss: 2.1611 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1344 distill.loss_dist: 1.0267 2023/05/15 18:18:45 - mmengine - INFO - Epoch(train) [75][1680/1879] lr: 2.0000e-03 eta: 11:23:05 time: 0.8378 data_time: 0.0287 memory: 9812 grad_norm: 3.4289 loss: 2.2916 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2644 distill.loss_dist: 1.0272 2023/05/15 18:19:03 - mmengine - INFO - Epoch(train) [75][1700/1879] lr: 2.0000e-03 eta: 11:22:48 time: 0.9212 data_time: 0.0263 memory: 9812 grad_norm: 3.3302 loss: 1.9145 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 0.9335 distill.loss_dist: 0.9810 2023/05/15 18:19:20 - mmengine - INFO - Epoch(train) [75][1720/1879] lr: 2.0000e-03 eta: 11:22:30 time: 0.8608 data_time: 0.0283 memory: 9812 grad_norm: 3.4107 loss: 2.0810 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0367 distill.loss_dist: 1.0443 2023/05/15 18:19:38 - mmengine - INFO - Epoch(train) [75][1740/1879] lr: 2.0000e-03 eta: 11:22:13 time: 0.8779 data_time: 0.0249 memory: 9812 grad_norm: 3.4046 loss: 2.3336 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3062 distill.loss_dist: 1.0274 2023/05/15 18:19:56 - mmengine - INFO - Epoch(train) [75][1760/1879] lr: 2.0000e-03 eta: 11:21:56 time: 0.9206 data_time: 0.0260 memory: 9812 grad_norm: 3.4885 loss: 2.3353 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3098 distill.loss_dist: 1.0255 2023/05/15 18:20:13 - mmengine - INFO - Epoch(train) [75][1780/1879] lr: 2.0000e-03 eta: 11:21:38 time: 0.8338 data_time: 0.0304 memory: 9812 grad_norm: 3.3219 loss: 2.1411 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1173 distill.loss_dist: 1.0238 2023/05/15 18:20:29 - mmengine - INFO - Epoch(train) [75][1800/1879] lr: 2.0000e-03 eta: 11:21:21 time: 0.8116 data_time: 0.0235 memory: 9812 grad_norm: 3.3024 loss: 2.2516 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2539 distill.loss_dist: 0.9977 2023/05/15 18:20:48 - mmengine - INFO - Epoch(train) [75][1820/1879] lr: 2.0000e-03 eta: 11:21:04 time: 0.9444 data_time: 0.0292 memory: 9812 grad_norm: 3.3374 loss: 2.1568 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1194 distill.loss_dist: 1.0374 2023/05/15 18:21:04 - mmengine - INFO - Epoch(train) [75][1840/1879] lr: 2.0000e-03 eta: 11:20:46 time: 0.8171 data_time: 0.0315 memory: 9812 grad_norm: 3.4398 loss: 2.4316 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3733 distill.loss_dist: 1.0583 2023/05/15 18:21:22 - mmengine - INFO - Epoch(train) [75][1860/1879] lr: 2.0000e-03 eta: 11:20:29 time: 0.8576 data_time: 0.0270 memory: 9812 grad_norm: 3.4959 loss: 2.3684 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3266 distill.loss_dist: 1.0418 2023/05/15 18:21:35 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 18:21:35 - mmengine - INFO - Epoch(train) [75][1879/1879] lr: 2.0000e-03 eta: 11:20:11 time: 0.6914 data_time: 0.0238 memory: 9812 grad_norm: 3.5039 loss: 2.5231 student.top1_acc: 0.4286 student.top5_acc: 0.7143 student.loss_cls: 1.4364 distill.loss_dist: 1.0868 2023/05/15 18:21:35 - mmengine - INFO - Saving checkpoint at 75 epochs 2023/05/15 18:21:57 - mmengine - INFO - Epoch(val) [75][ 20/155] eta: 0:02:17 time: 1.0187 data_time: 0.9520 memory: 1484 2023/05/15 18:22:11 - mmengine - INFO - Epoch(val) [75][ 40/155] eta: 0:01:38 time: 0.6885 data_time: 0.6230 memory: 1484 2023/05/15 18:22:29 - mmengine - INFO - Epoch(val) [75][ 60/155] eta: 0:01:22 time: 0.8853 data_time: 0.8193 memory: 1484 2023/05/15 18:22:42 - mmengine - INFO - Epoch(val) [75][ 80/155] eta: 0:01:01 time: 0.6687 data_time: 0.6048 memory: 1484 2023/05/15 18:23:01 - mmengine - INFO - Epoch(val) [75][100/155] eta: 0:00:46 time: 0.9273 data_time: 0.8613 memory: 1484 2023/05/15 18:23:14 - mmengine - INFO - Epoch(val) [75][120/155] eta: 0:00:28 time: 0.6950 data_time: 0.6349 memory: 1484 2023/05/15 18:23:34 - mmengine - INFO - Epoch(val) [75][140/155] eta: 0:00:12 time: 0.9845 data_time: 0.9216 memory: 1484 2023/05/15 18:24:03 - mmengine - INFO - Epoch(val) [75][ 20/155] eta: 0:16:15 time: 0.9730 data_time: 0.8222 memory: 1582 2023/05/15 18:24:17 - mmengine - INFO - Epoch(val) [75][ 40/155] eta: 0:07:37 time: 0.7329 data_time: 0.5763 memory: 1582 2023/05/15 18:24:35 - mmengine - INFO - Epoch(val) [75][ 60/155] eta: 0:04:40 time: 0.8960 data_time: 0.7437 memory: 1582 2023/05/15 18:24:50 - mmengine - INFO - Epoch(val) [75][ 80/155] eta: 0:02:59 time: 0.7256 data_time: 0.5702 memory: 1582 2023/05/15 18:25:09 - mmengine - INFO - Epoch(val) [75][100/155] eta: 0:01:55 time: 0.9387 data_time: 0.7856 memory: 1582 2023/05/15 18:25:23 - mmengine - INFO - Epoch(val) [75][120/155] eta: 0:01:05 time: 0.7140 data_time: 0.5611 memory: 1582 2023/05/15 18:25:43 - mmengine - INFO - Epoch(val) [75][140/155] eta: 0:00:26 time: 1.0272 data_time: 0.8720 memory: 1582 2023/05/15 18:25:53 - mmengine - INFO - Epoch(val) [75][155/155] acc/top1: 0.6741 acc/top5: 0.8775 acc/mean1: 0.6740 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6699 time: 0.8215 2023/05/15 18:26:15 - mmengine - INFO - Epoch(train) [76][ 20/1879] lr: 2.0000e-03 eta: 11:19:55 time: 1.0963 data_time: 0.2948 memory: 9812 grad_norm: 3.4169 loss: 2.2641 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.1992 distill.loss_dist: 1.0649 2023/05/15 18:26:32 - mmengine - INFO - Epoch(train) [76][ 40/1879] lr: 2.0000e-03 eta: 11:19:38 time: 0.8475 data_time: 0.0298 memory: 9812 grad_norm: 3.3198 loss: 2.0800 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0559 distill.loss_dist: 1.0241 2023/05/15 18:26:48 - mmengine - INFO - Epoch(train) [76][ 60/1879] lr: 2.0000e-03 eta: 11:19:20 time: 0.8367 data_time: 0.0300 memory: 9812 grad_norm: 3.5371 loss: 2.3395 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2742 distill.loss_dist: 1.0653 2023/05/15 18:27:02 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 18:27:07 - mmengine - INFO - Epoch(train) [76][ 80/1879] lr: 2.0000e-03 eta: 11:19:03 time: 0.9065 data_time: 0.0341 memory: 9812 grad_norm: 3.4358 loss: 2.0937 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0736 distill.loss_dist: 1.0201 2023/05/15 18:27:24 - mmengine - INFO - Epoch(train) [76][ 100/1879] lr: 2.0000e-03 eta: 11:18:46 time: 0.8540 data_time: 0.0560 memory: 9812 grad_norm: 3.4304 loss: 2.2801 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2356 distill.loss_dist: 1.0445 2023/05/15 18:27:41 - mmengine - INFO - Epoch(train) [76][ 120/1879] lr: 2.0000e-03 eta: 11:18:28 time: 0.8497 data_time: 0.0262 memory: 9812 grad_norm: 3.4017 loss: 2.1306 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1121 distill.loss_dist: 1.0184 2023/05/15 18:28:00 - mmengine - INFO - Epoch(train) [76][ 140/1879] lr: 2.0000e-03 eta: 11:18:11 time: 0.9392 data_time: 0.0257 memory: 9812 grad_norm: 3.3794 loss: 2.1214 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0832 distill.loss_dist: 1.0382 2023/05/15 18:28:17 - mmengine - INFO - Epoch(train) [76][ 160/1879] lr: 2.0000e-03 eta: 11:17:54 time: 0.8590 data_time: 0.0283 memory: 9812 grad_norm: 3.5015 loss: 2.2190 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1964 distill.loss_dist: 1.0226 2023/05/15 18:28:33 - mmengine - INFO - Epoch(train) [76][ 180/1879] lr: 2.0000e-03 eta: 11:17:36 time: 0.8102 data_time: 0.0258 memory: 9812 grad_norm: 3.3514 loss: 2.0803 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0535 distill.loss_dist: 1.0268 2023/05/15 18:28:52 - mmengine - INFO - Epoch(train) [76][ 200/1879] lr: 2.0000e-03 eta: 11:17:19 time: 0.9395 data_time: 0.0275 memory: 9812 grad_norm: 3.3649 loss: 2.1071 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1243 distill.loss_dist: 0.9828 2023/05/15 18:29:07 - mmengine - INFO - Epoch(train) [76][ 220/1879] lr: 2.0000e-03 eta: 11:17:01 time: 0.7564 data_time: 0.0281 memory: 9812 grad_norm: 3.4161 loss: 2.3019 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2952 distill.loss_dist: 1.0067 2023/05/15 18:29:24 - mmengine - INFO - Epoch(train) [76][ 240/1879] lr: 2.0000e-03 eta: 11:16:44 time: 0.8704 data_time: 0.0289 memory: 9812 grad_norm: 3.3402 loss: 2.0863 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0559 distill.loss_dist: 1.0304 2023/05/15 18:29:42 - mmengine - INFO - Epoch(train) [76][ 260/1879] lr: 2.0000e-03 eta: 11:16:26 time: 0.8604 data_time: 0.0265 memory: 9812 grad_norm: 3.4749 loss: 2.3452 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2894 distill.loss_dist: 1.0559 2023/05/15 18:29:58 - mmengine - INFO - Epoch(train) [76][ 280/1879] lr: 2.0000e-03 eta: 11:16:08 time: 0.8247 data_time: 0.0333 memory: 9812 grad_norm: 3.4355 loss: 2.2369 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2052 distill.loss_dist: 1.0317 2023/05/15 18:30:16 - mmengine - INFO - Epoch(train) [76][ 300/1879] lr: 2.0000e-03 eta: 11:15:51 time: 0.9197 data_time: 0.0285 memory: 9812 grad_norm: 3.4026 loss: 2.2661 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2230 distill.loss_dist: 1.0431 2023/05/15 18:30:35 - mmengine - INFO - Epoch(train) [76][ 320/1879] lr: 2.0000e-03 eta: 11:15:34 time: 0.9166 data_time: 0.0514 memory: 9812 grad_norm: 3.4007 loss: 2.2179 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.1705 distill.loss_dist: 1.0473 2023/05/15 18:30:52 - mmengine - INFO - Epoch(train) [76][ 340/1879] lr: 2.0000e-03 eta: 11:15:17 time: 0.8755 data_time: 0.0270 memory: 9812 grad_norm: 3.4359 loss: 2.0436 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0110 distill.loss_dist: 1.0327 2023/05/15 18:31:09 - mmengine - INFO - Epoch(train) [76][ 360/1879] lr: 2.0000e-03 eta: 11:14:59 time: 0.8338 data_time: 0.0276 memory: 9812 grad_norm: 3.4035 loss: 2.0516 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0482 distill.loss_dist: 1.0034 2023/05/15 18:31:28 - mmengine - INFO - Epoch(train) [76][ 380/1879] lr: 2.0000e-03 eta: 11:14:42 time: 0.9296 data_time: 0.0242 memory: 9812 grad_norm: 3.3857 loss: 2.1469 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1255 distill.loss_dist: 1.0214 2023/05/15 18:31:44 - mmengine - INFO - Epoch(train) [76][ 400/1879] lr: 2.0000e-03 eta: 11:14:25 time: 0.8216 data_time: 0.0308 memory: 9812 grad_norm: 3.3602 loss: 2.2864 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2541 distill.loss_dist: 1.0323 2023/05/15 18:32:02 - mmengine - INFO - Epoch(train) [76][ 420/1879] lr: 2.0000e-03 eta: 11:14:07 time: 0.8885 data_time: 0.0254 memory: 9812 grad_norm: 3.4202 loss: 2.2154 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1953 distill.loss_dist: 1.0200 2023/05/15 18:32:20 - mmengine - INFO - Epoch(train) [76][ 440/1879] lr: 2.0000e-03 eta: 11:13:50 time: 0.9013 data_time: 0.0302 memory: 9812 grad_norm: 3.4088 loss: 2.2847 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2583 distill.loss_dist: 1.0263 2023/05/15 18:32:36 - mmengine - INFO - Epoch(train) [76][ 460/1879] lr: 2.0000e-03 eta: 11:13:33 time: 0.8066 data_time: 0.0260 memory: 9812 grad_norm: 3.3486 loss: 2.0228 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0083 distill.loss_dist: 1.0145 2023/05/15 18:32:54 - mmengine - INFO - Epoch(train) [76][ 480/1879] lr: 2.0000e-03 eta: 11:13:15 time: 0.8972 data_time: 0.0302 memory: 9812 grad_norm: 3.3515 loss: 2.1655 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1474 distill.loss_dist: 1.0181 2023/05/15 18:33:11 - mmengine - INFO - Epoch(train) [76][ 500/1879] lr: 2.0000e-03 eta: 11:12:58 time: 0.8647 data_time: 0.0337 memory: 9812 grad_norm: 3.3921 loss: 2.2784 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2040 distill.loss_dist: 1.0744 2023/05/15 18:33:28 - mmengine - INFO - Epoch(train) [76][ 520/1879] lr: 2.0000e-03 eta: 11:12:40 time: 0.8487 data_time: 0.0246 memory: 9812 grad_norm: 3.3454 loss: 2.0751 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0911 distill.loss_dist: 0.9840 2023/05/15 18:33:46 - mmengine - INFO - Epoch(train) [76][ 540/1879] lr: 2.0000e-03 eta: 11:12:23 time: 0.8629 data_time: 0.0264 memory: 9812 grad_norm: 3.5096 loss: 2.2393 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1921 distill.loss_dist: 1.0472 2023/05/15 18:34:05 - mmengine - INFO - Epoch(train) [76][ 560/1879] lr: 2.0000e-03 eta: 11:12:06 time: 0.9566 data_time: 0.0310 memory: 9812 grad_norm: 3.3744 loss: 2.2598 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2321 distill.loss_dist: 1.0278 2023/05/15 18:34:21 - mmengine - INFO - Epoch(train) [76][ 580/1879] lr: 2.0000e-03 eta: 11:11:48 time: 0.7860 data_time: 0.0239 memory: 9812 grad_norm: 3.3875 loss: 2.2033 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1818 distill.loss_dist: 1.0215 2023/05/15 18:34:37 - mmengine - INFO - Epoch(train) [76][ 600/1879] lr: 2.0000e-03 eta: 11:11:31 time: 0.8172 data_time: 0.0281 memory: 9812 grad_norm: 3.4820 loss: 2.4331 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3791 distill.loss_dist: 1.0540 2023/05/15 18:34:57 - mmengine - INFO - Epoch(train) [76][ 620/1879] lr: 2.0000e-03 eta: 11:11:14 time: 0.9813 data_time: 0.0258 memory: 9812 grad_norm: 3.4207 loss: 2.1454 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1198 distill.loss_dist: 1.0256 2023/05/15 18:35:13 - mmengine - INFO - Epoch(train) [76][ 640/1879] lr: 2.0000e-03 eta: 11:10:56 time: 0.8129 data_time: 0.0297 memory: 9812 grad_norm: 3.4121 loss: 1.9611 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 0.9579 distill.loss_dist: 1.0032 2023/05/15 18:35:30 - mmengine - INFO - Epoch(train) [76][ 660/1879] lr: 2.0000e-03 eta: 11:10:39 time: 0.8526 data_time: 0.0293 memory: 9812 grad_norm: 3.4165 loss: 2.0293 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0001 distill.loss_dist: 1.0293 2023/05/15 18:35:48 - mmengine - INFO - Epoch(train) [76][ 680/1879] lr: 2.0000e-03 eta: 11:10:22 time: 0.9176 data_time: 0.0284 memory: 9812 grad_norm: 3.3465 loss: 2.1120 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0984 distill.loss_dist: 1.0136 2023/05/15 18:36:05 - mmengine - INFO - Epoch(train) [76][ 700/1879] lr: 2.0000e-03 eta: 11:10:04 time: 0.8420 data_time: 0.0306 memory: 9812 grad_norm: 3.4326 loss: 2.3067 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2700 distill.loss_dist: 1.0367 2023/05/15 18:36:23 - mmengine - INFO - Epoch(train) [76][ 720/1879] lr: 2.0000e-03 eta: 11:09:47 time: 0.8691 data_time: 0.0294 memory: 9812 grad_norm: 3.3898 loss: 2.2506 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2029 distill.loss_dist: 1.0478 2023/05/15 18:36:40 - mmengine - INFO - Epoch(train) [76][ 740/1879] lr: 2.0000e-03 eta: 11:09:29 time: 0.8895 data_time: 0.0281 memory: 9812 grad_norm: 3.3690 loss: 2.3231 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2806 distill.loss_dist: 1.0425 2023/05/15 18:36:58 - mmengine - INFO - Epoch(train) [76][ 760/1879] lr: 2.0000e-03 eta: 11:09:12 time: 0.8638 data_time: 0.0273 memory: 9812 grad_norm: 3.4941 loss: 2.1117 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0743 distill.loss_dist: 1.0374 2023/05/15 18:37:15 - mmengine - INFO - Epoch(train) [76][ 780/1879] lr: 2.0000e-03 eta: 11:08:55 time: 0.8692 data_time: 0.0267 memory: 9812 grad_norm: 3.4014 loss: 2.3490 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3096 distill.loss_dist: 1.0394 2023/05/15 18:37:31 - mmengine - INFO - Epoch(train) [76][ 800/1879] lr: 2.0000e-03 eta: 11:08:37 time: 0.8131 data_time: 0.0292 memory: 9812 grad_norm: 3.4716 loss: 2.1209 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0898 distill.loss_dist: 1.0310 2023/05/15 18:37:49 - mmengine - INFO - Epoch(train) [76][ 820/1879] lr: 2.0000e-03 eta: 11:08:20 time: 0.8685 data_time: 0.0271 memory: 9812 grad_norm: 3.3588 loss: 2.3076 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2580 distill.loss_dist: 1.0496 2023/05/15 18:38:06 - mmengine - INFO - Epoch(train) [76][ 840/1879] lr: 2.0000e-03 eta: 11:08:02 time: 0.8768 data_time: 0.0265 memory: 9812 grad_norm: 3.4003 loss: 2.2281 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1949 distill.loss_dist: 1.0332 2023/05/15 18:38:24 - mmengine - INFO - Epoch(train) [76][ 860/1879] lr: 2.0000e-03 eta: 11:07:45 time: 0.8845 data_time: 0.0307 memory: 9812 grad_norm: 3.3504 loss: 1.9414 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 0.9209 distill.loss_dist: 1.0206 2023/05/15 18:38:42 - mmengine - INFO - Epoch(train) [76][ 880/1879] lr: 2.0000e-03 eta: 11:07:28 time: 0.8887 data_time: 0.0359 memory: 9812 grad_norm: 3.4311 loss: 2.2056 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1783 distill.loss_dist: 1.0274 2023/05/15 18:39:00 - mmengine - INFO - Epoch(train) [76][ 900/1879] lr: 2.0000e-03 eta: 11:07:10 time: 0.8876 data_time: 0.0251 memory: 9812 grad_norm: 3.3637 loss: 2.3649 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2954 distill.loss_dist: 1.0695 2023/05/15 18:39:18 - mmengine - INFO - Epoch(train) [76][ 920/1879] lr: 2.0000e-03 eta: 11:06:53 time: 0.9216 data_time: 0.0296 memory: 9812 grad_norm: 3.4602 loss: 2.2484 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2229 distill.loss_dist: 1.0255 2023/05/15 18:39:34 - mmengine - INFO - Epoch(train) [76][ 940/1879] lr: 2.0000e-03 eta: 11:06:36 time: 0.7970 data_time: 0.0277 memory: 9812 grad_norm: 3.4511 loss: 2.1502 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1160 distill.loss_dist: 1.0342 2023/05/15 18:39:53 - mmengine - INFO - Epoch(train) [76][ 960/1879] lr: 2.0000e-03 eta: 11:06:19 time: 0.9364 data_time: 0.0321 memory: 9812 grad_norm: 3.4343 loss: 2.4902 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.4382 distill.loss_dist: 1.0520 2023/05/15 18:40:11 - mmengine - INFO - Epoch(train) [76][ 980/1879] lr: 2.0000e-03 eta: 11:06:02 time: 0.9352 data_time: 0.0268 memory: 9812 grad_norm: 3.4437 loss: 2.1638 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1495 distill.loss_dist: 1.0144 2023/05/15 18:40:27 - mmengine - INFO - Epoch(train) [76][1000/1879] lr: 2.0000e-03 eta: 11:05:44 time: 0.7861 data_time: 0.0263 memory: 9812 grad_norm: 3.3696 loss: 2.2131 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1855 distill.loss_dist: 1.0276 2023/05/15 18:40:44 - mmengine - INFO - Epoch(train) [76][1020/1879] lr: 2.0000e-03 eta: 11:05:26 time: 0.8372 data_time: 0.0275 memory: 9812 grad_norm: 3.5272 loss: 2.2907 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2544 distill.loss_dist: 1.0363 2023/05/15 18:41:02 - mmengine - INFO - Epoch(train) [76][1040/1879] lr: 2.0000e-03 eta: 11:05:09 time: 0.8842 data_time: 0.0272 memory: 9812 grad_norm: 3.3149 loss: 2.0833 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0879 distill.loss_dist: 0.9954 2023/05/15 18:41:17 - mmengine - INFO - Epoch(train) [76][1060/1879] lr: 2.0000e-03 eta: 11:04:51 time: 0.7749 data_time: 0.0270 memory: 9812 grad_norm: 3.4028 loss: 2.3027 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2721 distill.loss_dist: 1.0306 2023/05/15 18:41:32 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 18:41:36 - mmengine - INFO - Epoch(train) [76][1080/1879] lr: 2.0000e-03 eta: 11:04:34 time: 0.9266 data_time: 0.0253 memory: 9812 grad_norm: 3.3604 loss: 2.1377 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1370 distill.loss_dist: 1.0008 2023/05/15 18:41:53 - mmengine - INFO - Epoch(train) [76][1100/1879] lr: 2.0000e-03 eta: 11:04:17 time: 0.8584 data_time: 0.0269 memory: 9812 grad_norm: 3.3863 loss: 2.3517 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3266 distill.loss_dist: 1.0251 2023/05/15 18:42:10 - mmengine - INFO - Epoch(train) [76][1120/1879] lr: 2.0000e-03 eta: 11:03:59 time: 0.8688 data_time: 0.0289 memory: 9812 grad_norm: 3.3872 loss: 2.2198 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1783 distill.loss_dist: 1.0415 2023/05/15 18:42:28 - mmengine - INFO - Epoch(train) [76][1140/1879] lr: 2.0000e-03 eta: 11:03:42 time: 0.9036 data_time: 0.0273 memory: 9812 grad_norm: 3.3531 loss: 2.2839 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2471 distill.loss_dist: 1.0368 2023/05/15 18:42:45 - mmengine - INFO - Epoch(train) [76][1160/1879] lr: 2.0000e-03 eta: 11:03:24 time: 0.8416 data_time: 0.0292 memory: 9812 grad_norm: 3.4737 loss: 2.1728 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1506 distill.loss_dist: 1.0222 2023/05/15 18:43:04 - mmengine - INFO - Epoch(train) [76][1180/1879] lr: 2.0000e-03 eta: 11:03:07 time: 0.9307 data_time: 0.0231 memory: 9812 grad_norm: 3.4958 loss: 2.2620 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2415 distill.loss_dist: 1.0204 2023/05/15 18:43:20 - mmengine - INFO - Epoch(train) [76][1200/1879] lr: 2.0000e-03 eta: 11:02:50 time: 0.8108 data_time: 0.0290 memory: 9812 grad_norm: 3.4109 loss: 2.2281 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1978 distill.loss_dist: 1.0303 2023/05/15 18:43:38 - mmengine - INFO - Epoch(train) [76][1220/1879] lr: 2.0000e-03 eta: 11:02:32 time: 0.8813 data_time: 0.0251 memory: 9812 grad_norm: 3.4182 loss: 2.1403 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0922 distill.loss_dist: 1.0480 2023/05/15 18:43:55 - mmengine - INFO - Epoch(train) [76][1240/1879] lr: 2.0000e-03 eta: 11:02:15 time: 0.8425 data_time: 0.0279 memory: 9812 grad_norm: 3.3367 loss: 2.0567 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0432 distill.loss_dist: 1.0135 2023/05/15 18:44:11 - mmengine - INFO - Epoch(train) [76][1260/1879] lr: 2.0000e-03 eta: 11:01:57 time: 0.8035 data_time: 0.0274 memory: 9812 grad_norm: 3.4061 loss: 2.1628 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1342 distill.loss_dist: 1.0286 2023/05/15 18:44:30 - mmengine - INFO - Epoch(train) [76][1280/1879] lr: 2.0000e-03 eta: 11:01:40 time: 0.9648 data_time: 0.0248 memory: 9812 grad_norm: 3.3935 loss: 2.2410 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2105 distill.loss_dist: 1.0306 2023/05/15 18:44:47 - mmengine - INFO - Epoch(train) [76][1300/1879] lr: 2.0000e-03 eta: 11:01:23 time: 0.8485 data_time: 0.0287 memory: 9812 grad_norm: 3.4664 loss: 2.3273 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.3044 distill.loss_dist: 1.0229 2023/05/15 18:45:03 - mmengine - INFO - Epoch(train) [76][1320/1879] lr: 2.0000e-03 eta: 11:01:05 time: 0.7924 data_time: 0.0261 memory: 9812 grad_norm: 3.2676 loss: 2.1759 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1369 distill.loss_dist: 1.0390 2023/05/15 18:45:21 - mmengine - INFO - Epoch(train) [76][1340/1879] lr: 2.0000e-03 eta: 11:00:48 time: 0.8949 data_time: 0.2830 memory: 9812 grad_norm: 3.3833 loss: 2.2151 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1912 distill.loss_dist: 1.0240 2023/05/15 18:45:39 - mmengine - INFO - Epoch(train) [76][1360/1879] lr: 2.0000e-03 eta: 11:00:31 time: 0.9058 data_time: 0.2541 memory: 9812 grad_norm: 3.4139 loss: 2.3445 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2944 distill.loss_dist: 1.0501 2023/05/15 18:45:55 - mmengine - INFO - Epoch(train) [76][1380/1879] lr: 2.0000e-03 eta: 11:00:13 time: 0.7823 data_time: 0.0670 memory: 9812 grad_norm: 3.4691 loss: 2.3579 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3194 distill.loss_dist: 1.0385 2023/05/15 18:46:14 - mmengine - INFO - Epoch(train) [76][1400/1879] lr: 2.0000e-03 eta: 10:59:56 time: 0.9726 data_time: 0.0502 memory: 9812 grad_norm: 3.3715 loss: 1.9687 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 0.9737 distill.loss_dist: 0.9950 2023/05/15 18:46:31 - mmengine - INFO - Epoch(train) [76][1420/1879] lr: 2.0000e-03 eta: 10:59:38 time: 0.8192 data_time: 0.1060 memory: 9812 grad_norm: 3.4554 loss: 2.3861 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3249 distill.loss_dist: 1.0612 2023/05/15 18:46:47 - mmengine - INFO - Epoch(train) [76][1440/1879] lr: 2.0000e-03 eta: 10:59:20 time: 0.8067 data_time: 0.1527 memory: 9812 grad_norm: 3.4020 loss: 2.1659 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1202 distill.loss_dist: 1.0457 2023/05/15 18:47:05 - mmengine - INFO - Epoch(train) [76][1460/1879] lr: 2.0000e-03 eta: 10:59:03 time: 0.9177 data_time: 0.0967 memory: 9812 grad_norm: 3.4488 loss: 2.2201 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1844 distill.loss_dist: 1.0357 2023/05/15 18:47:23 - mmengine - INFO - Epoch(train) [76][1480/1879] lr: 2.0000e-03 eta: 10:58:46 time: 0.8941 data_time: 0.0269 memory: 9812 grad_norm: 3.3331 loss: 2.1726 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1366 distill.loss_dist: 1.0360 2023/05/15 18:47:39 - mmengine - INFO - Epoch(train) [76][1500/1879] lr: 2.0000e-03 eta: 10:58:28 time: 0.7934 data_time: 0.0242 memory: 9812 grad_norm: 3.3605 loss: 2.0014 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9800 distill.loss_dist: 1.0214 2023/05/15 18:47:57 - mmengine - INFO - Epoch(train) [76][1520/1879] lr: 2.0000e-03 eta: 10:58:11 time: 0.9202 data_time: 0.0263 memory: 9812 grad_norm: 3.3318 loss: 2.0848 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0963 distill.loss_dist: 0.9885 2023/05/15 18:48:14 - mmengine - INFO - Epoch(train) [76][1540/1879] lr: 2.0000e-03 eta: 10:57:54 time: 0.8503 data_time: 0.0267 memory: 9812 grad_norm: 3.4284 loss: 2.3290 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2768 distill.loss_dist: 1.0523 2023/05/15 18:48:31 - mmengine - INFO - Epoch(train) [76][1560/1879] lr: 2.0000e-03 eta: 10:57:36 time: 0.8544 data_time: 0.0259 memory: 9812 grad_norm: 3.3987 loss: 2.1489 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1078 distill.loss_dist: 1.0411 2023/05/15 18:48:49 - mmengine - INFO - Epoch(train) [76][1580/1879] lr: 2.0000e-03 eta: 10:57:19 time: 0.8646 data_time: 0.0303 memory: 9812 grad_norm: 3.3749 loss: 2.2818 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2626 distill.loss_dist: 1.0192 2023/05/15 18:49:06 - mmengine - INFO - Epoch(train) [76][1600/1879] lr: 2.0000e-03 eta: 10:57:02 time: 0.8623 data_time: 0.0259 memory: 9812 grad_norm: 3.4265 loss: 2.2673 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2296 distill.loss_dist: 1.0377 2023/05/15 18:49:23 - mmengine - INFO - Epoch(train) [76][1620/1879] lr: 2.0000e-03 eta: 10:56:44 time: 0.8529 data_time: 0.0268 memory: 9812 grad_norm: 3.3857 loss: 2.1849 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1567 distill.loss_dist: 1.0282 2023/05/15 18:49:41 - mmengine - INFO - Epoch(train) [76][1640/1879] lr: 2.0000e-03 eta: 10:56:27 time: 0.9179 data_time: 0.0276 memory: 9812 grad_norm: 3.4475 loss: 2.1591 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1271 distill.loss_dist: 1.0321 2023/05/15 18:49:58 - mmengine - INFO - Epoch(train) [76][1660/1879] lr: 2.0000e-03 eta: 10:56:09 time: 0.8429 data_time: 0.0281 memory: 9812 grad_norm: 3.4331 loss: 2.2693 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2247 distill.loss_dist: 1.0446 2023/05/15 18:50:16 - mmengine - INFO - Epoch(train) [76][1680/1879] lr: 2.0000e-03 eta: 10:55:52 time: 0.8789 data_time: 0.0355 memory: 9812 grad_norm: 3.4016 loss: 2.2553 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2075 distill.loss_dist: 1.0478 2023/05/15 18:50:33 - mmengine - INFO - Epoch(train) [76][1700/1879] lr: 2.0000e-03 eta: 10:55:35 time: 0.8416 data_time: 0.0310 memory: 9812 grad_norm: 3.4143 loss: 2.1753 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1514 distill.loss_dist: 1.0239 2023/05/15 18:50:51 - mmengine - INFO - Epoch(train) [76][1720/1879] lr: 2.0000e-03 eta: 10:55:17 time: 0.8927 data_time: 0.0631 memory: 9812 grad_norm: 3.3335 loss: 2.1332 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1144 distill.loss_dist: 1.0188 2023/05/15 18:51:09 - mmengine - INFO - Epoch(train) [76][1740/1879] lr: 2.0000e-03 eta: 10:55:00 time: 0.8976 data_time: 0.0267 memory: 9812 grad_norm: 3.3761 loss: 2.2553 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2073 distill.loss_dist: 1.0480 2023/05/15 18:51:25 - mmengine - INFO - Epoch(train) [76][1760/1879] lr: 2.0000e-03 eta: 10:54:43 time: 0.8342 data_time: 0.0253 memory: 9812 grad_norm: 3.3834 loss: 2.0197 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0066 distill.loss_dist: 1.0132 2023/05/15 18:51:44 - mmengine - INFO - Epoch(train) [76][1780/1879] lr: 2.0000e-03 eta: 10:54:25 time: 0.9175 data_time: 0.0291 memory: 9812 grad_norm: 3.3925 loss: 2.1863 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1486 distill.loss_dist: 1.0378 2023/05/15 18:52:01 - mmengine - INFO - Epoch(train) [76][1800/1879] lr: 2.0000e-03 eta: 10:54:08 time: 0.8637 data_time: 0.0281 memory: 9812 grad_norm: 3.4437 loss: 2.1742 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1315 distill.loss_dist: 1.0427 2023/05/15 18:52:18 - mmengine - INFO - Epoch(train) [76][1820/1879] lr: 2.0000e-03 eta: 10:53:51 time: 0.8460 data_time: 0.0246 memory: 9812 grad_norm: 3.3725 loss: 2.3465 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2826 distill.loss_dist: 1.0639 2023/05/15 18:52:36 - mmengine - INFO - Epoch(train) [76][1840/1879] lr: 2.0000e-03 eta: 10:53:33 time: 0.9063 data_time: 0.0274 memory: 9812 grad_norm: 3.4609 loss: 2.1842 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1449 distill.loss_dist: 1.0393 2023/05/15 18:52:54 - mmengine - INFO - Epoch(train) [76][1860/1879] lr: 2.0000e-03 eta: 10:53:16 time: 0.8705 data_time: 0.0259 memory: 9812 grad_norm: 3.4728 loss: 2.2298 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2013 distill.loss_dist: 1.0285 2023/05/15 18:53:06 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 18:53:06 - mmengine - INFO - Epoch(train) [76][1879/1879] lr: 2.0000e-03 eta: 10:52:58 time: 0.6429 data_time: 0.0235 memory: 9812 grad_norm: 3.4584 loss: 2.1696 student.top1_acc: 0.4286 student.top5_acc: 0.5714 student.loss_cls: 1.1214 distill.loss_dist: 1.0481 2023/05/15 18:53:25 - mmengine - INFO - Epoch(val) [76][ 20/155] eta: 0:02:09 time: 0.9612 data_time: 0.8934 memory: 1484 2023/05/15 18:53:40 - mmengine - INFO - Epoch(val) [76][ 40/155] eta: 0:01:38 time: 0.7456 data_time: 0.6796 memory: 1484 2023/05/15 18:53:58 - mmengine - INFO - Epoch(val) [76][ 60/155] eta: 0:01:21 time: 0.8776 data_time: 0.8140 memory: 1484 2023/05/15 18:54:11 - mmengine - INFO - Epoch(val) [76][ 80/155] eta: 0:01:00 time: 0.6495 data_time: 0.5867 memory: 1484 2023/05/15 18:54:29 - mmengine - INFO - Epoch(val) [76][100/155] eta: 0:00:45 time: 0.9342 data_time: 0.8693 memory: 1484 2023/05/15 18:54:44 - mmengine - INFO - Epoch(val) [76][120/155] eta: 0:00:28 time: 0.7182 data_time: 0.6553 memory: 1484 2023/05/15 18:55:03 - mmengine - INFO - Epoch(val) [76][140/155] eta: 0:00:12 time: 0.9565 data_time: 0.8946 memory: 1484 2023/05/15 18:55:33 - mmengine - INFO - Epoch(val) [76][ 20/155] eta: 0:16:21 time: 1.0009 data_time: 0.8484 memory: 1582 2023/05/15 18:55:48 - mmengine - INFO - Epoch(val) [76][ 40/155] eta: 0:07:40 time: 0.7264 data_time: 0.5715 memory: 1582 2023/05/15 18:56:05 - mmengine - INFO - Epoch(val) [76][ 60/155] eta: 0:04:40 time: 0.8458 data_time: 0.6902 memory: 1582 2023/05/15 18:56:19 - mmengine - INFO - Epoch(val) [76][ 80/155] eta: 0:02:59 time: 0.7016 data_time: 0.5455 memory: 1582 2023/05/15 18:56:38 - mmengine - INFO - Epoch(val) [76][100/155] eta: 0:01:55 time: 0.9538 data_time: 0.7957 memory: 1582 2023/05/15 18:56:53 - mmengine - INFO - Epoch(val) [76][120/155] eta: 0:01:05 time: 0.7393 data_time: 0.5855 memory: 1582 2023/05/15 18:57:13 - mmengine - INFO - Epoch(val) [76][140/155] eta: 0:00:26 time: 0.9940 data_time: 0.8401 memory: 1582 2023/05/15 18:57:23 - mmengine - INFO - Epoch(val) [76][155/155] acc/top1: 0.6753 acc/top5: 0.8791 acc/mean1: 0.6753 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6650 time: 0.8179 2023/05/15 18:57:45 - mmengine - INFO - Epoch(train) [77][ 20/1879] lr: 2.0000e-03 eta: 10:52:42 time: 1.0891 data_time: 0.4832 memory: 9812 grad_norm: 3.3563 loss: 2.1743 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1585 distill.loss_dist: 1.0158 2023/05/15 18:58:01 - mmengine - INFO - Epoch(train) [77][ 40/1879] lr: 2.0000e-03 eta: 10:52:25 time: 0.8076 data_time: 0.2747 memory: 9812 grad_norm: 3.3871 loss: 2.1351 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1443 distill.loss_dist: 0.9908 2023/05/15 18:58:17 - mmengine - INFO - Epoch(train) [77][ 60/1879] lr: 2.0000e-03 eta: 10:52:07 time: 0.8042 data_time: 0.3659 memory: 9812 grad_norm: 3.3231 loss: 2.1746 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1246 distill.loss_dist: 1.0499 2023/05/15 18:58:35 - mmengine - INFO - Epoch(train) [77][ 80/1879] lr: 2.0000e-03 eta: 10:51:50 time: 0.9236 data_time: 0.2875 memory: 9812 grad_norm: 3.4078 loss: 2.0567 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0731 distill.loss_dist: 0.9836 2023/05/15 18:58:52 - mmengine - INFO - Epoch(train) [77][ 100/1879] lr: 2.0000e-03 eta: 10:51:32 time: 0.8370 data_time: 0.0966 memory: 9812 grad_norm: 3.4508 loss: 2.0547 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0471 distill.loss_dist: 1.0076 2023/05/15 18:59:08 - mmengine - INFO - Epoch(train) [77][ 120/1879] lr: 2.0000e-03 eta: 10:51:14 time: 0.8105 data_time: 0.0570 memory: 9812 grad_norm: 3.3690 loss: 2.2407 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1943 distill.loss_dist: 1.0464 2023/05/15 18:59:28 - mmengine - INFO - Epoch(train) [77][ 140/1879] lr: 2.0000e-03 eta: 10:50:58 time: 0.9542 data_time: 0.1017 memory: 9812 grad_norm: 3.5235 loss: 2.2794 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2606 distill.loss_dist: 1.0187 2023/05/15 18:59:44 - mmengine - INFO - Epoch(train) [77][ 160/1879] lr: 2.0000e-03 eta: 10:50:40 time: 0.8342 data_time: 0.0261 memory: 9812 grad_norm: 3.3094 loss: 2.0898 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0689 distill.loss_dist: 1.0209 2023/05/15 19:00:01 - mmengine - INFO - Epoch(train) [77][ 180/1879] lr: 2.0000e-03 eta: 10:50:22 time: 0.8475 data_time: 0.0566 memory: 9812 grad_norm: 3.3627 loss: 2.0827 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0740 distill.loss_dist: 1.0086 2023/05/15 19:00:16 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 19:00:20 - mmengine - INFO - Epoch(train) [77][ 200/1879] lr: 2.0000e-03 eta: 10:50:06 time: 0.9559 data_time: 0.1156 memory: 9812 grad_norm: 3.3549 loss: 2.4522 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.4291 distill.loss_dist: 1.0231 2023/05/15 19:00:37 - mmengine - INFO - Epoch(train) [77][ 220/1879] lr: 2.0000e-03 eta: 10:49:48 time: 0.8266 data_time: 0.0228 memory: 9812 grad_norm: 3.3417 loss: 1.9571 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9478 distill.loss_dist: 1.0093 2023/05/15 19:00:53 - mmengine - INFO - Epoch(train) [77][ 240/1879] lr: 2.0000e-03 eta: 10:49:30 time: 0.8125 data_time: 0.0269 memory: 9812 grad_norm: 3.4378 loss: 2.3416 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2792 distill.loss_dist: 1.0624 2023/05/15 19:01:13 - mmengine - INFO - Epoch(train) [77][ 260/1879] lr: 2.0000e-03 eta: 10:49:14 time: 0.9790 data_time: 0.0281 memory: 9812 grad_norm: 3.4368 loss: 2.1150 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0889 distill.loss_dist: 1.0261 2023/05/15 19:01:30 - mmengine - INFO - Epoch(train) [77][ 280/1879] lr: 2.0000e-03 eta: 10:48:56 time: 0.8585 data_time: 0.0233 memory: 9812 grad_norm: 3.2961 loss: 1.9954 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 0.9899 distill.loss_dist: 1.0054 2023/05/15 19:01:47 - mmengine - INFO - Epoch(train) [77][ 300/1879] lr: 2.0000e-03 eta: 10:48:38 time: 0.8267 data_time: 0.0268 memory: 9812 grad_norm: 3.4410 loss: 2.2943 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2563 distill.loss_dist: 1.0381 2023/05/15 19:02:06 - mmengine - INFO - Epoch(train) [77][ 320/1879] lr: 2.0000e-03 eta: 10:48:22 time: 0.9590 data_time: 0.0259 memory: 9812 grad_norm: 3.3752 loss: 2.1521 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1205 distill.loss_dist: 1.0316 2023/05/15 19:02:21 - mmengine - INFO - Epoch(train) [77][ 340/1879] lr: 2.0000e-03 eta: 10:48:04 time: 0.7782 data_time: 0.0291 memory: 9812 grad_norm: 3.4416 loss: 2.2182 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2094 distill.loss_dist: 1.0088 2023/05/15 19:02:37 - mmengine - INFO - Epoch(train) [77][ 360/1879] lr: 2.0000e-03 eta: 10:47:46 time: 0.7808 data_time: 0.0280 memory: 9812 grad_norm: 3.3686 loss: 2.1626 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1321 distill.loss_dist: 1.0306 2023/05/15 19:02:56 - mmengine - INFO - Epoch(train) [77][ 380/1879] lr: 2.0000e-03 eta: 10:47:29 time: 0.9538 data_time: 0.0252 memory: 9812 grad_norm: 3.3492 loss: 2.3314 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2927 distill.loss_dist: 1.0387 2023/05/15 19:03:14 - mmengine - INFO - Epoch(train) [77][ 400/1879] lr: 2.0000e-03 eta: 10:47:12 time: 0.8849 data_time: 0.0276 memory: 9812 grad_norm: 3.3480 loss: 2.1484 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1248 distill.loss_dist: 1.0236 2023/05/15 19:03:30 - mmengine - INFO - Epoch(train) [77][ 420/1879] lr: 2.0000e-03 eta: 10:46:54 time: 0.8125 data_time: 0.0293 memory: 9812 grad_norm: 3.3627 loss: 2.2988 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2549 distill.loss_dist: 1.0439 2023/05/15 19:03:48 - mmengine - INFO - Epoch(train) [77][ 440/1879] lr: 2.0000e-03 eta: 10:46:37 time: 0.9105 data_time: 0.0290 memory: 9812 grad_norm: 3.3998 loss: 2.0050 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0124 distill.loss_dist: 0.9926 2023/05/15 19:04:05 - mmengine - INFO - Epoch(train) [77][ 460/1879] lr: 2.0000e-03 eta: 10:46:19 time: 0.8237 data_time: 0.0272 memory: 9812 grad_norm: 3.4594 loss: 2.1264 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1304 distill.loss_dist: 0.9960 2023/05/15 19:04:22 - mmengine - INFO - Epoch(train) [77][ 480/1879] lr: 2.0000e-03 eta: 10:46:02 time: 0.8851 data_time: 0.0250 memory: 9812 grad_norm: 3.3271 loss: 2.1025 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0842 distill.loss_dist: 1.0182 2023/05/15 19:04:40 - mmengine - INFO - Epoch(train) [77][ 500/1879] lr: 2.0000e-03 eta: 10:45:45 time: 0.8975 data_time: 0.0281 memory: 9812 grad_norm: 3.4041 loss: 2.2553 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2190 distill.loss_dist: 1.0363 2023/05/15 19:04:57 - mmengine - INFO - Epoch(train) [77][ 520/1879] lr: 2.0000e-03 eta: 10:45:27 time: 0.8023 data_time: 0.0283 memory: 9812 grad_norm: 3.3791 loss: 2.2594 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2110 distill.loss_dist: 1.0483 2023/05/15 19:05:14 - mmengine - INFO - Epoch(train) [77][ 540/1879] lr: 2.0000e-03 eta: 10:45:10 time: 0.8854 data_time: 0.0283 memory: 9812 grad_norm: 3.4103 loss: 2.1989 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1540 distill.loss_dist: 1.0449 2023/05/15 19:05:32 - mmengine - INFO - Epoch(train) [77][ 560/1879] lr: 2.0000e-03 eta: 10:44:52 time: 0.8788 data_time: 0.0269 memory: 9812 grad_norm: 3.3598 loss: 2.0696 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0539 distill.loss_dist: 1.0157 2023/05/15 19:05:50 - mmengine - INFO - Epoch(train) [77][ 580/1879] lr: 2.0000e-03 eta: 10:44:35 time: 0.8903 data_time: 0.0272 memory: 9812 grad_norm: 3.4518 loss: 2.3221 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2730 distill.loss_dist: 1.0491 2023/05/15 19:06:07 - mmengine - INFO - Epoch(train) [77][ 600/1879] lr: 2.0000e-03 eta: 10:44:18 time: 0.8706 data_time: 0.0291 memory: 9812 grad_norm: 3.4480 loss: 2.2429 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2119 distill.loss_dist: 1.0311 2023/05/15 19:06:25 - mmengine - INFO - Epoch(train) [77][ 620/1879] lr: 2.0000e-03 eta: 10:44:00 time: 0.8903 data_time: 0.0274 memory: 9812 grad_norm: 3.3896 loss: 2.0528 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0523 distill.loss_dist: 1.0005 2023/05/15 19:06:41 - mmengine - INFO - Epoch(train) [77][ 640/1879] lr: 2.0000e-03 eta: 10:43:43 time: 0.7882 data_time: 0.0274 memory: 9812 grad_norm: 3.4566 loss: 2.1076 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0625 distill.loss_dist: 1.0451 2023/05/15 19:06:58 - mmengine - INFO - Epoch(train) [77][ 660/1879] lr: 2.0000e-03 eta: 10:43:25 time: 0.8739 data_time: 0.0252 memory: 9812 grad_norm: 3.3283 loss: 2.0467 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0252 distill.loss_dist: 1.0215 2023/05/15 19:07:17 - mmengine - INFO - Epoch(train) [77][ 680/1879] lr: 2.0000e-03 eta: 10:43:08 time: 0.9385 data_time: 0.0298 memory: 9812 grad_norm: 3.4185 loss: 2.2809 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2265 distill.loss_dist: 1.0544 2023/05/15 19:07:33 - mmengine - INFO - Epoch(train) [77][ 700/1879] lr: 2.0000e-03 eta: 10:42:50 time: 0.7935 data_time: 0.0324 memory: 9812 grad_norm: 3.4115 loss: 2.2177 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1705 distill.loss_dist: 1.0473 2023/05/15 19:07:51 - mmengine - INFO - Epoch(train) [77][ 720/1879] lr: 2.0000e-03 eta: 10:42:33 time: 0.9258 data_time: 0.0263 memory: 9812 grad_norm: 3.4800 loss: 2.1648 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1715 distill.loss_dist: 0.9932 2023/05/15 19:08:09 - mmengine - INFO - Epoch(train) [77][ 740/1879] lr: 2.0000e-03 eta: 10:42:16 time: 0.8775 data_time: 0.0278 memory: 9812 grad_norm: 3.4424 loss: 2.1763 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1474 distill.loss_dist: 1.0290 2023/05/15 19:08:26 - mmengine - INFO - Epoch(train) [77][ 760/1879] lr: 2.0000e-03 eta: 10:41:59 time: 0.8412 data_time: 0.0267 memory: 9812 grad_norm: 3.4712 loss: 2.1826 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1500 distill.loss_dist: 1.0326 2023/05/15 19:08:43 - mmengine - INFO - Epoch(train) [77][ 780/1879] lr: 2.0000e-03 eta: 10:41:41 time: 0.8775 data_time: 0.0290 memory: 9812 grad_norm: 3.3947 loss: 2.3143 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.2652 distill.loss_dist: 1.0491 2023/05/15 19:09:01 - mmengine - INFO - Epoch(train) [77][ 800/1879] lr: 2.0000e-03 eta: 10:41:24 time: 0.8907 data_time: 0.0272 memory: 9812 grad_norm: 3.4615 loss: 2.4242 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3784 distill.loss_dist: 1.0459 2023/05/15 19:09:18 - mmengine - INFO - Epoch(train) [77][ 820/1879] lr: 2.0000e-03 eta: 10:41:07 time: 0.8590 data_time: 0.0291 memory: 9812 grad_norm: 3.4026 loss: 2.2235 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2164 distill.loss_dist: 1.0071 2023/05/15 19:09:35 - mmengine - INFO - Epoch(train) [77][ 840/1879] lr: 2.0000e-03 eta: 10:40:49 time: 0.8134 data_time: 0.0259 memory: 9812 grad_norm: 3.4232 loss: 2.2970 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2565 distill.loss_dist: 1.0405 2023/05/15 19:09:53 - mmengine - INFO - Epoch(train) [77][ 860/1879] lr: 2.0000e-03 eta: 10:40:32 time: 0.8979 data_time: 0.0270 memory: 9812 grad_norm: 3.4047 loss: 2.1654 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1553 distill.loss_dist: 1.0101 2023/05/15 19:10:11 - mmengine - INFO - Epoch(train) [77][ 880/1879] lr: 2.0000e-03 eta: 10:40:14 time: 0.9039 data_time: 0.0295 memory: 9812 grad_norm: 3.4478 loss: 2.3066 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2727 distill.loss_dist: 1.0339 2023/05/15 19:10:28 - mmengine - INFO - Epoch(train) [77][ 900/1879] lr: 2.0000e-03 eta: 10:39:57 time: 0.8390 data_time: 0.0241 memory: 9812 grad_norm: 3.4082 loss: 2.2144 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1851 distill.loss_dist: 1.0293 2023/05/15 19:10:44 - mmengine - INFO - Epoch(train) [77][ 920/1879] lr: 2.0000e-03 eta: 10:39:39 time: 0.8274 data_time: 0.0243 memory: 9812 grad_norm: 3.4082 loss: 2.1917 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1703 distill.loss_dist: 1.0214 2023/05/15 19:11:03 - mmengine - INFO - Epoch(train) [77][ 940/1879] lr: 2.0000e-03 eta: 10:39:22 time: 0.9284 data_time: 0.0286 memory: 9812 grad_norm: 3.3550 loss: 2.2564 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2377 distill.loss_dist: 1.0187 2023/05/15 19:11:19 - mmengine - INFO - Epoch(train) [77][ 960/1879] lr: 2.0000e-03 eta: 10:39:04 time: 0.7927 data_time: 0.0265 memory: 9812 grad_norm: 3.3177 loss: 2.2348 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1990 distill.loss_dist: 1.0359 2023/05/15 19:11:37 - mmengine - INFO - Epoch(train) [77][ 980/1879] lr: 2.0000e-03 eta: 10:38:47 time: 0.9227 data_time: 0.0277 memory: 9812 grad_norm: 3.4355 loss: 2.2603 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2219 distill.loss_dist: 1.0384 2023/05/15 19:11:55 - mmengine - INFO - Epoch(train) [77][1000/1879] lr: 2.0000e-03 eta: 10:38:30 time: 0.8743 data_time: 0.0317 memory: 9812 grad_norm: 3.4371 loss: 2.2429 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2161 distill.loss_dist: 1.0267 2023/05/15 19:12:12 - mmengine - INFO - Epoch(train) [77][1020/1879] lr: 2.0000e-03 eta: 10:38:13 time: 0.8595 data_time: 0.0264 memory: 9812 grad_norm: 3.4429 loss: 2.3343 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2861 distill.loss_dist: 1.0481 2023/05/15 19:12:30 - mmengine - INFO - Epoch(train) [77][1040/1879] lr: 2.0000e-03 eta: 10:37:56 time: 0.9205 data_time: 0.0242 memory: 9812 grad_norm: 3.3963 loss: 2.2452 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1843 distill.loss_dist: 1.0610 2023/05/15 19:12:47 - mmengine - INFO - Epoch(train) [77][1060/1879] lr: 2.0000e-03 eta: 10:37:38 time: 0.8270 data_time: 0.0267 memory: 9812 grad_norm: 3.4081 loss: 2.1734 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1579 distill.loss_dist: 1.0155 2023/05/15 19:13:06 - mmengine - INFO - Epoch(train) [77][1080/1879] lr: 2.0000e-03 eta: 10:37:21 time: 0.9395 data_time: 0.0241 memory: 9812 grad_norm: 3.3131 loss: 2.1357 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1006 distill.loss_dist: 1.0352 2023/05/15 19:13:23 - mmengine - INFO - Epoch(train) [77][1100/1879] lr: 2.0000e-03 eta: 10:37:04 time: 0.8527 data_time: 0.0249 memory: 9812 grad_norm: 3.3683 loss: 2.0685 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0659 distill.loss_dist: 1.0026 2023/05/15 19:13:38 - mmengine - INFO - Epoch(train) [77][1120/1879] lr: 2.0000e-03 eta: 10:36:46 time: 0.7856 data_time: 0.0274 memory: 9812 grad_norm: 3.5318 loss: 2.2731 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2139 distill.loss_dist: 1.0592 2023/05/15 19:13:58 - mmengine - INFO - Epoch(train) [77][1140/1879] lr: 2.0000e-03 eta: 10:36:29 time: 0.9615 data_time: 0.0287 memory: 9812 grad_norm: 3.4404 loss: 2.1528 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1394 distill.loss_dist: 1.0134 2023/05/15 19:14:14 - mmengine - INFO - Epoch(train) [77][1160/1879] lr: 2.0000e-03 eta: 10:36:11 time: 0.7940 data_time: 0.0278 memory: 9812 grad_norm: 3.4542 loss: 2.1982 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1540 distill.loss_dist: 1.0442 2023/05/15 19:14:30 - mmengine - INFO - Epoch(train) [77][1180/1879] lr: 2.0000e-03 eta: 10:35:53 time: 0.8222 data_time: 0.0260 memory: 9812 grad_norm: 3.4552 loss: 2.1970 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1494 distill.loss_dist: 1.0476 2023/05/15 19:14:45 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 19:14:49 - mmengine - INFO - Epoch(train) [77][1200/1879] lr: 2.0000e-03 eta: 10:35:36 time: 0.9525 data_time: 0.0257 memory: 9812 grad_norm: 3.4521 loss: 2.1523 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1168 distill.loss_dist: 1.0354 2023/05/15 19:15:06 - mmengine - INFO - Epoch(train) [77][1220/1879] lr: 2.0000e-03 eta: 10:35:19 time: 0.8656 data_time: 0.0256 memory: 9812 grad_norm: 3.4638 loss: 2.3269 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2754 distill.loss_dist: 1.0515 2023/05/15 19:15:22 - mmengine - INFO - Epoch(train) [77][1240/1879] lr: 2.0000e-03 eta: 10:35:01 time: 0.7933 data_time: 0.0285 memory: 9812 grad_norm: 3.4538 loss: 2.0130 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0193 distill.loss_dist: 0.9937 2023/05/15 19:15:42 - mmengine - INFO - Epoch(train) [77][1260/1879] lr: 2.0000e-03 eta: 10:34:45 time: 0.9866 data_time: 0.0275 memory: 9812 grad_norm: 3.4016 loss: 2.2950 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2220 distill.loss_dist: 1.0730 2023/05/15 19:15:59 - mmengine - INFO - Epoch(train) [77][1280/1879] lr: 2.0000e-03 eta: 10:34:27 time: 0.8468 data_time: 0.0250 memory: 9812 grad_norm: 3.4449 loss: 2.1141 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0900 distill.loss_dist: 1.0241 2023/05/15 19:16:15 - mmengine - INFO - Epoch(train) [77][1300/1879] lr: 2.0000e-03 eta: 10:34:09 time: 0.8011 data_time: 0.0270 memory: 9812 grad_norm: 3.3665 loss: 2.1398 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1356 distill.loss_dist: 1.0041 2023/05/15 19:16:34 - mmengine - INFO - Epoch(train) [77][1320/1879] lr: 2.0000e-03 eta: 10:33:52 time: 0.9342 data_time: 0.0261 memory: 9812 grad_norm: 3.3759 loss: 2.0031 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.0014 distill.loss_dist: 1.0017 2023/05/15 19:16:51 - mmengine - INFO - Epoch(train) [77][1340/1879] lr: 2.0000e-03 eta: 10:33:35 time: 0.8727 data_time: 0.0389 memory: 9812 grad_norm: 3.3878 loss: 2.4519 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.3919 distill.loss_dist: 1.0600 2023/05/15 19:17:08 - mmengine - INFO - Epoch(train) [77][1360/1879] lr: 2.0000e-03 eta: 10:33:17 time: 0.8137 data_time: 0.0251 memory: 9812 grad_norm: 3.3706 loss: 2.2506 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2146 distill.loss_dist: 1.0360 2023/05/15 19:17:26 - mmengine - INFO - Epoch(train) [77][1380/1879] lr: 2.0000e-03 eta: 10:33:00 time: 0.9311 data_time: 0.0264 memory: 9812 grad_norm: 3.5105 loss: 2.0986 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0785 distill.loss_dist: 1.0201 2023/05/15 19:17:42 - mmengine - INFO - Epoch(train) [77][1400/1879] lr: 2.0000e-03 eta: 10:32:42 time: 0.8089 data_time: 0.0299 memory: 9812 grad_norm: 3.4713 loss: 2.4323 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3912 distill.loss_dist: 1.0410 2023/05/15 19:17:59 - mmengine - INFO - Epoch(train) [77][1420/1879] lr: 2.0000e-03 eta: 10:32:25 time: 0.8318 data_time: 0.0308 memory: 9812 grad_norm: 3.4162 loss: 2.2485 student.top1_acc: 0.3750 student.top5_acc: 0.6875 student.loss_cls: 1.1961 distill.loss_dist: 1.0524 2023/05/15 19:18:17 - mmengine - INFO - Epoch(train) [77][1440/1879] lr: 2.0000e-03 eta: 10:32:08 time: 0.8951 data_time: 0.0242 memory: 9812 grad_norm: 3.3691 loss: 2.2859 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2405 distill.loss_dist: 1.0454 2023/05/15 19:18:35 - mmengine - INFO - Epoch(train) [77][1460/1879] lr: 2.0000e-03 eta: 10:31:50 time: 0.8823 data_time: 0.0261 memory: 9812 grad_norm: 3.4386 loss: 2.0460 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.0548 distill.loss_dist: 0.9912 2023/05/15 19:18:51 - mmengine - INFO - Epoch(train) [77][1480/1879] lr: 2.0000e-03 eta: 10:31:33 time: 0.8221 data_time: 0.0282 memory: 9812 grad_norm: 3.4179 loss: 2.3695 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3282 distill.loss_dist: 1.0413 2023/05/15 19:19:09 - mmengine - INFO - Epoch(train) [77][1500/1879] lr: 2.0000e-03 eta: 10:31:15 time: 0.8883 data_time: 0.0598 memory: 9812 grad_norm: 3.3603 loss: 2.0485 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0268 distill.loss_dist: 1.0217 2023/05/15 19:19:27 - mmengine - INFO - Epoch(train) [77][1520/1879] lr: 2.0000e-03 eta: 10:30:58 time: 0.9012 data_time: 0.0227 memory: 9812 grad_norm: 3.3650 loss: 2.3029 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2675 distill.loss_dist: 1.0354 2023/05/15 19:19:44 - mmengine - INFO - Epoch(train) [77][1540/1879] lr: 2.0000e-03 eta: 10:30:41 time: 0.8504 data_time: 0.0288 memory: 9812 grad_norm: 3.3840 loss: 2.1888 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1518 distill.loss_dist: 1.0370 2023/05/15 19:20:00 - mmengine - INFO - Epoch(train) [77][1560/1879] lr: 2.0000e-03 eta: 10:30:23 time: 0.8083 data_time: 0.0293 memory: 9812 grad_norm: 3.3884 loss: 2.1079 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1018 distill.loss_dist: 1.0061 2023/05/15 19:20:17 - mmengine - INFO - Epoch(train) [77][1580/1879] lr: 2.0000e-03 eta: 10:30:06 time: 0.8507 data_time: 0.0231 memory: 9812 grad_norm: 3.5261 loss: 2.2987 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2612 distill.loss_dist: 1.0375 2023/05/15 19:20:36 - mmengine - INFO - Epoch(train) [77][1600/1879] lr: 2.0000e-03 eta: 10:29:49 time: 0.9206 data_time: 0.0267 memory: 9812 grad_norm: 3.4329 loss: 2.1857 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1641 distill.loss_dist: 1.0216 2023/05/15 19:20:53 - mmengine - INFO - Epoch(train) [77][1620/1879] lr: 2.0000e-03 eta: 10:29:31 time: 0.8787 data_time: 0.0271 memory: 9812 grad_norm: 3.4004 loss: 2.1448 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.1175 distill.loss_dist: 1.0273 2023/05/15 19:21:10 - mmengine - INFO - Epoch(train) [77][1640/1879] lr: 2.0000e-03 eta: 10:29:14 time: 0.8333 data_time: 0.0274 memory: 9812 grad_norm: 3.4676 loss: 2.2368 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1842 distill.loss_dist: 1.0526 2023/05/15 19:21:27 - mmengine - INFO - Epoch(train) [77][1660/1879] lr: 2.0000e-03 eta: 10:28:56 time: 0.8359 data_time: 0.0256 memory: 9812 grad_norm: 3.4988 loss: 2.2246 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1853 distill.loss_dist: 1.0393 2023/05/15 19:21:47 - mmengine - INFO - Epoch(train) [77][1680/1879] lr: 2.0000e-03 eta: 10:28:40 time: 1.0323 data_time: 0.0266 memory: 9812 grad_norm: 3.3891 loss: 2.1767 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1439 distill.loss_dist: 1.0328 2023/05/15 19:22:03 - mmengine - INFO - Epoch(train) [77][1700/1879] lr: 2.0000e-03 eta: 10:28:22 time: 0.8083 data_time: 0.0271 memory: 9812 grad_norm: 3.4738 loss: 2.1346 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1494 distill.loss_dist: 0.9853 2023/05/15 19:22:20 - mmengine - INFO - Epoch(train) [77][1720/1879] lr: 2.0000e-03 eta: 10:28:04 time: 0.8258 data_time: 0.0275 memory: 9812 grad_norm: 3.5189 loss: 2.2145 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1989 distill.loss_dist: 1.0156 2023/05/15 19:22:40 - mmengine - INFO - Epoch(train) [77][1740/1879] lr: 2.0000e-03 eta: 10:27:48 time: 0.9885 data_time: 0.0265 memory: 9812 grad_norm: 3.4541 loss: 2.3572 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.3012 distill.loss_dist: 1.0559 2023/05/15 19:22:55 - mmengine - INFO - Epoch(train) [77][1760/1879] lr: 2.0000e-03 eta: 10:27:30 time: 0.7663 data_time: 0.0269 memory: 9812 grad_norm: 3.4959 loss: 2.1368 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1025 distill.loss_dist: 1.0343 2023/05/15 19:23:12 - mmengine - INFO - Epoch(train) [77][1780/1879] lr: 2.0000e-03 eta: 10:27:12 time: 0.8199 data_time: 0.0253 memory: 9812 grad_norm: 3.3437 loss: 2.1296 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1125 distill.loss_dist: 1.0171 2023/05/15 19:23:30 - mmengine - INFO - Epoch(train) [77][1800/1879] lr: 2.0000e-03 eta: 10:26:55 time: 0.9267 data_time: 0.0274 memory: 9812 grad_norm: 3.3887 loss: 2.2850 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2377 distill.loss_dist: 1.0473 2023/05/15 19:23:47 - mmengine - INFO - Epoch(train) [77][1820/1879] lr: 2.0000e-03 eta: 10:26:37 time: 0.8372 data_time: 0.0282 memory: 9812 grad_norm: 3.4383 loss: 2.0395 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0180 distill.loss_dist: 1.0215 2023/05/15 19:24:04 - mmengine - INFO - Epoch(train) [77][1840/1879] lr: 2.0000e-03 eta: 10:26:20 time: 0.8506 data_time: 0.0246 memory: 9812 grad_norm: 3.5251 loss: 2.2531 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1983 distill.loss_dist: 1.0549 2023/05/15 19:24:22 - mmengine - INFO - Epoch(train) [77][1860/1879] lr: 2.0000e-03 eta: 10:26:03 time: 0.8936 data_time: 0.0248 memory: 9812 grad_norm: 3.4574 loss: 2.1191 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0876 distill.loss_dist: 1.0316 2023/05/15 19:24:35 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 19:24:35 - mmengine - INFO - Epoch(train) [77][1879/1879] lr: 2.0000e-03 eta: 10:25:45 time: 0.8435 data_time: 0.0239 memory: 9812 grad_norm: 3.4275 loss: 2.1718 student.top1_acc: 0.2857 student.top5_acc: 0.7143 student.loss_cls: 1.1524 distill.loss_dist: 1.0194 2023/05/15 19:24:55 - mmengine - INFO - Epoch(val) [77][ 20/155] eta: 0:02:10 time: 0.9699 data_time: 0.9057 memory: 1484 2023/05/15 19:25:09 - mmengine - INFO - Epoch(val) [77][ 40/155] eta: 0:01:36 time: 0.7122 data_time: 0.6453 memory: 1484 2023/05/15 19:25:27 - mmengine - INFO - Epoch(val) [77][ 60/155] eta: 0:01:21 time: 0.8922 data_time: 0.8285 memory: 1484 2023/05/15 19:25:41 - mmengine - INFO - Epoch(val) [77][ 80/155] eta: 0:01:01 time: 0.6830 data_time: 0.6173 memory: 1484 2023/05/15 19:26:00 - mmengine - INFO - Epoch(val) [77][100/155] eta: 0:00:46 time: 0.9492 data_time: 0.8861 memory: 1484 2023/05/15 19:26:13 - mmengine - INFO - Epoch(val) [77][120/155] eta: 0:00:28 time: 0.6614 data_time: 0.5942 memory: 1484 2023/05/15 19:26:33 - mmengine - INFO - Epoch(val) [77][140/155] eta: 0:00:12 time: 1.0184 data_time: 0.9555 memory: 1484 2023/05/15 19:27:03 - mmengine - INFO - Epoch(val) [77][ 20/155] eta: 0:16:22 time: 0.9856 data_time: 0.8329 memory: 1582 2023/05/15 19:27:18 - mmengine - INFO - Epoch(val) [77][ 40/155] eta: 0:07:41 time: 0.7459 data_time: 0.5904 memory: 1582 2023/05/15 19:27:36 - mmengine - INFO - Epoch(val) [77][ 60/155] eta: 0:04:42 time: 0.8911 data_time: 0.7378 memory: 1582 2023/05/15 19:27:50 - mmengine - INFO - Epoch(val) [77][ 80/155] eta: 0:03:00 time: 0.7342 data_time: 0.5803 memory: 1582 2023/05/15 19:28:10 - mmengine - INFO - Epoch(val) [77][100/155] eta: 0:01:56 time: 0.9719 data_time: 0.8149 memory: 1582 2023/05/15 19:28:24 - mmengine - INFO - Epoch(val) [77][120/155] eta: 0:01:05 time: 0.6871 data_time: 0.5329 memory: 1582 2023/05/15 19:28:43 - mmengine - INFO - Epoch(val) [77][140/155] eta: 0:00:26 time: 0.9936 data_time: 0.8377 memory: 1582 2023/05/15 19:28:52 - mmengine - INFO - Epoch(val) [77][155/155] acc/top1: 0.6745 acc/top5: 0.8783 acc/mean1: 0.6744 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6676 time: 0.8203 2023/05/15 19:29:14 - mmengine - INFO - Epoch(train) [78][ 20/1879] lr: 2.0000e-03 eta: 10:25:29 time: 1.0978 data_time: 0.3161 memory: 9812 grad_norm: 3.4748 loss: 2.1094 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1070 distill.loss_dist: 1.0024 2023/05/15 19:29:31 - mmengine - INFO - Epoch(train) [78][ 40/1879] lr: 2.0000e-03 eta: 10:25:12 time: 0.8262 data_time: 0.0777 memory: 9812 grad_norm: 3.4474 loss: 2.0683 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0696 distill.loss_dist: 0.9987 2023/05/15 19:29:47 - mmengine - INFO - Epoch(train) [78][ 60/1879] lr: 2.0000e-03 eta: 10:24:54 time: 0.8213 data_time: 0.0286 memory: 9812 grad_norm: 3.3811 loss: 2.0633 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0355 distill.loss_dist: 1.0279 2023/05/15 19:30:06 - mmengine - INFO - Epoch(train) [78][ 80/1879] lr: 2.0000e-03 eta: 10:24:37 time: 0.9358 data_time: 0.0292 memory: 9812 grad_norm: 3.4009 loss: 2.1204 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1266 distill.loss_dist: 0.9938 2023/05/15 19:30:25 - mmengine - INFO - Epoch(train) [78][ 100/1879] lr: 2.0000e-03 eta: 10:24:20 time: 0.9316 data_time: 0.0278 memory: 9812 grad_norm: 3.4503 loss: 2.0727 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0402 distill.loss_dist: 1.0325 2023/05/15 19:30:41 - mmengine - INFO - Epoch(train) [78][ 120/1879] lr: 2.0000e-03 eta: 10:24:02 time: 0.7930 data_time: 0.0244 memory: 9812 grad_norm: 3.4653 loss: 2.1639 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1319 distill.loss_dist: 1.0320 2023/05/15 19:30:58 - mmengine - INFO - Epoch(train) [78][ 140/1879] lr: 2.0000e-03 eta: 10:23:45 time: 0.8611 data_time: 0.0270 memory: 9812 grad_norm: 3.4111 loss: 2.1006 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0655 distill.loss_dist: 1.0351 2023/05/15 19:31:16 - mmengine - INFO - Epoch(train) [78][ 160/1879] lr: 2.0000e-03 eta: 10:23:28 time: 0.8925 data_time: 0.0291 memory: 9812 grad_norm: 3.4162 loss: 2.1752 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1593 distill.loss_dist: 1.0159 2023/05/15 19:31:32 - mmengine - INFO - Epoch(train) [78][ 180/1879] lr: 2.0000e-03 eta: 10:23:10 time: 0.8259 data_time: 0.0245 memory: 9812 grad_norm: 3.3981 loss: 2.3785 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3088 distill.loss_dist: 1.0698 2023/05/15 19:31:52 - mmengine - INFO - Epoch(train) [78][ 200/1879] lr: 2.0000e-03 eta: 10:22:53 time: 0.9809 data_time: 0.0266 memory: 9812 grad_norm: 3.4409 loss: 2.2400 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2048 distill.loss_dist: 1.0352 2023/05/15 19:32:08 - mmengine - INFO - Epoch(train) [78][ 220/1879] lr: 2.0000e-03 eta: 10:22:35 time: 0.8094 data_time: 0.0327 memory: 9812 grad_norm: 3.4398 loss: 2.0992 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1028 distill.loss_dist: 0.9964 2023/05/15 19:32:25 - mmengine - INFO - Epoch(train) [78][ 240/1879] lr: 2.0000e-03 eta: 10:22:18 time: 0.8437 data_time: 0.0259 memory: 9812 grad_norm: 3.3590 loss: 2.0200 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.9749 distill.loss_dist: 1.0451 2023/05/15 19:32:45 - mmengine - INFO - Epoch(train) [78][ 260/1879] lr: 2.0000e-03 eta: 10:22:01 time: 1.0218 data_time: 0.0263 memory: 9812 grad_norm: 3.4210 loss: 2.2394 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2320 distill.loss_dist: 1.0074 2023/05/15 19:33:01 - mmengine - INFO - Epoch(train) [78][ 280/1879] lr: 2.0000e-03 eta: 10:21:44 time: 0.7882 data_time: 0.0253 memory: 9812 grad_norm: 3.4198 loss: 2.1232 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1106 distill.loss_dist: 1.0125 2023/05/15 19:33:18 - mmengine - INFO - Epoch(train) [78][ 300/1879] lr: 2.0000e-03 eta: 10:21:26 time: 0.8440 data_time: 0.0288 memory: 9812 grad_norm: 3.3929 loss: 2.2164 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1922 distill.loss_dist: 1.0241 2023/05/15 19:33:32 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 19:33:37 - mmengine - INFO - Epoch(train) [78][ 320/1879] lr: 2.0000e-03 eta: 10:21:09 time: 0.9263 data_time: 0.0312 memory: 9812 grad_norm: 3.3220 loss: 2.2774 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2363 distill.loss_dist: 1.0411 2023/05/15 19:33:53 - mmengine - INFO - Epoch(train) [78][ 340/1879] lr: 2.0000e-03 eta: 10:20:51 time: 0.8160 data_time: 0.0293 memory: 9812 grad_norm: 3.4655 loss: 2.2217 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1968 distill.loss_dist: 1.0249 2023/05/15 19:34:10 - mmengine - INFO - Epoch(train) [78][ 360/1879] lr: 2.0000e-03 eta: 10:20:34 time: 0.8336 data_time: 0.0279 memory: 9812 grad_norm: 3.4355 loss: 2.2194 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1867 distill.loss_dist: 1.0327 2023/05/15 19:34:28 - mmengine - INFO - Epoch(train) [78][ 380/1879] lr: 2.0000e-03 eta: 10:20:17 time: 0.9332 data_time: 0.0290 memory: 9812 grad_norm: 3.4706 loss: 2.1305 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0810 distill.loss_dist: 1.0495 2023/05/15 19:34:47 - mmengine - INFO - Epoch(train) [78][ 400/1879] lr: 2.0000e-03 eta: 10:20:00 time: 0.9226 data_time: 0.0286 memory: 9812 grad_norm: 3.4463 loss: 2.1748 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1142 distill.loss_dist: 1.0606 2023/05/15 19:35:04 - mmengine - INFO - Epoch(train) [78][ 420/1879] lr: 2.0000e-03 eta: 10:19:42 time: 0.8327 data_time: 0.0248 memory: 9812 grad_norm: 3.4545 loss: 2.2028 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1599 distill.loss_dist: 1.0430 2023/05/15 19:35:21 - mmengine - INFO - Epoch(train) [78][ 440/1879] lr: 2.0000e-03 eta: 10:19:25 time: 0.8499 data_time: 0.0277 memory: 9812 grad_norm: 3.5073 loss: 2.1311 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0991 distill.loss_dist: 1.0319 2023/05/15 19:35:37 - mmengine - INFO - Epoch(train) [78][ 460/1879] lr: 2.0000e-03 eta: 10:19:07 time: 0.8120 data_time: 0.0272 memory: 9812 grad_norm: 3.3933 loss: 2.2690 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2294 distill.loss_dist: 1.0396 2023/05/15 19:35:54 - mmengine - INFO - Epoch(train) [78][ 480/1879] lr: 2.0000e-03 eta: 10:18:49 time: 0.8569 data_time: 0.0275 memory: 9812 grad_norm: 3.3922 loss: 2.2159 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1834 distill.loss_dist: 1.0325 2023/05/15 19:36:13 - mmengine - INFO - Epoch(train) [78][ 500/1879] lr: 2.0000e-03 eta: 10:18:33 time: 0.9618 data_time: 0.0268 memory: 9812 grad_norm: 3.4028 loss: 2.1429 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1174 distill.loss_dist: 1.0255 2023/05/15 19:36:30 - mmengine - INFO - Epoch(train) [78][ 520/1879] lr: 2.0000e-03 eta: 10:18:15 time: 0.8172 data_time: 0.0302 memory: 9812 grad_norm: 3.4909 loss: 2.3345 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2966 distill.loss_dist: 1.0379 2023/05/15 19:36:47 - mmengine - INFO - Epoch(train) [78][ 540/1879] lr: 2.0000e-03 eta: 10:17:58 time: 0.8840 data_time: 0.0273 memory: 9812 grad_norm: 3.3743 loss: 2.0452 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0399 distill.loss_dist: 1.0052 2023/05/15 19:37:04 - mmengine - INFO - Epoch(train) [78][ 560/1879] lr: 2.0000e-03 eta: 10:17:40 time: 0.8190 data_time: 0.0278 memory: 9812 grad_norm: 3.4144 loss: 2.2297 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2007 distill.loss_dist: 1.0289 2023/05/15 19:37:22 - mmengine - INFO - Epoch(train) [78][ 580/1879] lr: 2.0000e-03 eta: 10:17:23 time: 0.9243 data_time: 0.0259 memory: 9812 grad_norm: 3.4073 loss: 2.2108 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2012 distill.loss_dist: 1.0095 2023/05/15 19:37:39 - mmengine - INFO - Epoch(train) [78][ 600/1879] lr: 2.0000e-03 eta: 10:17:05 time: 0.8147 data_time: 0.0289 memory: 9812 grad_norm: 3.3488 loss: 2.0794 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0476 distill.loss_dist: 1.0318 2023/05/15 19:37:56 - mmengine - INFO - Epoch(train) [78][ 620/1879] lr: 2.0000e-03 eta: 10:16:48 time: 0.8475 data_time: 0.0275 memory: 9812 grad_norm: 3.3730 loss: 2.1415 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1348 distill.loss_dist: 1.0067 2023/05/15 19:38:14 - mmengine - INFO - Epoch(train) [78][ 640/1879] lr: 2.0000e-03 eta: 10:16:31 time: 0.9212 data_time: 0.0295 memory: 9812 grad_norm: 3.4717 loss: 2.3360 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2972 distill.loss_dist: 1.0388 2023/05/15 19:38:31 - mmengine - INFO - Epoch(train) [78][ 660/1879] lr: 2.0000e-03 eta: 10:16:13 time: 0.8353 data_time: 0.0270 memory: 9812 grad_norm: 3.3859 loss: 2.2645 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2234 distill.loss_dist: 1.0411 2023/05/15 19:38:49 - mmengine - INFO - Epoch(train) [78][ 680/1879] lr: 2.0000e-03 eta: 10:15:56 time: 0.9375 data_time: 0.0233 memory: 9812 grad_norm: 3.4396 loss: 2.1918 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1416 distill.loss_dist: 1.0502 2023/05/15 19:39:07 - mmengine - INFO - Epoch(train) [78][ 700/1879] lr: 2.0000e-03 eta: 10:15:39 time: 0.8701 data_time: 0.0279 memory: 9812 grad_norm: 3.3799 loss: 2.1388 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1224 distill.loss_dist: 1.0164 2023/05/15 19:39:24 - mmengine - INFO - Epoch(train) [78][ 720/1879] lr: 2.0000e-03 eta: 10:15:21 time: 0.8412 data_time: 0.0287 memory: 9812 grad_norm: 3.4989 loss: 2.1359 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1304 distill.loss_dist: 1.0055 2023/05/15 19:39:43 - mmengine - INFO - Epoch(train) [78][ 740/1879] lr: 2.0000e-03 eta: 10:15:04 time: 0.9516 data_time: 0.0273 memory: 9812 grad_norm: 3.3446 loss: 2.2477 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2052 distill.loss_dist: 1.0424 2023/05/15 19:39:59 - mmengine - INFO - Epoch(train) [78][ 760/1879] lr: 2.0000e-03 eta: 10:14:47 time: 0.8334 data_time: 0.0272 memory: 9812 grad_norm: 3.4515 loss: 2.3220 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2741 distill.loss_dist: 1.0478 2023/05/15 19:40:16 - mmengine - INFO - Epoch(train) [78][ 780/1879] lr: 2.0000e-03 eta: 10:14:29 time: 0.8409 data_time: 0.0271 memory: 9812 grad_norm: 3.4391 loss: 2.4186 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.3893 distill.loss_dist: 1.0293 2023/05/15 19:40:35 - mmengine - INFO - Epoch(train) [78][ 800/1879] lr: 2.0000e-03 eta: 10:14:12 time: 0.9574 data_time: 0.0252 memory: 9812 grad_norm: 3.4514 loss: 2.2930 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2574 distill.loss_dist: 1.0356 2023/05/15 19:40:52 - mmengine - INFO - Epoch(train) [78][ 820/1879] lr: 2.0000e-03 eta: 10:13:55 time: 0.8092 data_time: 0.0272 memory: 9812 grad_norm: 3.4992 loss: 2.2135 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1693 distill.loss_dist: 1.0443 2023/05/15 19:41:07 - mmengine - INFO - Epoch(train) [78][ 840/1879] lr: 2.0000e-03 eta: 10:13:37 time: 0.7548 data_time: 0.0260 memory: 9812 grad_norm: 3.4351 loss: 2.2268 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1883 distill.loss_dist: 1.0386 2023/05/15 19:41:25 - mmengine - INFO - Epoch(train) [78][ 860/1879] lr: 2.0000e-03 eta: 10:13:20 time: 0.9182 data_time: 0.0267 memory: 9812 grad_norm: 3.3976 loss: 2.0366 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0240 distill.loss_dist: 1.0126 2023/05/15 19:41:43 - mmengine - INFO - Epoch(train) [78][ 880/1879] lr: 2.0000e-03 eta: 10:13:02 time: 0.9034 data_time: 0.0266 memory: 9812 grad_norm: 3.4138 loss: 2.1972 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.1770 distill.loss_dist: 1.0202 2023/05/15 19:42:00 - mmengine - INFO - Epoch(train) [78][ 900/1879] lr: 2.0000e-03 eta: 10:12:45 time: 0.8238 data_time: 0.0292 memory: 9812 grad_norm: 3.4508 loss: 2.1055 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0932 distill.loss_dist: 1.0123 2023/05/15 19:42:17 - mmengine - INFO - Epoch(train) [78][ 920/1879] lr: 2.0000e-03 eta: 10:12:27 time: 0.8497 data_time: 0.0288 memory: 9812 grad_norm: 3.3890 loss: 2.3888 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.3411 distill.loss_dist: 1.0477 2023/05/15 19:42:36 - mmengine - INFO - Epoch(train) [78][ 940/1879] lr: 2.0000e-03 eta: 10:12:10 time: 0.9533 data_time: 0.0250 memory: 9812 grad_norm: 3.4030 loss: 2.0972 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0645 distill.loss_dist: 1.0328 2023/05/15 19:42:52 - mmengine - INFO - Epoch(train) [78][ 960/1879] lr: 2.0000e-03 eta: 10:11:53 time: 0.8013 data_time: 0.0306 memory: 9812 grad_norm: 3.5680 loss: 2.3731 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3373 distill.loss_dist: 1.0358 2023/05/15 19:43:09 - mmengine - INFO - Epoch(train) [78][ 980/1879] lr: 2.0000e-03 eta: 10:11:35 time: 0.8636 data_time: 0.0302 memory: 9812 grad_norm: 3.3420 loss: 2.1768 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1665 distill.loss_dist: 1.0103 2023/05/15 19:43:26 - mmengine - INFO - Epoch(train) [78][1000/1879] lr: 2.0000e-03 eta: 10:11:18 time: 0.8572 data_time: 0.0259 memory: 9812 grad_norm: 3.4326 loss: 2.2894 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2663 distill.loss_dist: 1.0232 2023/05/15 19:43:43 - mmengine - INFO - Epoch(train) [78][1020/1879] lr: 2.0000e-03 eta: 10:11:00 time: 0.8405 data_time: 0.0293 memory: 9812 grad_norm: 3.4934 loss: 2.3777 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.3107 distill.loss_dist: 1.0670 2023/05/15 19:44:01 - mmengine - INFO - Epoch(train) [78][1040/1879] lr: 2.0000e-03 eta: 10:10:43 time: 0.8993 data_time: 0.0309 memory: 9812 grad_norm: 3.4265 loss: 2.0280 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0113 distill.loss_dist: 1.0167 2023/05/15 19:44:20 - mmengine - INFO - Epoch(train) [78][1060/1879] lr: 2.0000e-03 eta: 10:10:26 time: 0.9547 data_time: 0.0238 memory: 9812 grad_norm: 3.4462 loss: 2.1739 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1460 distill.loss_dist: 1.0279 2023/05/15 19:44:36 - mmengine - INFO - Epoch(train) [78][1080/1879] lr: 2.0000e-03 eta: 10:10:08 time: 0.7828 data_time: 0.0288 memory: 9812 grad_norm: 3.4914 loss: 2.2415 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2314 distill.loss_dist: 1.0101 2023/05/15 19:44:53 - mmengine - INFO - Epoch(train) [78][1100/1879] lr: 2.0000e-03 eta: 10:09:51 time: 0.8428 data_time: 0.0297 memory: 9812 grad_norm: 3.4245 loss: 2.2744 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2333 distill.loss_dist: 1.0411 2023/05/15 19:45:12 - mmengine - INFO - Epoch(train) [78][1120/1879] lr: 2.0000e-03 eta: 10:09:34 time: 0.9594 data_time: 0.0253 memory: 9812 grad_norm: 3.4427 loss: 2.4413 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3718 distill.loss_dist: 1.0696 2023/05/15 19:45:29 - mmengine - INFO - Epoch(train) [78][1140/1879] lr: 2.0000e-03 eta: 10:09:16 time: 0.8317 data_time: 0.0279 memory: 9812 grad_norm: 3.4580 loss: 2.2901 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2535 distill.loss_dist: 1.0366 2023/05/15 19:45:46 - mmengine - INFO - Epoch(train) [78][1160/1879] lr: 2.0000e-03 eta: 10:08:59 time: 0.8462 data_time: 0.0293 memory: 9812 grad_norm: 3.4030 loss: 2.2793 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2657 distill.loss_dist: 1.0136 2023/05/15 19:46:03 - mmengine - INFO - Epoch(train) [78][1180/1879] lr: 2.0000e-03 eta: 10:08:42 time: 0.8896 data_time: 0.0271 memory: 9812 grad_norm: 3.4322 loss: 2.3123 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2652 distill.loss_dist: 1.0471 2023/05/15 19:46:20 - mmengine - INFO - Epoch(train) [78][1200/1879] lr: 2.0000e-03 eta: 10:08:24 time: 0.8392 data_time: 0.0270 memory: 9812 grad_norm: 3.4336 loss: 2.1230 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1014 distill.loss_dist: 1.0216 2023/05/15 19:46:38 - mmengine - INFO - Epoch(train) [78][1220/1879] lr: 2.0000e-03 eta: 10:08:07 time: 0.8627 data_time: 0.0269 memory: 9812 grad_norm: 3.3928 loss: 2.2949 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2746 distill.loss_dist: 1.0203 2023/05/15 19:46:57 - mmengine - INFO - Epoch(train) [78][1240/1879] lr: 2.0000e-03 eta: 10:07:50 time: 0.9781 data_time: 0.0245 memory: 9812 grad_norm: 3.4336 loss: 2.4240 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.3711 distill.loss_dist: 1.0529 2023/05/15 19:47:13 - mmengine - INFO - Epoch(train) [78][1260/1879] lr: 2.0000e-03 eta: 10:07:32 time: 0.8164 data_time: 0.0299 memory: 9812 grad_norm: 3.4565 loss: 2.2596 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2348 distill.loss_dist: 1.0248 2023/05/15 19:47:31 - mmengine - INFO - Epoch(train) [78][1280/1879] lr: 2.0000e-03 eta: 10:07:15 time: 0.8692 data_time: 0.0264 memory: 9812 grad_norm: 3.4341 loss: 2.0977 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0863 distill.loss_dist: 1.0114 2023/05/15 19:47:48 - mmengine - INFO - Epoch(train) [78][1300/1879] lr: 2.0000e-03 eta: 10:06:57 time: 0.8622 data_time: 0.0275 memory: 9812 grad_norm: 3.4502 loss: 2.0434 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0313 distill.loss_dist: 1.0121 2023/05/15 19:48:02 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 19:48:04 - mmengine - INFO - Epoch(train) [78][1320/1879] lr: 2.0000e-03 eta: 10:06:40 time: 0.8150 data_time: 0.0289 memory: 9812 grad_norm: 3.4728 loss: 2.3128 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2613 distill.loss_dist: 1.0515 2023/05/15 19:48:22 - mmengine - INFO - Epoch(train) [78][1340/1879] lr: 2.0000e-03 eta: 10:06:22 time: 0.8999 data_time: 0.0230 memory: 9812 grad_norm: 3.4491 loss: 2.0679 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0683 distill.loss_dist: 0.9997 2023/05/15 19:48:39 - mmengine - INFO - Epoch(train) [78][1360/1879] lr: 2.0000e-03 eta: 10:06:05 time: 0.8292 data_time: 0.0454 memory: 9812 grad_norm: 3.4382 loss: 2.1890 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1641 distill.loss_dist: 1.0249 2023/05/15 19:48:57 - mmengine - INFO - Epoch(train) [78][1380/1879] lr: 2.0000e-03 eta: 10:05:48 time: 0.8849 data_time: 0.1614 memory: 9812 grad_norm: 3.4301 loss: 2.1798 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1275 distill.loss_dist: 1.0522 2023/05/15 19:49:14 - mmengine - INFO - Epoch(train) [78][1400/1879] lr: 2.0000e-03 eta: 10:05:30 time: 0.8803 data_time: 0.2114 memory: 9812 grad_norm: 3.3865 loss: 2.1862 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1793 distill.loss_dist: 1.0069 2023/05/15 19:49:33 - mmengine - INFO - Epoch(train) [78][1420/1879] lr: 2.0000e-03 eta: 10:05:13 time: 0.9249 data_time: 0.0971 memory: 9812 grad_norm: 3.4209 loss: 2.2666 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2442 distill.loss_dist: 1.0224 2023/05/15 19:49:49 - mmengine - INFO - Epoch(train) [78][1440/1879] lr: 2.0000e-03 eta: 10:04:55 time: 0.7875 data_time: 0.0290 memory: 9812 grad_norm: 3.4398 loss: 2.0833 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0797 distill.loss_dist: 1.0036 2023/05/15 19:50:06 - mmengine - INFO - Epoch(train) [78][1460/1879] lr: 2.0000e-03 eta: 10:04:38 time: 0.8706 data_time: 0.0262 memory: 9812 grad_norm: 3.5325 loss: 2.3923 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.3284 distill.loss_dist: 1.0639 2023/05/15 19:50:24 - mmengine - INFO - Epoch(train) [78][1480/1879] lr: 2.0000e-03 eta: 10:04:21 time: 0.8736 data_time: 0.0279 memory: 9812 grad_norm: 3.4305 loss: 2.1702 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1405 distill.loss_dist: 1.0296 2023/05/15 19:50:41 - mmengine - INFO - Epoch(train) [78][1500/1879] lr: 2.0000e-03 eta: 10:04:03 time: 0.8524 data_time: 0.0638 memory: 9812 grad_norm: 3.4447 loss: 2.3519 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3315 distill.loss_dist: 1.0204 2023/05/15 19:50:59 - mmengine - INFO - Epoch(train) [78][1520/1879] lr: 2.0000e-03 eta: 10:03:46 time: 0.9160 data_time: 0.1663 memory: 9812 grad_norm: 3.3452 loss: 2.0247 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0195 distill.loss_dist: 1.0051 2023/05/15 19:51:15 - mmengine - INFO - Epoch(train) [78][1540/1879] lr: 2.0000e-03 eta: 10:03:28 time: 0.8160 data_time: 0.0956 memory: 9812 grad_norm: 3.4084 loss: 2.1286 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0931 distill.loss_dist: 1.0356 2023/05/15 19:51:33 - mmengine - INFO - Epoch(train) [78][1560/1879] lr: 2.0000e-03 eta: 10:03:11 time: 0.9015 data_time: 0.0640 memory: 9812 grad_norm: 3.4439 loss: 2.1589 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1348 distill.loss_dist: 1.0241 2023/05/15 19:51:52 - mmengine - INFO - Epoch(train) [78][1580/1879] lr: 2.0000e-03 eta: 10:02:54 time: 0.9057 data_time: 0.0259 memory: 9812 grad_norm: 3.4406 loss: 2.2194 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2295 distill.loss_dist: 0.9900 2023/05/15 19:52:08 - mmengine - INFO - Epoch(train) [78][1600/1879] lr: 2.0000e-03 eta: 10:02:36 time: 0.8370 data_time: 0.0295 memory: 9812 grad_norm: 3.4858 loss: 2.3527 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3181 distill.loss_dist: 1.0346 2023/05/15 19:52:25 - mmengine - INFO - Epoch(train) [78][1620/1879] lr: 2.0000e-03 eta: 10:02:19 time: 0.8207 data_time: 0.0316 memory: 9812 grad_norm: 3.4232 loss: 2.2672 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.2425 distill.loss_dist: 1.0247 2023/05/15 19:52:44 - mmengine - INFO - Epoch(train) [78][1640/1879] lr: 2.0000e-03 eta: 10:02:02 time: 0.9810 data_time: 0.0268 memory: 9812 grad_norm: 3.4406 loss: 2.2333 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2047 distill.loss_dist: 1.0287 2023/05/15 19:53:02 - mmengine - INFO - Epoch(train) [78][1660/1879] lr: 2.0000e-03 eta: 10:01:45 time: 0.8539 data_time: 0.0265 memory: 9812 grad_norm: 3.4184 loss: 2.0905 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0553 distill.loss_dist: 1.0352 2023/05/15 19:53:18 - mmengine - INFO - Epoch(train) [78][1680/1879] lr: 2.0000e-03 eta: 10:01:27 time: 0.8002 data_time: 0.0236 memory: 9812 grad_norm: 3.2889 loss: 2.2165 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1739 distill.loss_dist: 1.0426 2023/05/15 19:53:37 - mmengine - INFO - Epoch(train) [78][1700/1879] lr: 2.0000e-03 eta: 10:01:10 time: 0.9497 data_time: 0.0294 memory: 9812 grad_norm: 3.4063 loss: 2.1274 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1345 distill.loss_dist: 0.9930 2023/05/15 19:53:53 - mmengine - INFO - Epoch(train) [78][1720/1879] lr: 2.0000e-03 eta: 10:00:52 time: 0.8204 data_time: 0.0290 memory: 9812 grad_norm: 3.3491 loss: 2.3033 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2611 distill.loss_dist: 1.0421 2023/05/15 19:54:10 - mmengine - INFO - Epoch(train) [78][1740/1879] lr: 2.0000e-03 eta: 10:00:35 time: 0.8267 data_time: 0.0302 memory: 9812 grad_norm: 3.3718 loss: 2.2135 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2045 distill.loss_dist: 1.0090 2023/05/15 19:54:29 - mmengine - INFO - Epoch(train) [78][1760/1879] lr: 2.0000e-03 eta: 10:00:18 time: 0.9491 data_time: 0.0342 memory: 9812 grad_norm: 3.4873 loss: 2.1199 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1147 distill.loss_dist: 1.0052 2023/05/15 19:54:45 - mmengine - INFO - Epoch(train) [78][1780/1879] lr: 2.0000e-03 eta: 10:00:00 time: 0.8395 data_time: 0.0340 memory: 9812 grad_norm: 3.4168 loss: 2.0091 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 0.9829 distill.loss_dist: 1.0262 2023/05/15 19:55:03 - mmengine - INFO - Epoch(train) [78][1800/1879] lr: 2.0000e-03 eta: 9:59:43 time: 0.8908 data_time: 0.0259 memory: 9812 grad_norm: 3.5232 loss: 2.3830 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3133 distill.loss_dist: 1.0697 2023/05/15 19:55:21 - mmengine - INFO - Epoch(train) [78][1820/1879] lr: 2.0000e-03 eta: 9:59:26 time: 0.9057 data_time: 0.0254 memory: 9812 grad_norm: 3.3730 loss: 2.0381 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0366 distill.loss_dist: 1.0015 2023/05/15 19:55:38 - mmengine - INFO - Epoch(train) [78][1840/1879] lr: 2.0000e-03 eta: 9:59:08 time: 0.8280 data_time: 0.0301 memory: 9812 grad_norm: 3.3090 loss: 2.0949 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0950 distill.loss_dist: 1.0000 2023/05/15 19:55:57 - mmengine - INFO - Epoch(train) [78][1860/1879] lr: 2.0000e-03 eta: 9:58:51 time: 0.9507 data_time: 0.0286 memory: 9812 grad_norm: 3.4462 loss: 2.0704 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0737 distill.loss_dist: 0.9966 2023/05/15 19:56:09 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 19:56:09 - mmengine - INFO - Epoch(train) [78][1879/1879] lr: 2.0000e-03 eta: 9:58:33 time: 0.7334 data_time: 0.0232 memory: 9812 grad_norm: 3.5147 loss: 2.2598 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.1901 distill.loss_dist: 1.0697 2023/05/15 19:56:09 - mmengine - INFO - Saving checkpoint at 78 epochs 2023/05/15 19:56:30 - mmengine - INFO - Epoch(val) [78][ 20/155] eta: 0:02:08 time: 0.9488 data_time: 0.8836 memory: 1484 2023/05/15 19:56:43 - mmengine - INFO - Epoch(val) [78][ 40/155] eta: 0:01:33 time: 0.6793 data_time: 0.6150 memory: 1484 2023/05/15 19:57:03 - mmengine - INFO - Epoch(val) [78][ 60/155] eta: 0:01:22 time: 0.9622 data_time: 0.8956 memory: 1484 2023/05/15 19:57:16 - mmengine - INFO - Epoch(val) [78][ 80/155] eta: 0:01:00 time: 0.6574 data_time: 0.5928 memory: 1484 2023/05/15 19:57:35 - mmengine - INFO - Epoch(val) [78][100/155] eta: 0:00:46 time: 0.9526 data_time: 0.8911 memory: 1484 2023/05/15 19:57:48 - mmengine - INFO - Epoch(val) [78][120/155] eta: 0:00:28 time: 0.6547 data_time: 0.5883 memory: 1484 2023/05/15 19:58:07 - mmengine - INFO - Epoch(val) [78][140/155] eta: 0:00:12 time: 0.9367 data_time: 0.8752 memory: 1484 2023/05/15 19:58:36 - mmengine - INFO - Epoch(val) [78][ 20/155] eta: 0:16:08 time: 0.9939 data_time: 0.8356 memory: 1582 2023/05/15 19:58:51 - mmengine - INFO - Epoch(val) [78][ 40/155] eta: 0:07:34 time: 0.7295 data_time: 0.5772 memory: 1582 2023/05/15 19:59:08 - mmengine - INFO - Epoch(val) [78][ 60/155] eta: 0:04:36 time: 0.8396 data_time: 0.6839 memory: 1582 2023/05/15 19:59:22 - mmengine - INFO - Epoch(val) [78][ 80/155] eta: 0:02:57 time: 0.7323 data_time: 0.5773 memory: 1582 2023/05/15 19:59:42 - mmengine - INFO - Epoch(val) [78][100/155] eta: 0:01:54 time: 0.9666 data_time: 0.8100 memory: 1582 2023/05/15 19:59:56 - mmengine - INFO - Epoch(val) [78][120/155] eta: 0:01:05 time: 0.7094 data_time: 0.5531 memory: 1582 2023/05/15 20:00:15 - mmengine - INFO - Epoch(val) [78][140/155] eta: 0:00:25 time: 0.9505 data_time: 0.7989 memory: 1582 2023/05/15 20:00:26 - mmengine - INFO - Epoch(val) [78][155/155] acc/top1: 0.6736 acc/top5: 0.8783 acc/mean1: 0.6736 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6626 time: 0.8156 2023/05/15 20:00:48 - mmengine - INFO - Epoch(train) [79][ 20/1879] lr: 2.0000e-03 eta: 9:58:18 time: 1.1283 data_time: 0.3803 memory: 9812 grad_norm: 3.4784 loss: 2.1801 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1384 distill.loss_dist: 1.0417 2023/05/15 20:01:04 - mmengine - INFO - Epoch(train) [79][ 40/1879] lr: 2.0000e-03 eta: 9:58:00 time: 0.7640 data_time: 0.1477 memory: 9812 grad_norm: 3.5032 loss: 2.1810 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1386 distill.loss_dist: 1.0424 2023/05/15 20:01:20 - mmengine - INFO - Epoch(train) [79][ 60/1879] lr: 2.0000e-03 eta: 9:57:42 time: 0.8353 data_time: 0.3424 memory: 9812 grad_norm: 3.3202 loss: 2.0794 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0642 distill.loss_dist: 1.0152 2023/05/15 20:01:41 - mmengine - INFO - Epoch(train) [79][ 80/1879] lr: 2.0000e-03 eta: 9:57:26 time: 1.0444 data_time: 0.6103 memory: 9812 grad_norm: 3.4314 loss: 2.1625 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1105 distill.loss_dist: 1.0521 2023/05/15 20:01:57 - mmengine - INFO - Epoch(train) [79][ 100/1879] lr: 2.0000e-03 eta: 9:57:08 time: 0.7722 data_time: 0.3368 memory: 9812 grad_norm: 3.3801 loss: 2.2137 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1607 distill.loss_dist: 1.0530 2023/05/15 20:02:14 - mmengine - INFO - Epoch(train) [79][ 120/1879] lr: 2.0000e-03 eta: 9:56:50 time: 0.8751 data_time: 0.4381 memory: 9812 grad_norm: 3.4300 loss: 2.0729 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0670 distill.loss_dist: 1.0059 2023/05/15 20:02:33 - mmengine - INFO - Epoch(train) [79][ 140/1879] lr: 2.0000e-03 eta: 9:56:33 time: 0.9238 data_time: 0.4918 memory: 9812 grad_norm: 3.4822 loss: 2.0506 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0323 distill.loss_dist: 1.0182 2023/05/15 20:02:49 - mmengine - INFO - Epoch(train) [79][ 160/1879] lr: 2.0000e-03 eta: 9:56:16 time: 0.7929 data_time: 0.3512 memory: 9812 grad_norm: 3.4142 loss: 2.1050 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0818 distill.loss_dist: 1.0232 2023/05/15 20:03:05 - mmengine - INFO - Epoch(train) [79][ 180/1879] lr: 2.0000e-03 eta: 9:55:58 time: 0.8272 data_time: 0.3712 memory: 9812 grad_norm: 3.3549 loss: 1.9911 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 0.9701 distill.loss_dist: 1.0210 2023/05/15 20:03:23 - mmengine - INFO - Epoch(train) [79][ 200/1879] lr: 2.0000e-03 eta: 9:55:41 time: 0.9124 data_time: 0.2107 memory: 9812 grad_norm: 3.4326 loss: 2.0520 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0335 distill.loss_dist: 1.0186 2023/05/15 20:03:40 - mmengine - INFO - Epoch(train) [79][ 220/1879] lr: 2.0000e-03 eta: 9:55:23 time: 0.8265 data_time: 0.2336 memory: 9812 grad_norm: 3.4410 loss: 2.2852 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2460 distill.loss_dist: 1.0393 2023/05/15 20:03:57 - mmengine - INFO - Epoch(train) [79][ 240/1879] lr: 2.0000e-03 eta: 9:55:06 time: 0.8571 data_time: 0.2114 memory: 9812 grad_norm: 3.3082 loss: 1.9990 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 0.9930 distill.loss_dist: 1.0060 2023/05/15 20:04:17 - mmengine - INFO - Epoch(train) [79][ 260/1879] lr: 2.0000e-03 eta: 9:54:49 time: 0.9706 data_time: 0.2003 memory: 9812 grad_norm: 3.4403 loss: 2.1753 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1549 distill.loss_dist: 1.0203 2023/05/15 20:04:32 - mmengine - INFO - Epoch(train) [79][ 280/1879] lr: 2.0000e-03 eta: 9:54:31 time: 0.7801 data_time: 0.0966 memory: 9812 grad_norm: 3.4188 loss: 2.3122 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2621 distill.loss_dist: 1.0501 2023/05/15 20:04:49 - mmengine - INFO - Epoch(train) [79][ 300/1879] lr: 2.0000e-03 eta: 9:54:13 time: 0.8176 data_time: 0.1663 memory: 9812 grad_norm: 3.3982 loss: 2.2565 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2073 distill.loss_dist: 1.0492 2023/05/15 20:05:07 - mmengine - INFO - Epoch(train) [79][ 320/1879] lr: 2.0000e-03 eta: 9:53:56 time: 0.9181 data_time: 0.1903 memory: 9812 grad_norm: 3.4345 loss: 2.1242 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1059 distill.loss_dist: 1.0182 2023/05/15 20:05:24 - mmengine - INFO - Epoch(train) [79][ 340/1879] lr: 2.0000e-03 eta: 9:53:39 time: 0.8386 data_time: 0.0564 memory: 9812 grad_norm: 3.4701 loss: 2.1224 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1072 distill.loss_dist: 1.0151 2023/05/15 20:05:41 - mmengine - INFO - Epoch(train) [79][ 360/1879] lr: 2.0000e-03 eta: 9:53:21 time: 0.8778 data_time: 0.0413 memory: 9812 grad_norm: 3.3612 loss: 2.0954 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0565 distill.loss_dist: 1.0389 2023/05/15 20:06:00 - mmengine - INFO - Epoch(train) [79][ 380/1879] lr: 2.0000e-03 eta: 9:53:04 time: 0.9165 data_time: 0.0288 memory: 9812 grad_norm: 3.4952 loss: 2.2621 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2099 distill.loss_dist: 1.0522 2023/05/15 20:06:17 - mmengine - INFO - Epoch(train) [79][ 400/1879] lr: 2.0000e-03 eta: 9:52:47 time: 0.8416 data_time: 0.0259 memory: 9812 grad_norm: 3.4257 loss: 2.1278 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0873 distill.loss_dist: 1.0404 2023/05/15 20:06:33 - mmengine - INFO - Epoch(train) [79][ 420/1879] lr: 2.0000e-03 eta: 9:52:29 time: 0.8078 data_time: 0.1102 memory: 9812 grad_norm: 3.3991 loss: 2.1658 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1478 distill.loss_dist: 1.0180 2023/05/15 20:06:49 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 20:06:51 - mmengine - INFO - Epoch(train) [79][ 440/1879] lr: 2.0000e-03 eta: 9:52:12 time: 0.9163 data_time: 0.0687 memory: 9812 grad_norm: 3.4464 loss: 2.2324 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2062 distill.loss_dist: 1.0262 2023/05/15 20:07:08 - mmengine - INFO - Epoch(train) [79][ 460/1879] lr: 2.0000e-03 eta: 9:51:54 time: 0.8503 data_time: 0.0276 memory: 9812 grad_norm: 3.4001 loss: 2.1071 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0985 distill.loss_dist: 1.0086 2023/05/15 20:07:28 - mmengine - INFO - Epoch(train) [79][ 480/1879] lr: 2.0000e-03 eta: 9:51:38 time: 0.9809 data_time: 0.0259 memory: 9812 grad_norm: 3.4143 loss: 2.0949 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0927 distill.loss_dist: 1.0022 2023/05/15 20:07:45 - mmengine - INFO - Epoch(train) [79][ 500/1879] lr: 2.0000e-03 eta: 9:51:20 time: 0.8605 data_time: 0.0291 memory: 9812 grad_norm: 3.3843 loss: 2.1684 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1352 distill.loss_dist: 1.0331 2023/05/15 20:08:02 - mmengine - INFO - Epoch(train) [79][ 520/1879] lr: 2.0000e-03 eta: 9:51:03 time: 0.8253 data_time: 0.0240 memory: 9812 grad_norm: 3.3495 loss: 2.1073 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0847 distill.loss_dist: 1.0226 2023/05/15 20:08:20 - mmengine - INFO - Epoch(train) [79][ 540/1879] lr: 2.0000e-03 eta: 9:50:46 time: 0.9249 data_time: 0.0262 memory: 9812 grad_norm: 3.4758 loss: 2.1691 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1241 distill.loss_dist: 1.0450 2023/05/15 20:08:37 - mmengine - INFO - Epoch(train) [79][ 560/1879] lr: 2.0000e-03 eta: 9:50:28 time: 0.8493 data_time: 0.0271 memory: 9812 grad_norm: 3.3485 loss: 2.1109 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0824 distill.loss_dist: 1.0285 2023/05/15 20:08:53 - mmengine - INFO - Epoch(train) [79][ 580/1879] lr: 2.0000e-03 eta: 9:50:10 time: 0.8115 data_time: 0.0247 memory: 9812 grad_norm: 3.4829 loss: 2.3078 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2701 distill.loss_dist: 1.0377 2023/05/15 20:09:10 - mmengine - INFO - Epoch(train) [79][ 600/1879] lr: 2.0000e-03 eta: 9:49:53 time: 0.8544 data_time: 0.0288 memory: 9812 grad_norm: 3.5207 loss: 2.2187 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1853 distill.loss_dist: 1.0334 2023/05/15 20:09:28 - mmengine - INFO - Epoch(train) [79][ 620/1879] lr: 2.0000e-03 eta: 9:49:36 time: 0.8685 data_time: 0.0277 memory: 9812 grad_norm: 3.4955 loss: 2.2051 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1493 distill.loss_dist: 1.0559 2023/05/15 20:09:45 - mmengine - INFO - Epoch(train) [79][ 640/1879] lr: 2.0000e-03 eta: 9:49:18 time: 0.8798 data_time: 0.0249 memory: 9812 grad_norm: 3.3890 loss: 2.2158 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.1757 distill.loss_dist: 1.0401 2023/05/15 20:10:04 - mmengine - INFO - Epoch(train) [79][ 660/1879] lr: 2.0000e-03 eta: 9:49:01 time: 0.9062 data_time: 0.0284 memory: 9812 grad_norm: 3.4019 loss: 2.1983 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1663 distill.loss_dist: 1.0320 2023/05/15 20:10:21 - mmengine - INFO - Epoch(train) [79][ 680/1879] lr: 2.0000e-03 eta: 9:48:44 time: 0.8707 data_time: 0.0312 memory: 9812 grad_norm: 3.4710 loss: 2.1702 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1326 distill.loss_dist: 1.0376 2023/05/15 20:10:37 - mmengine - INFO - Epoch(train) [79][ 700/1879] lr: 2.0000e-03 eta: 9:48:26 time: 0.7974 data_time: 0.0264 memory: 9812 grad_norm: 3.3305 loss: 2.3310 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2706 distill.loss_dist: 1.0604 2023/05/15 20:10:57 - mmengine - INFO - Epoch(train) [79][ 720/1879] lr: 2.0000e-03 eta: 9:48:09 time: 0.9864 data_time: 0.0275 memory: 9812 grad_norm: 3.3940 loss: 2.1041 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0940 distill.loss_dist: 1.0101 2023/05/15 20:11:14 - mmengine - INFO - Epoch(train) [79][ 740/1879] lr: 2.0000e-03 eta: 9:47:52 time: 0.8862 data_time: 0.0263 memory: 9812 grad_norm: 3.5186 loss: 2.2565 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2276 distill.loss_dist: 1.0289 2023/05/15 20:11:29 - mmengine - INFO - Epoch(train) [79][ 760/1879] lr: 2.0000e-03 eta: 9:47:34 time: 0.7413 data_time: 0.0269 memory: 9812 grad_norm: 3.3675 loss: 2.2363 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1882 distill.loss_dist: 1.0481 2023/05/15 20:11:49 - mmengine - INFO - Epoch(train) [79][ 780/1879] lr: 2.0000e-03 eta: 9:47:17 time: 0.9741 data_time: 0.0283 memory: 9812 grad_norm: 3.4499 loss: 2.3214 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.2709 distill.loss_dist: 1.0505 2023/05/15 20:12:04 - mmengine - INFO - Epoch(train) [79][ 800/1879] lr: 2.0000e-03 eta: 9:46:59 time: 0.7827 data_time: 0.0290 memory: 9812 grad_norm: 3.3974 loss: 2.2376 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2081 distill.loss_dist: 1.0295 2023/05/15 20:12:21 - mmengine - INFO - Epoch(train) [79][ 820/1879] lr: 2.0000e-03 eta: 9:46:42 time: 0.8064 data_time: 0.0454 memory: 9812 grad_norm: 3.4696 loss: 2.3933 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3462 distill.loss_dist: 1.0471 2023/05/15 20:12:39 - mmengine - INFO - Epoch(train) [79][ 840/1879] lr: 2.0000e-03 eta: 9:46:24 time: 0.9052 data_time: 0.0440 memory: 9812 grad_norm: 3.3784 loss: 2.1847 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1761 distill.loss_dist: 1.0087 2023/05/15 20:12:57 - mmengine - INFO - Epoch(train) [79][ 860/1879] lr: 2.0000e-03 eta: 9:46:07 time: 0.9224 data_time: 0.0235 memory: 9812 grad_norm: 3.3996 loss: 2.1106 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1088 distill.loss_dist: 1.0019 2023/05/15 20:13:15 - mmengine - INFO - Epoch(train) [79][ 880/1879] lr: 2.0000e-03 eta: 9:45:50 time: 0.9003 data_time: 0.0273 memory: 9812 grad_norm: 3.3855 loss: 2.4042 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3740 distill.loss_dist: 1.0302 2023/05/15 20:13:32 - mmengine - INFO - Epoch(train) [79][ 900/1879] lr: 2.0000e-03 eta: 9:45:32 time: 0.8310 data_time: 0.0281 memory: 9812 grad_norm: 3.4636 loss: 2.2284 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2149 distill.loss_dist: 1.0135 2023/05/15 20:13:49 - mmengine - INFO - Epoch(train) [79][ 920/1879] lr: 2.0000e-03 eta: 9:45:15 time: 0.8392 data_time: 0.0257 memory: 9812 grad_norm: 3.3653 loss: 1.9997 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 0.9892 distill.loss_dist: 1.0105 2023/05/15 20:14:06 - mmengine - INFO - Epoch(train) [79][ 940/1879] lr: 2.0000e-03 eta: 9:44:58 time: 0.8882 data_time: 0.0272 memory: 9812 grad_norm: 3.4606 loss: 2.1749 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1413 distill.loss_dist: 1.0337 2023/05/15 20:14:25 - mmengine - INFO - Epoch(train) [79][ 960/1879] lr: 2.0000e-03 eta: 9:44:41 time: 0.9087 data_time: 0.0295 memory: 9812 grad_norm: 3.3903 loss: 2.1061 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0657 distill.loss_dist: 1.0404 2023/05/15 20:14:42 - mmengine - INFO - Epoch(train) [79][ 980/1879] lr: 2.0000e-03 eta: 9:44:23 time: 0.8521 data_time: 0.0281 memory: 9812 grad_norm: 3.3367 loss: 2.2244 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1977 distill.loss_dist: 1.0267 2023/05/15 20:15:00 - mmengine - INFO - Epoch(train) [79][1000/1879] lr: 2.0000e-03 eta: 9:44:06 time: 0.9151 data_time: 0.0270 memory: 9812 grad_norm: 3.4714 loss: 2.2449 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2017 distill.loss_dist: 1.0432 2023/05/15 20:15:17 - mmengine - INFO - Epoch(train) [79][1020/1879] lr: 2.0000e-03 eta: 9:43:48 time: 0.8522 data_time: 0.0274 memory: 9812 grad_norm: 3.4410 loss: 2.0592 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0435 distill.loss_dist: 1.0158 2023/05/15 20:15:35 - mmengine - INFO - Epoch(train) [79][1040/1879] lr: 2.0000e-03 eta: 9:43:31 time: 0.8820 data_time: 0.0261 memory: 9812 grad_norm: 3.5159 loss: 2.1626 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1253 distill.loss_dist: 1.0373 2023/05/15 20:15:52 - mmengine - INFO - Epoch(train) [79][1060/1879] lr: 2.0000e-03 eta: 9:43:14 time: 0.8639 data_time: 0.0267 memory: 9812 grad_norm: 3.4538 loss: 2.3623 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3097 distill.loss_dist: 1.0527 2023/05/15 20:16:09 - mmengine - INFO - Epoch(train) [79][1080/1879] lr: 2.0000e-03 eta: 9:42:56 time: 0.8512 data_time: 0.0295 memory: 9812 grad_norm: 3.4428 loss: 2.2645 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2384 distill.loss_dist: 1.0261 2023/05/15 20:16:27 - mmengine - INFO - Epoch(train) [79][1100/1879] lr: 2.0000e-03 eta: 9:42:39 time: 0.8858 data_time: 0.0298 memory: 9812 grad_norm: 3.4195 loss: 2.1583 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1672 distill.loss_dist: 0.9910 2023/05/15 20:16:44 - mmengine - INFO - Epoch(train) [79][1120/1879] lr: 2.0000e-03 eta: 9:42:22 time: 0.8709 data_time: 0.0283 memory: 9812 grad_norm: 3.4099 loss: 2.0204 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0211 distill.loss_dist: 0.9993 2023/05/15 20:17:03 - mmengine - INFO - Epoch(train) [79][1140/1879] lr: 2.0000e-03 eta: 9:42:05 time: 0.9161 data_time: 0.0430 memory: 9812 grad_norm: 3.4885 loss: 2.3087 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2568 distill.loss_dist: 1.0519 2023/05/15 20:17:20 - mmengine - INFO - Epoch(train) [79][1160/1879] lr: 2.0000e-03 eta: 9:41:47 time: 0.8496 data_time: 0.0259 memory: 9812 grad_norm: 3.3652 loss: 2.3197 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2818 distill.loss_dist: 1.0380 2023/05/15 20:17:38 - mmengine - INFO - Epoch(train) [79][1180/1879] lr: 2.0000e-03 eta: 9:41:30 time: 0.9016 data_time: 0.0300 memory: 9812 grad_norm: 3.5661 loss: 2.2229 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1876 distill.loss_dist: 1.0353 2023/05/15 20:17:56 - mmengine - INFO - Epoch(train) [79][1200/1879] lr: 2.0000e-03 eta: 9:41:13 time: 0.8959 data_time: 0.0236 memory: 9812 grad_norm: 3.4088 loss: 2.3346 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2585 distill.loss_dist: 1.0760 2023/05/15 20:18:12 - mmengine - INFO - Epoch(train) [79][1220/1879] lr: 2.0000e-03 eta: 9:40:55 time: 0.7929 data_time: 0.0289 memory: 9812 grad_norm: 3.4915 loss: 2.3230 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2738 distill.loss_dist: 1.0492 2023/05/15 20:18:30 - mmengine - INFO - Epoch(train) [79][1240/1879] lr: 2.0000e-03 eta: 9:40:38 time: 0.9168 data_time: 0.0250 memory: 9812 grad_norm: 3.4270 loss: 2.0780 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0601 distill.loss_dist: 1.0179 2023/05/15 20:18:48 - mmengine - INFO - Epoch(train) [79][1260/1879] lr: 2.0000e-03 eta: 9:40:20 time: 0.8954 data_time: 0.0285 memory: 9812 grad_norm: 3.4037 loss: 2.3151 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2740 distill.loss_dist: 1.0412 2023/05/15 20:19:05 - mmengine - INFO - Epoch(train) [79][1280/1879] lr: 2.0000e-03 eta: 9:40:03 time: 0.8819 data_time: 0.0273 memory: 9812 grad_norm: 3.4424 loss: 2.1502 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1313 distill.loss_dist: 1.0190 2023/05/15 20:19:22 - mmengine - INFO - Epoch(train) [79][1300/1879] lr: 2.0000e-03 eta: 9:39:46 time: 0.8288 data_time: 0.0288 memory: 9812 grad_norm: 3.4758 loss: 2.1386 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1041 distill.loss_dist: 1.0345 2023/05/15 20:19:42 - mmengine - INFO - Epoch(train) [79][1320/1879] lr: 2.0000e-03 eta: 9:39:29 time: 0.9813 data_time: 0.0250 memory: 9812 grad_norm: 3.4944 loss: 2.1866 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1617 distill.loss_dist: 1.0248 2023/05/15 20:19:59 - mmengine - INFO - Epoch(train) [79][1340/1879] lr: 2.0000e-03 eta: 9:39:11 time: 0.8671 data_time: 0.0255 memory: 9812 grad_norm: 3.4047 loss: 2.1436 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1139 distill.loss_dist: 1.0297 2023/05/15 20:20:16 - mmengine - INFO - Epoch(train) [79][1360/1879] lr: 2.0000e-03 eta: 9:38:54 time: 0.8413 data_time: 0.0275 memory: 9812 grad_norm: 3.4488 loss: 2.0500 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0101 distill.loss_dist: 1.0398 2023/05/15 20:20:35 - mmengine - INFO - Epoch(train) [79][1380/1879] lr: 2.0000e-03 eta: 9:38:37 time: 0.9495 data_time: 0.0283 memory: 9812 grad_norm: 3.5384 loss: 2.2804 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2119 distill.loss_dist: 1.0685 2023/05/15 20:20:50 - mmengine - INFO - Epoch(train) [79][1400/1879] lr: 2.0000e-03 eta: 9:38:19 time: 0.7759 data_time: 0.0265 memory: 9812 grad_norm: 3.4350 loss: 2.4269 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3570 distill.loss_dist: 1.0699 2023/05/15 20:21:07 - mmengine - INFO - Epoch(train) [79][1420/1879] lr: 2.0000e-03 eta: 9:38:02 time: 0.8466 data_time: 0.0297 memory: 9812 grad_norm: 3.4047 loss: 2.1235 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1083 distill.loss_dist: 1.0152 2023/05/15 20:21:22 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 20:21:25 - mmengine - INFO - Epoch(train) [79][1440/1879] lr: 2.0000e-03 eta: 9:37:44 time: 0.8922 data_time: 0.0253 memory: 9812 grad_norm: 3.4532 loss: 2.1669 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1363 distill.loss_dist: 1.0306 2023/05/15 20:21:42 - mmengine - INFO - Epoch(train) [79][1460/1879] lr: 2.0000e-03 eta: 9:37:27 time: 0.8400 data_time: 0.0281 memory: 9812 grad_norm: 3.4612 loss: 2.3202 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2715 distill.loss_dist: 1.0487 2023/05/15 20:22:00 - mmengine - INFO - Epoch(train) [79][1480/1879] lr: 2.0000e-03 eta: 9:37:09 time: 0.8744 data_time: 0.0271 memory: 9812 grad_norm: 3.4703 loss: 2.0888 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0880 distill.loss_dist: 1.0008 2023/05/15 20:22:17 - mmengine - INFO - Epoch(train) [79][1500/1879] lr: 2.0000e-03 eta: 9:36:52 time: 0.8853 data_time: 0.0929 memory: 9812 grad_norm: 3.4141 loss: 2.0305 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0419 distill.loss_dist: 0.9886 2023/05/15 20:22:34 - mmengine - INFO - Epoch(train) [79][1520/1879] lr: 2.0000e-03 eta: 9:36:35 time: 0.8411 data_time: 0.1339 memory: 9812 grad_norm: 3.5779 loss: 2.2872 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2475 distill.loss_dist: 1.0397 2023/05/15 20:22:52 - mmengine - INFO - Epoch(train) [79][1540/1879] lr: 2.0000e-03 eta: 9:36:17 time: 0.9054 data_time: 0.2407 memory: 9812 grad_norm: 3.5304 loss: 2.3541 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2984 distill.loss_dist: 1.0557 2023/05/15 20:23:08 - mmengine - INFO - Epoch(train) [79][1560/1879] lr: 2.0000e-03 eta: 9:36:00 time: 0.8008 data_time: 0.2554 memory: 9812 grad_norm: 3.3702 loss: 2.3557 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3105 distill.loss_dist: 1.0452 2023/05/15 20:23:26 - mmengine - INFO - Epoch(train) [79][1580/1879] lr: 2.0000e-03 eta: 9:35:42 time: 0.9015 data_time: 0.0581 memory: 9812 grad_norm: 3.4311 loss: 2.1428 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1420 distill.loss_dist: 1.0008 2023/05/15 20:23:44 - mmengine - INFO - Epoch(train) [79][1600/1879] lr: 2.0000e-03 eta: 9:35:25 time: 0.8869 data_time: 0.0261 memory: 9812 grad_norm: 3.5271 loss: 2.1275 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1022 distill.loss_dist: 1.0253 2023/05/15 20:24:02 - mmengine - INFO - Epoch(train) [79][1620/1879] lr: 2.0000e-03 eta: 9:35:08 time: 0.8925 data_time: 0.0307 memory: 9812 grad_norm: 3.5054 loss: 2.1526 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1166 distill.loss_dist: 1.0360 2023/05/15 20:24:19 - mmengine - INFO - Epoch(train) [79][1640/1879] lr: 2.0000e-03 eta: 9:34:50 time: 0.8481 data_time: 0.0235 memory: 9812 grad_norm: 3.4710 loss: 2.2741 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2242 distill.loss_dist: 1.0500 2023/05/15 20:24:37 - mmengine - INFO - Epoch(train) [79][1660/1879] lr: 2.0000e-03 eta: 9:34:33 time: 0.9139 data_time: 0.0436 memory: 9812 grad_norm: 3.4630 loss: 1.9968 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9862 distill.loss_dist: 1.0106 2023/05/15 20:24:55 - mmengine - INFO - Epoch(train) [79][1680/1879] lr: 2.0000e-03 eta: 9:34:16 time: 0.8867 data_time: 0.0248 memory: 9812 grad_norm: 3.4411 loss: 1.9588 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 0.9491 distill.loss_dist: 1.0097 2023/05/15 20:25:11 - mmengine - INFO - Epoch(train) [79][1700/1879] lr: 2.0000e-03 eta: 9:33:58 time: 0.7961 data_time: 0.0292 memory: 9812 grad_norm: 3.4415 loss: 2.1637 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1158 distill.loss_dist: 1.0479 2023/05/15 20:25:30 - mmengine - INFO - Epoch(train) [79][1720/1879] lr: 2.0000e-03 eta: 9:33:41 time: 0.9520 data_time: 0.0465 memory: 9812 grad_norm: 3.3833 loss: 2.1529 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1201 distill.loss_dist: 1.0327 2023/05/15 20:25:47 - mmengine - INFO - Epoch(train) [79][1740/1879] lr: 2.0000e-03 eta: 9:33:24 time: 0.8245 data_time: 0.0336 memory: 9812 grad_norm: 3.4958 loss: 2.2286 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1990 distill.loss_dist: 1.0297 2023/05/15 20:26:03 - mmengine - INFO - Epoch(train) [79][1760/1879] lr: 2.0000e-03 eta: 9:33:06 time: 0.7941 data_time: 0.0578 memory: 9812 grad_norm: 3.4028 loss: 2.0563 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0368 distill.loss_dist: 1.0196 2023/05/15 20:26:20 - mmengine - INFO - Epoch(train) [79][1780/1879] lr: 2.0000e-03 eta: 9:32:49 time: 0.8559 data_time: 0.0261 memory: 9812 grad_norm: 3.4585 loss: 2.1244 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1095 distill.loss_dist: 1.0149 2023/05/15 20:26:38 - mmengine - INFO - Epoch(train) [79][1800/1879] lr: 2.0000e-03 eta: 9:32:31 time: 0.8957 data_time: 0.0228 memory: 9812 grad_norm: 3.4775 loss: 2.2758 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2296 distill.loss_dist: 1.0462 2023/05/15 20:26:56 - mmengine - INFO - Epoch(train) [79][1820/1879] lr: 2.0000e-03 eta: 9:32:14 time: 0.9069 data_time: 0.0285 memory: 9812 grad_norm: 3.4752 loss: 2.2571 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2083 distill.loss_dist: 1.0487 2023/05/15 20:27:12 - mmengine - INFO - Epoch(train) [79][1840/1879] lr: 2.0000e-03 eta: 9:31:56 time: 0.8013 data_time: 0.0277 memory: 9812 grad_norm: 3.4324 loss: 2.2349 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2277 distill.loss_dist: 1.0073 2023/05/15 20:27:31 - mmengine - INFO - Epoch(train) [79][1860/1879] lr: 2.0000e-03 eta: 9:31:40 time: 0.9749 data_time: 0.0281 memory: 9812 grad_norm: 3.4274 loss: 2.1128 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0763 distill.loss_dist: 1.0365 2023/05/15 20:27:44 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 20:27:44 - mmengine - INFO - Epoch(train) [79][1879/1879] lr: 2.0000e-03 eta: 9:31:22 time: 0.6908 data_time: 0.0204 memory: 9812 grad_norm: 3.5608 loss: 2.2141 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.1814 distill.loss_dist: 1.0327 2023/05/15 20:28:04 - mmengine - INFO - Epoch(val) [79][ 20/155] eta: 0:02:12 time: 0.9818 data_time: 0.9110 memory: 1484 2023/05/15 20:28:17 - mmengine - INFO - Epoch(val) [79][ 40/155] eta: 0:01:35 time: 0.6734 data_time: 0.6106 memory: 1484 2023/05/15 20:28:36 - mmengine - INFO - Epoch(val) [79][ 60/155] eta: 0:01:21 time: 0.9306 data_time: 0.8628 memory: 1484 2023/05/15 20:28:50 - mmengine - INFO - Epoch(val) [79][ 80/155] eta: 0:01:01 time: 0.6881 data_time: 0.6279 memory: 1484 2023/05/15 20:29:08 - mmengine - INFO - Epoch(val) [79][100/155] eta: 0:00:46 time: 0.9276 data_time: 0.8646 memory: 1484 2023/05/15 20:29:23 - mmengine - INFO - Epoch(val) [79][120/155] eta: 0:00:28 time: 0.7202 data_time: 0.6577 memory: 1484 2023/05/15 20:29:43 - mmengine - INFO - Epoch(val) [79][140/155] eta: 0:00:12 time: 1.0410 data_time: 0.9783 memory: 1484 2023/05/15 20:30:12 - mmengine - INFO - Epoch(val) [79][ 20/155] eta: 0:16:31 time: 1.0121 data_time: 0.8576 memory: 1582 2023/05/15 20:30:27 - mmengine - INFO - Epoch(val) [79][ 40/155] eta: 0:07:43 time: 0.7220 data_time: 0.5680 memory: 1582 2023/05/15 20:30:44 - mmengine - INFO - Epoch(val) [79][ 60/155] eta: 0:04:42 time: 0.8552 data_time: 0.7024 memory: 1582 2023/05/15 20:30:58 - mmengine - INFO - Epoch(val) [79][ 80/155] eta: 0:03:00 time: 0.7058 data_time: 0.5526 memory: 1582 2023/05/15 20:31:17 - mmengine - INFO - Epoch(val) [79][100/155] eta: 0:01:56 time: 0.9274 data_time: 0.7713 memory: 1582 2023/05/15 20:31:31 - mmengine - INFO - Epoch(val) [79][120/155] eta: 0:01:05 time: 0.7159 data_time: 0.5625 memory: 1582 2023/05/15 20:31:51 - mmengine - INFO - Epoch(val) [79][140/155] eta: 0:00:26 time: 0.9943 data_time: 0.8429 memory: 1582 2023/05/15 20:32:01 - mmengine - INFO - Epoch(val) [79][155/155] acc/top1: 0.6755 acc/top5: 0.8771 acc/mean1: 0.6754 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6642 time: 0.8159 2023/05/15 20:32:23 - mmengine - INFO - Epoch(train) [80][ 20/1879] lr: 2.0000e-03 eta: 9:31:06 time: 1.1206 data_time: 0.5133 memory: 9812 grad_norm: 3.5201 loss: 2.2137 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1834 distill.loss_dist: 1.0303 2023/05/15 20:32:41 - mmengine - INFO - Epoch(train) [80][ 40/1879] lr: 2.0000e-03 eta: 9:30:49 time: 0.8543 data_time: 0.2175 memory: 9812 grad_norm: 3.3803 loss: 2.3073 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2832 distill.loss_dist: 1.0240 2023/05/15 20:32:57 - mmengine - INFO - Epoch(train) [80][ 60/1879] lr: 2.0000e-03 eta: 9:30:31 time: 0.8053 data_time: 0.1691 memory: 9812 grad_norm: 3.2606 loss: 2.0843 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0758 distill.loss_dist: 1.0086 2023/05/15 20:33:15 - mmengine - INFO - Epoch(train) [80][ 80/1879] lr: 2.0000e-03 eta: 9:30:14 time: 0.9356 data_time: 0.0795 memory: 9812 grad_norm: 3.4307 loss: 2.2787 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2574 distill.loss_dist: 1.0213 2023/05/15 20:33:32 - mmengine - INFO - Epoch(train) [80][ 100/1879] lr: 2.0000e-03 eta: 9:29:56 time: 0.8220 data_time: 0.0261 memory: 9812 grad_norm: 3.4560 loss: 2.3472 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.3059 distill.loss_dist: 1.0413 2023/05/15 20:33:49 - mmengine - INFO - Epoch(train) [80][ 120/1879] lr: 2.0000e-03 eta: 9:29:39 time: 0.8447 data_time: 0.1656 memory: 9812 grad_norm: 3.4426 loss: 1.9915 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 0.9934 distill.loss_dist: 0.9981 2023/05/15 20:34:07 - mmengine - INFO - Epoch(train) [80][ 140/1879] lr: 2.0000e-03 eta: 9:29:22 time: 0.9257 data_time: 0.1096 memory: 9812 grad_norm: 3.4051 loss: 2.0704 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0585 distill.loss_dist: 1.0119 2023/05/15 20:34:25 - mmengine - INFO - Epoch(train) [80][ 160/1879] lr: 2.0000e-03 eta: 9:29:04 time: 0.8699 data_time: 0.0275 memory: 9812 grad_norm: 3.4609 loss: 2.1267 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0980 distill.loss_dist: 1.0287 2023/05/15 20:34:41 - mmengine - INFO - Epoch(train) [80][ 180/1879] lr: 2.0000e-03 eta: 9:28:47 time: 0.8328 data_time: 0.0247 memory: 9812 grad_norm: 3.4678 loss: 2.0423 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0323 distill.loss_dist: 1.0099 2023/05/15 20:35:00 - mmengine - INFO - Epoch(train) [80][ 200/1879] lr: 2.0000e-03 eta: 9:28:30 time: 0.9492 data_time: 0.0277 memory: 9812 grad_norm: 3.4632 loss: 2.3384 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2798 distill.loss_dist: 1.0586 2023/05/15 20:35:16 - mmengine - INFO - Epoch(train) [80][ 220/1879] lr: 2.0000e-03 eta: 9:28:12 time: 0.7852 data_time: 0.0296 memory: 9812 grad_norm: 3.3635 loss: 2.1481 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1523 distill.loss_dist: 0.9958 2023/05/15 20:35:33 - mmengine - INFO - Epoch(train) [80][ 240/1879] lr: 2.0000e-03 eta: 9:27:54 time: 0.8593 data_time: 0.0274 memory: 9812 grad_norm: 3.4187 loss: 2.2197 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1682 distill.loss_dist: 1.0515 2023/05/15 20:35:51 - mmengine - INFO - Epoch(train) [80][ 260/1879] lr: 2.0000e-03 eta: 9:27:37 time: 0.8738 data_time: 0.0271 memory: 9812 grad_norm: 3.4483 loss: 2.1296 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1151 distill.loss_dist: 1.0145 2023/05/15 20:36:09 - mmengine - INFO - Epoch(train) [80][ 280/1879] lr: 2.0000e-03 eta: 9:27:20 time: 0.8895 data_time: 0.0280 memory: 9812 grad_norm: 3.4720 loss: 2.3437 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3067 distill.loss_dist: 1.0370 2023/05/15 20:36:25 - mmengine - INFO - Epoch(train) [80][ 300/1879] lr: 2.0000e-03 eta: 9:27:02 time: 0.8308 data_time: 0.0276 memory: 9812 grad_norm: 3.4296 loss: 2.1812 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1609 distill.loss_dist: 1.0203 2023/05/15 20:36:43 - mmengine - INFO - Epoch(train) [80][ 320/1879] lr: 2.0000e-03 eta: 9:26:45 time: 0.8760 data_time: 0.0312 memory: 9812 grad_norm: 3.4750 loss: 2.2889 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2764 distill.loss_dist: 1.0126 2023/05/15 20:37:01 - mmengine - INFO - Epoch(train) [80][ 340/1879] lr: 2.0000e-03 eta: 9:26:28 time: 0.8940 data_time: 0.0288 memory: 9812 grad_norm: 3.4058 loss: 2.1969 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1674 distill.loss_dist: 1.0295 2023/05/15 20:37:17 - mmengine - INFO - Epoch(train) [80][ 360/1879] lr: 2.0000e-03 eta: 9:26:10 time: 0.7920 data_time: 0.0251 memory: 9812 grad_norm: 3.4189 loss: 2.1370 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1244 distill.loss_dist: 1.0126 2023/05/15 20:37:35 - mmengine - INFO - Epoch(train) [80][ 380/1879] lr: 2.0000e-03 eta: 9:25:53 time: 0.9106 data_time: 0.1869 memory: 9812 grad_norm: 3.5454 loss: 2.2971 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2197 distill.loss_dist: 1.0774 2023/05/15 20:37:52 - mmengine - INFO - Epoch(train) [80][ 400/1879] lr: 2.0000e-03 eta: 9:25:35 time: 0.8483 data_time: 0.2983 memory: 9812 grad_norm: 3.4497 loss: 2.3555 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2986 distill.loss_dist: 1.0568 2023/05/15 20:38:09 - mmengine - INFO - Epoch(train) [80][ 420/1879] lr: 2.0000e-03 eta: 9:25:18 time: 0.8354 data_time: 0.1301 memory: 9812 grad_norm: 3.5128 loss: 2.3087 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2560 distill.loss_dist: 1.0527 2023/05/15 20:38:26 - mmengine - INFO - Epoch(train) [80][ 440/1879] lr: 2.0000e-03 eta: 9:25:00 time: 0.8850 data_time: 0.0310 memory: 9812 grad_norm: 3.4210 loss: 2.0811 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0632 distill.loss_dist: 1.0179 2023/05/15 20:38:45 - mmengine - INFO - Epoch(train) [80][ 460/1879] lr: 2.0000e-03 eta: 9:24:43 time: 0.9434 data_time: 0.0300 memory: 9812 grad_norm: 3.4651 loss: 2.0918 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0807 distill.loss_dist: 1.0111 2023/05/15 20:39:02 - mmengine - INFO - Epoch(train) [80][ 480/1879] lr: 2.0000e-03 eta: 9:24:26 time: 0.8466 data_time: 0.0304 memory: 9812 grad_norm: 3.4004 loss: 2.2822 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2734 distill.loss_dist: 1.0088 2023/05/15 20:39:19 - mmengine - INFO - Epoch(train) [80][ 500/1879] lr: 2.0000e-03 eta: 9:24:09 time: 0.8584 data_time: 0.0265 memory: 9812 grad_norm: 3.5825 loss: 2.1119 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1033 distill.loss_dist: 1.0086 2023/05/15 20:39:39 - mmengine - INFO - Epoch(train) [80][ 520/1879] lr: 2.0000e-03 eta: 9:23:52 time: 0.9676 data_time: 0.0258 memory: 9812 grad_norm: 3.4946 loss: 2.3616 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.3144 distill.loss_dist: 1.0472 2023/05/15 20:39:56 - mmengine - INFO - Epoch(train) [80][ 540/1879] lr: 2.0000e-03 eta: 9:23:34 time: 0.8451 data_time: 0.0241 memory: 9812 grad_norm: 3.4855 loss: 2.2740 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2197 distill.loss_dist: 1.0543 2023/05/15 20:40:11 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 20:40:11 - mmengine - INFO - Epoch(train) [80][ 560/1879] lr: 2.0000e-03 eta: 9:23:16 time: 0.7846 data_time: 0.0277 memory: 9812 grad_norm: 3.3670 loss: 2.1514 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0871 distill.loss_dist: 1.0643 2023/05/15 20:40:31 - mmengine - INFO - Epoch(train) [80][ 580/1879] lr: 2.0000e-03 eta: 9:22:59 time: 0.9586 data_time: 0.0249 memory: 9812 grad_norm: 3.4750 loss: 2.0927 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0650 distill.loss_dist: 1.0277 2023/05/15 20:40:48 - mmengine - INFO - Epoch(train) [80][ 600/1879] lr: 2.0000e-03 eta: 9:22:42 time: 0.8665 data_time: 0.0332 memory: 9812 grad_norm: 3.4049 loss: 2.1696 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1468 distill.loss_dist: 1.0228 2023/05/15 20:41:04 - mmengine - INFO - Epoch(train) [80][ 620/1879] lr: 2.0000e-03 eta: 9:22:24 time: 0.8158 data_time: 0.0258 memory: 9812 grad_norm: 3.4400 loss: 2.1900 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1644 distill.loss_dist: 1.0256 2023/05/15 20:41:23 - mmengine - INFO - Epoch(train) [80][ 640/1879] lr: 2.0000e-03 eta: 9:22:07 time: 0.9230 data_time: 0.0276 memory: 9812 grad_norm: 3.4352 loss: 2.1097 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0837 distill.loss_dist: 1.0260 2023/05/15 20:41:39 - mmengine - INFO - Epoch(train) [80][ 660/1879] lr: 2.0000e-03 eta: 9:21:50 time: 0.8242 data_time: 0.0324 memory: 9812 grad_norm: 3.3708 loss: 2.2687 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2134 distill.loss_dist: 1.0553 2023/05/15 20:41:56 - mmengine - INFO - Epoch(train) [80][ 680/1879] lr: 2.0000e-03 eta: 9:21:32 time: 0.8397 data_time: 0.0258 memory: 9812 grad_norm: 3.4573 loss: 2.2513 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2250 distill.loss_dist: 1.0263 2023/05/15 20:42:14 - mmengine - INFO - Epoch(train) [80][ 700/1879] lr: 2.0000e-03 eta: 9:21:15 time: 0.8954 data_time: 0.0262 memory: 9812 grad_norm: 3.5607 loss: 2.2133 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1974 distill.loss_dist: 1.0159 2023/05/15 20:42:31 - mmengine - INFO - Epoch(train) [80][ 720/1879] lr: 2.0000e-03 eta: 9:20:58 time: 0.8709 data_time: 0.0332 memory: 9812 grad_norm: 3.4186 loss: 2.1574 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1367 distill.loss_dist: 1.0208 2023/05/15 20:42:49 - mmengine - INFO - Epoch(train) [80][ 740/1879] lr: 2.0000e-03 eta: 9:20:40 time: 0.8751 data_time: 0.0254 memory: 9812 grad_norm: 3.3881 loss: 2.2631 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.2223 distill.loss_dist: 1.0408 2023/05/15 20:43:07 - mmengine - INFO - Epoch(train) [80][ 760/1879] lr: 2.0000e-03 eta: 9:20:23 time: 0.8900 data_time: 0.0274 memory: 9812 grad_norm: 3.4400 loss: 2.2691 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2343 distill.loss_dist: 1.0348 2023/05/15 20:43:24 - mmengine - INFO - Epoch(train) [80][ 780/1879] lr: 2.0000e-03 eta: 9:20:06 time: 0.8531 data_time: 0.0278 memory: 9812 grad_norm: 3.4076 loss: 2.2873 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2367 distill.loss_dist: 1.0506 2023/05/15 20:43:41 - mmengine - INFO - Epoch(train) [80][ 800/1879] lr: 2.0000e-03 eta: 9:19:48 time: 0.8672 data_time: 0.0282 memory: 9812 grad_norm: 3.4722 loss: 2.2500 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2068 distill.loss_dist: 1.0432 2023/05/15 20:44:00 - mmengine - INFO - Epoch(train) [80][ 820/1879] lr: 2.0000e-03 eta: 9:19:31 time: 0.9223 data_time: 0.0257 memory: 9812 grad_norm: 3.5159 loss: 2.3534 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2897 distill.loss_dist: 1.0637 2023/05/15 20:44:16 - mmengine - INFO - Epoch(train) [80][ 840/1879] lr: 2.0000e-03 eta: 9:19:13 time: 0.8283 data_time: 0.0278 memory: 9812 grad_norm: 3.4875 loss: 2.5298 student.top1_acc: 0.3750 student.top5_acc: 0.6250 student.loss_cls: 1.4319 distill.loss_dist: 1.0979 2023/05/15 20:44:32 - mmengine - INFO - Epoch(train) [80][ 860/1879] lr: 2.0000e-03 eta: 9:18:56 time: 0.7996 data_time: 0.0266 memory: 9812 grad_norm: 3.3948 loss: 2.2134 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1908 distill.loss_dist: 1.0226 2023/05/15 20:44:51 - mmengine - INFO - Epoch(train) [80][ 880/1879] lr: 2.0000e-03 eta: 9:18:39 time: 0.9531 data_time: 0.0269 memory: 9812 grad_norm: 3.3200 loss: 2.0478 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0242 distill.loss_dist: 1.0236 2023/05/15 20:45:09 - mmengine - INFO - Epoch(train) [80][ 900/1879] lr: 2.0000e-03 eta: 9:18:21 time: 0.8927 data_time: 0.0291 memory: 9812 grad_norm: 3.4382 loss: 2.4329 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3662 distill.loss_dist: 1.0666 2023/05/15 20:45:26 - mmengine - INFO - Epoch(train) [80][ 920/1879] lr: 2.0000e-03 eta: 9:18:04 time: 0.8297 data_time: 0.0250 memory: 9812 grad_norm: 3.4883 loss: 2.2957 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2691 distill.loss_dist: 1.0266 2023/05/15 20:45:45 - mmengine - INFO - Epoch(train) [80][ 940/1879] lr: 2.0000e-03 eta: 9:17:47 time: 0.9683 data_time: 0.0258 memory: 9812 grad_norm: 3.3438 loss: 2.0685 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0468 distill.loss_dist: 1.0217 2023/05/15 20:46:01 - mmengine - INFO - Epoch(train) [80][ 960/1879] lr: 2.0000e-03 eta: 9:17:29 time: 0.7999 data_time: 0.0269 memory: 9812 grad_norm: 3.5502 loss: 2.1427 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1069 distill.loss_dist: 1.0358 2023/05/15 20:46:18 - mmengine - INFO - Epoch(train) [80][ 980/1879] lr: 2.0000e-03 eta: 9:17:12 time: 0.8350 data_time: 0.0273 memory: 9812 grad_norm: 3.4450 loss: 2.2482 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2269 distill.loss_dist: 1.0213 2023/05/15 20:46:38 - mmengine - INFO - Epoch(train) [80][1000/1879] lr: 2.0000e-03 eta: 9:16:55 time: 0.9991 data_time: 0.0266 memory: 9812 grad_norm: 3.4838 loss: 2.1541 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1061 distill.loss_dist: 1.0480 2023/05/15 20:46:54 - mmengine - INFO - Epoch(train) [80][1020/1879] lr: 2.0000e-03 eta: 9:16:37 time: 0.8221 data_time: 0.0235 memory: 9812 grad_norm: 3.5724 loss: 2.2430 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2069 distill.loss_dist: 1.0361 2023/05/15 20:47:11 - mmengine - INFO - Epoch(train) [80][1040/1879] lr: 2.0000e-03 eta: 9:16:20 time: 0.8369 data_time: 0.0236 memory: 9812 grad_norm: 3.4673 loss: 2.1829 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1580 distill.loss_dist: 1.0250 2023/05/15 20:47:29 - mmengine - INFO - Epoch(train) [80][1060/1879] lr: 2.0000e-03 eta: 9:16:03 time: 0.8891 data_time: 0.0270 memory: 9812 grad_norm: 3.4617 loss: 2.1918 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1705 distill.loss_dist: 1.0213 2023/05/15 20:47:46 - mmengine - INFO - Epoch(train) [80][1080/1879] lr: 2.0000e-03 eta: 9:15:45 time: 0.8477 data_time: 0.0300 memory: 9812 grad_norm: 3.4195 loss: 2.0731 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0627 distill.loss_dist: 1.0104 2023/05/15 20:48:02 - mmengine - INFO - Epoch(train) [80][1100/1879] lr: 2.0000e-03 eta: 9:15:27 time: 0.8036 data_time: 0.0254 memory: 9812 grad_norm: 3.4137 loss: 2.2093 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1761 distill.loss_dist: 1.0332 2023/05/15 20:48:20 - mmengine - INFO - Epoch(train) [80][1120/1879] lr: 2.0000e-03 eta: 9:15:10 time: 0.8934 data_time: 0.0308 memory: 9812 grad_norm: 3.4915 loss: 2.2639 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2334 distill.loss_dist: 1.0305 2023/05/15 20:48:37 - mmengine - INFO - Epoch(train) [80][1140/1879] lr: 2.0000e-03 eta: 9:14:53 time: 0.8281 data_time: 0.0300 memory: 9812 grad_norm: 3.3874 loss: 2.0239 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0221 distill.loss_dist: 1.0018 2023/05/15 20:48:54 - mmengine - INFO - Epoch(train) [80][1160/1879] lr: 2.0000e-03 eta: 9:14:35 time: 0.8537 data_time: 0.0286 memory: 9812 grad_norm: 3.4621 loss: 2.2998 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2659 distill.loss_dist: 1.0340 2023/05/15 20:49:13 - mmengine - INFO - Epoch(train) [80][1180/1879] lr: 2.0000e-03 eta: 9:14:18 time: 0.9505 data_time: 0.0248 memory: 9812 grad_norm: 3.5062 loss: 2.3627 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3095 distill.loss_dist: 1.0532 2023/05/15 20:49:30 - mmengine - INFO - Epoch(train) [80][1200/1879] lr: 2.0000e-03 eta: 9:14:01 time: 0.8635 data_time: 0.0287 memory: 9812 grad_norm: 3.3375 loss: 2.1817 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1276 distill.loss_dist: 1.0540 2023/05/15 20:49:47 - mmengine - INFO - Epoch(train) [80][1220/1879] lr: 2.0000e-03 eta: 9:13:43 time: 0.8494 data_time: 0.0273 memory: 9812 grad_norm: 3.4662 loss: 2.3903 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3564 distill.loss_dist: 1.0339 2023/05/15 20:50:05 - mmengine - INFO - Epoch(train) [80][1240/1879] lr: 2.0000e-03 eta: 9:13:26 time: 0.9035 data_time: 0.0259 memory: 9812 grad_norm: 3.4501 loss: 2.1308 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0850 distill.loss_dist: 1.0458 2023/05/15 20:50:22 - mmengine - INFO - Epoch(train) [80][1260/1879] lr: 2.0000e-03 eta: 9:13:09 time: 0.8623 data_time: 0.0265 memory: 9812 grad_norm: 3.4119 loss: 2.1373 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1408 distill.loss_dist: 0.9965 2023/05/15 20:50:38 - mmengine - INFO - Epoch(train) [80][1280/1879] lr: 2.0000e-03 eta: 9:12:51 time: 0.7965 data_time: 0.0272 memory: 9812 grad_norm: 3.4823 loss: 2.2622 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2177 distill.loss_dist: 1.0445 2023/05/15 20:50:56 - mmengine - INFO - Epoch(train) [80][1300/1879] lr: 2.0000e-03 eta: 9:12:34 time: 0.8788 data_time: 0.0279 memory: 9812 grad_norm: 3.3493 loss: 2.1490 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1649 distill.loss_dist: 0.9842 2023/05/15 20:51:15 - mmengine - INFO - Epoch(train) [80][1320/1879] lr: 2.0000e-03 eta: 9:12:17 time: 0.9384 data_time: 0.0290 memory: 9812 grad_norm: 3.4458 loss: 2.4856 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4193 distill.loss_dist: 1.0663 2023/05/15 20:51:31 - mmengine - INFO - Epoch(train) [80][1340/1879] lr: 2.0000e-03 eta: 9:11:59 time: 0.8155 data_time: 0.0261 memory: 9812 grad_norm: 3.4802 loss: 2.3137 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2689 distill.loss_dist: 1.0449 2023/05/15 20:51:48 - mmengine - INFO - Epoch(train) [80][1360/1879] lr: 2.0000e-03 eta: 9:11:42 time: 0.8694 data_time: 0.0280 memory: 9812 grad_norm: 3.3764 loss: 2.0425 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0539 distill.loss_dist: 0.9887 2023/05/15 20:52:07 - mmengine - INFO - Epoch(train) [80][1380/1879] lr: 2.0000e-03 eta: 9:11:25 time: 0.9413 data_time: 0.0276 memory: 9812 grad_norm: 3.4648 loss: 2.1847 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1743 distill.loss_dist: 1.0104 2023/05/15 20:52:23 - mmengine - INFO - Epoch(train) [80][1400/1879] lr: 2.0000e-03 eta: 9:11:07 time: 0.7943 data_time: 0.0321 memory: 9812 grad_norm: 3.4853 loss: 2.1167 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.0903 distill.loss_dist: 1.0264 2023/05/15 20:52:41 - mmengine - INFO - Epoch(train) [80][1420/1879] lr: 2.0000e-03 eta: 9:10:49 time: 0.8794 data_time: 0.0286 memory: 9812 grad_norm: 3.4977 loss: 2.3206 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2574 distill.loss_dist: 1.0632 2023/05/15 20:53:01 - mmengine - INFO - Epoch(train) [80][1440/1879] lr: 2.0000e-03 eta: 9:10:33 time: 1.0237 data_time: 0.0286 memory: 9812 grad_norm: 3.4623 loss: 2.1906 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1628 distill.loss_dist: 1.0278 2023/05/15 20:53:17 - mmengine - INFO - Epoch(train) [80][1460/1879] lr: 2.0000e-03 eta: 9:10:15 time: 0.7760 data_time: 0.0254 memory: 9812 grad_norm: 3.3770 loss: 2.1058 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0839 distill.loss_dist: 1.0219 2023/05/15 20:53:33 - mmengine - INFO - Epoch(train) [80][1480/1879] lr: 2.0000e-03 eta: 9:09:57 time: 0.8235 data_time: 0.0303 memory: 9812 grad_norm: 3.4132 loss: 2.1944 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1283 distill.loss_dist: 1.0662 2023/05/15 20:53:52 - mmengine - INFO - Epoch(train) [80][1500/1879] lr: 2.0000e-03 eta: 9:09:40 time: 0.9208 data_time: 0.0274 memory: 9812 grad_norm: 3.4458 loss: 2.0481 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0214 distill.loss_dist: 1.0267 2023/05/15 20:54:08 - mmengine - INFO - Epoch(train) [80][1520/1879] lr: 2.0000e-03 eta: 9:09:23 time: 0.8274 data_time: 0.0283 memory: 9812 grad_norm: 3.4663 loss: 2.0609 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0807 distill.loss_dist: 0.9803 2023/05/15 20:54:25 - mmengine - INFO - Epoch(train) [80][1540/1879] lr: 2.0000e-03 eta: 9:09:05 time: 0.8471 data_time: 0.0265 memory: 9812 grad_norm: 3.3926 loss: 2.2337 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2057 distill.loss_dist: 1.0281 2023/05/15 20:54:42 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 20:54:43 - mmengine - INFO - Epoch(train) [80][1560/1879] lr: 2.0000e-03 eta: 9:08:48 time: 0.8721 data_time: 0.0282 memory: 9812 grad_norm: 3.5038 loss: 2.3717 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.3168 distill.loss_dist: 1.0548 2023/05/15 20:55:01 - mmengine - INFO - Epoch(train) [80][1580/1879] lr: 2.0000e-03 eta: 9:08:31 time: 0.9195 data_time: 0.0256 memory: 9812 grad_norm: 3.4943 loss: 2.1515 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1248 distill.loss_dist: 1.0266 2023/05/15 20:55:18 - mmengine - INFO - Epoch(train) [80][1600/1879] lr: 2.0000e-03 eta: 9:08:13 time: 0.8171 data_time: 0.0305 memory: 9812 grad_norm: 3.4559 loss: 2.0594 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0384 distill.loss_dist: 1.0210 2023/05/15 20:55:36 - mmengine - INFO - Epoch(train) [80][1620/1879] lr: 2.0000e-03 eta: 9:07:56 time: 0.9223 data_time: 0.0247 memory: 9812 grad_norm: 3.4451 loss: 2.1793 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1385 distill.loss_dist: 1.0408 2023/05/15 20:55:53 - mmengine - INFO - Epoch(train) [80][1640/1879] lr: 2.0000e-03 eta: 9:07:39 time: 0.8428 data_time: 0.0347 memory: 9812 grad_norm: 3.3422 loss: 2.1038 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0890 distill.loss_dist: 1.0147 2023/05/15 20:56:10 - mmengine - INFO - Epoch(train) [80][1660/1879] lr: 2.0000e-03 eta: 9:07:21 time: 0.8577 data_time: 0.0240 memory: 9812 grad_norm: 3.5450 loss: 2.3049 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2621 distill.loss_dist: 1.0429 2023/05/15 20:56:27 - mmengine - INFO - Epoch(train) [80][1680/1879] lr: 2.0000e-03 eta: 9:07:03 time: 0.8204 data_time: 0.0269 memory: 9812 grad_norm: 3.4367 loss: 2.1282 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1218 distill.loss_dist: 1.0065 2023/05/15 20:56:46 - mmengine - INFO - Epoch(train) [80][1700/1879] lr: 2.0000e-03 eta: 9:06:47 time: 0.9620 data_time: 0.0305 memory: 9812 grad_norm: 3.4853 loss: 2.3753 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3326 distill.loss_dist: 1.0426 2023/05/15 20:57:02 - mmengine - INFO - Epoch(train) [80][1720/1879] lr: 2.0000e-03 eta: 9:06:29 time: 0.7942 data_time: 0.0267 memory: 9812 grad_norm: 3.5073 loss: 2.2667 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2222 distill.loss_dist: 1.0446 2023/05/15 20:57:19 - mmengine - INFO - Epoch(train) [80][1740/1879] lr: 2.0000e-03 eta: 9:06:12 time: 0.8871 data_time: 0.0292 memory: 9812 grad_norm: 3.3628 loss: 2.1204 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1083 distill.loss_dist: 1.0121 2023/05/15 20:57:38 - mmengine - INFO - Epoch(train) [80][1760/1879] lr: 2.0000e-03 eta: 9:05:54 time: 0.9110 data_time: 0.0258 memory: 9812 grad_norm: 3.4715 loss: 2.2781 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2673 distill.loss_dist: 1.0108 2023/05/15 20:57:55 - mmengine - INFO - Epoch(train) [80][1780/1879] lr: 2.0000e-03 eta: 9:05:37 time: 0.8415 data_time: 0.0268 memory: 9812 grad_norm: 3.4282 loss: 2.2789 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2395 distill.loss_dist: 1.0394 2023/05/15 20:58:12 - mmengine - INFO - Epoch(train) [80][1800/1879] lr: 2.0000e-03 eta: 9:05:19 time: 0.8632 data_time: 0.0264 memory: 9812 grad_norm: 3.4660 loss: 2.2170 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2050 distill.loss_dist: 1.0120 2023/05/15 20:58:30 - mmengine - INFO - Epoch(train) [80][1820/1879] lr: 2.0000e-03 eta: 9:05:02 time: 0.9282 data_time: 0.0275 memory: 9812 grad_norm: 3.4887 loss: 2.2081 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1943 distill.loss_dist: 1.0138 2023/05/15 20:58:47 - mmengine - INFO - Epoch(train) [80][1840/1879] lr: 2.0000e-03 eta: 9:04:45 time: 0.8286 data_time: 0.0269 memory: 9812 grad_norm: 3.3718 loss: 2.2512 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2308 distill.loss_dist: 1.0204 2023/05/15 20:59:04 - mmengine - INFO - Epoch(train) [80][1860/1879] lr: 2.0000e-03 eta: 9:04:27 time: 0.8244 data_time: 0.0268 memory: 9812 grad_norm: 3.4806 loss: 2.3431 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2800 distill.loss_dist: 1.0630 2023/05/15 20:59:17 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 20:59:17 - mmengine - INFO - Epoch(train) [80][1879/1879] lr: 2.0000e-03 eta: 9:04:10 time: 0.6718 data_time: 0.0230 memory: 9812 grad_norm: 3.5723 loss: 2.1714 student.top1_acc: 0.7143 student.top5_acc: 1.0000 student.loss_cls: 1.1175 distill.loss_dist: 1.0539 2023/05/15 20:59:36 - mmengine - INFO - Epoch(val) [80][ 20/155] eta: 0:02:12 time: 0.9806 data_time: 0.9084 memory: 1484 2023/05/15 20:59:50 - mmengine - INFO - Epoch(val) [80][ 40/155] eta: 0:01:35 time: 0.6844 data_time: 0.6156 memory: 1484 2023/05/15 21:00:08 - mmengine - INFO - Epoch(val) [80][ 60/155] eta: 0:01:20 time: 0.8861 data_time: 0.8187 memory: 1484 2023/05/15 21:00:22 - mmengine - INFO - Epoch(val) [80][ 80/155] eta: 0:01:01 time: 0.7093 data_time: 0.6476 memory: 1484 2023/05/15 21:00:40 - mmengine - INFO - Epoch(val) [80][100/155] eta: 0:00:45 time: 0.8951 data_time: 0.8322 memory: 1484 2023/05/15 21:00:53 - mmengine - INFO - Epoch(val) [80][120/155] eta: 0:00:28 time: 0.6800 data_time: 0.6171 memory: 1484 2023/05/15 21:01:13 - mmengine - INFO - Epoch(val) [80][140/155] eta: 0:00:12 time: 0.9846 data_time: 0.9219 memory: 1484 2023/05/15 21:01:43 - mmengine - INFO - Epoch(val) [80][ 20/155] eta: 0:16:15 time: 0.9674 data_time: 0.8131 memory: 1582 2023/05/15 21:01:57 - mmengine - INFO - Epoch(val) [80][ 40/155] eta: 0:07:36 time: 0.7201 data_time: 0.5671 memory: 1582 2023/05/15 21:02:15 - mmengine - INFO - Epoch(val) [80][ 60/155] eta: 0:04:40 time: 0.8996 data_time: 0.7451 memory: 1582 2023/05/15 21:02:29 - mmengine - INFO - Epoch(val) [80][ 80/155] eta: 0:02:59 time: 0.7072 data_time: 0.5532 memory: 1582 2023/05/15 21:02:49 - mmengine - INFO - Epoch(val) [80][100/155] eta: 0:01:56 time: 0.9998 data_time: 0.8451 memory: 1582 2023/05/15 21:03:03 - mmengine - INFO - Epoch(val) [80][120/155] eta: 0:01:05 time: 0.6641 data_time: 0.5136 memory: 1582 2023/05/15 21:03:22 - mmengine - INFO - Epoch(val) [80][140/155] eta: 0:00:26 time: 0.9482 data_time: 0.7957 memory: 1582 2023/05/15 21:03:32 - mmengine - INFO - Epoch(val) [80][155/155] acc/top1: 0.6751 acc/top5: 0.8792 acc/mean1: 0.6750 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6625 time: 0.8144 2023/05/15 21:03:56 - mmengine - INFO - Epoch(train) [81][ 20/1879] lr: 2.0000e-04 eta: 9:03:54 time: 1.1811 data_time: 0.7594 memory: 9812 grad_norm: 3.3547 loss: 1.9722 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 0.9644 distill.loss_dist: 1.0078 2023/05/15 21:04:12 - mmengine - INFO - Epoch(train) [81][ 40/1879] lr: 2.0000e-04 eta: 9:03:36 time: 0.7857 data_time: 0.3554 memory: 9812 grad_norm: 3.4007 loss: 2.1291 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0988 distill.loss_dist: 1.0303 2023/05/15 21:04:28 - mmengine - INFO - Epoch(train) [81][ 60/1879] lr: 2.0000e-04 eta: 9:03:19 time: 0.8084 data_time: 0.3830 memory: 9812 grad_norm: 3.4027 loss: 2.1909 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1877 distill.loss_dist: 1.0032 2023/05/15 21:04:46 - mmengine - INFO - Epoch(train) [81][ 80/1879] lr: 2.0000e-04 eta: 9:03:01 time: 0.9025 data_time: 0.4564 memory: 9812 grad_norm: 3.4005 loss: 2.2299 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1859 distill.loss_dist: 1.0441 2023/05/15 21:05:03 - mmengine - INFO - Epoch(train) [81][ 100/1879] lr: 2.0000e-04 eta: 9:02:44 time: 0.8505 data_time: 0.1966 memory: 9812 grad_norm: 3.3896 loss: 2.2673 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2361 distill.loss_dist: 1.0312 2023/05/15 21:05:20 - mmengine - INFO - Epoch(train) [81][ 120/1879] lr: 2.0000e-04 eta: 9:02:26 time: 0.8693 data_time: 0.0357 memory: 9812 grad_norm: 3.4014 loss: 2.2186 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1854 distill.loss_dist: 1.0332 2023/05/15 21:05:40 - mmengine - INFO - Epoch(train) [81][ 140/1879] lr: 2.0000e-04 eta: 9:02:10 time: 0.9877 data_time: 0.2629 memory: 9812 grad_norm: 3.4600 loss: 2.1453 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1480 distill.loss_dist: 0.9973 2023/05/15 21:05:56 - mmengine - INFO - Epoch(train) [81][ 160/1879] lr: 2.0000e-04 eta: 9:01:52 time: 0.7997 data_time: 0.2960 memory: 9812 grad_norm: 3.4767 loss: 2.0439 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.0381 distill.loss_dist: 1.0058 2023/05/15 21:06:12 - mmengine - INFO - Epoch(train) [81][ 180/1879] lr: 2.0000e-04 eta: 9:01:34 time: 0.8066 data_time: 0.2405 memory: 9812 grad_norm: 3.4522 loss: 2.1231 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1189 distill.loss_dist: 1.0042 2023/05/15 21:06:30 - mmengine - INFO - Epoch(train) [81][ 200/1879] lr: 2.0000e-04 eta: 9:01:17 time: 0.9087 data_time: 0.3045 memory: 9812 grad_norm: 3.5256 loss: 2.2153 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1852 distill.loss_dist: 1.0301 2023/05/15 21:06:47 - mmengine - INFO - Epoch(train) [81][ 220/1879] lr: 2.0000e-04 eta: 9:01:00 time: 0.8421 data_time: 0.1681 memory: 9812 grad_norm: 3.4119 loss: 2.1647 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0951 distill.loss_dist: 1.0696 2023/05/15 21:07:05 - mmengine - INFO - Epoch(train) [81][ 240/1879] lr: 2.0000e-04 eta: 9:00:42 time: 0.8729 data_time: 0.2777 memory: 9812 grad_norm: 3.4227 loss: 1.9950 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9836 distill.loss_dist: 1.0114 2023/05/15 21:07:23 - mmengine - INFO - Epoch(train) [81][ 260/1879] lr: 2.0000e-04 eta: 9:00:25 time: 0.8935 data_time: 0.1162 memory: 9812 grad_norm: 3.4469 loss: 2.2315 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2032 distill.loss_dist: 1.0284 2023/05/15 21:07:39 - mmengine - INFO - Epoch(train) [81][ 280/1879] lr: 2.0000e-04 eta: 9:00:07 time: 0.8187 data_time: 0.0754 memory: 9812 grad_norm: 3.3447 loss: 2.1891 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.1786 distill.loss_dist: 1.0105 2023/05/15 21:07:57 - mmengine - INFO - Epoch(train) [81][ 300/1879] lr: 2.0000e-04 eta: 8:59:50 time: 0.9080 data_time: 0.0608 memory: 9812 grad_norm: 3.4787 loss: 2.4120 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.3582 distill.loss_dist: 1.0537 2023/05/15 21:08:15 - mmengine - INFO - Epoch(train) [81][ 320/1879] lr: 2.0000e-04 eta: 8:59:33 time: 0.8895 data_time: 0.2075 memory: 9812 grad_norm: 3.4714 loss: 2.2483 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2262 distill.loss_dist: 1.0221 2023/05/15 21:08:31 - mmengine - INFO - Epoch(train) [81][ 340/1879] lr: 2.0000e-04 eta: 8:59:15 time: 0.8165 data_time: 0.2093 memory: 9812 grad_norm: 3.4434 loss: 2.3255 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2781 distill.loss_dist: 1.0474 2023/05/15 21:08:48 - mmengine - INFO - Epoch(train) [81][ 360/1879] lr: 2.0000e-04 eta: 8:58:58 time: 0.8175 data_time: 0.0449 memory: 9812 grad_norm: 3.4985 loss: 2.1136 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1003 distill.loss_dist: 1.0133 2023/05/15 21:09:05 - mmengine - INFO - Epoch(train) [81][ 380/1879] lr: 2.0000e-04 eta: 8:58:40 time: 0.8671 data_time: 0.0337 memory: 9812 grad_norm: 3.2928 loss: 2.0094 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0125 distill.loss_dist: 0.9969 2023/05/15 21:09:25 - mmengine - INFO - Epoch(train) [81][ 400/1879] lr: 2.0000e-04 eta: 8:58:23 time: 0.9836 data_time: 0.0243 memory: 9812 grad_norm: 3.3544 loss: 2.1176 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1014 distill.loss_dist: 1.0162 2023/05/15 21:09:42 - mmengine - INFO - Epoch(train) [81][ 420/1879] lr: 2.0000e-04 eta: 8:58:06 time: 0.8467 data_time: 0.0252 memory: 9812 grad_norm: 3.4814 loss: 2.2340 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.2012 distill.loss_dist: 1.0329 2023/05/15 21:09:58 - mmengine - INFO - Epoch(train) [81][ 440/1879] lr: 2.0000e-04 eta: 8:57:48 time: 0.8284 data_time: 0.0300 memory: 9812 grad_norm: 3.4039 loss: 2.0509 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0363 distill.loss_dist: 1.0146 2023/05/15 21:10:18 - mmengine - INFO - Epoch(train) [81][ 460/1879] lr: 2.0000e-04 eta: 8:57:31 time: 0.9641 data_time: 0.0261 memory: 9812 grad_norm: 3.5577 loss: 2.3650 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3057 distill.loss_dist: 1.0593 2023/05/15 21:10:33 - mmengine - INFO - Epoch(train) [81][ 480/1879] lr: 2.0000e-04 eta: 8:57:13 time: 0.7453 data_time: 0.0276 memory: 9812 grad_norm: 3.4586 loss: 2.1249 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0767 distill.loss_dist: 1.0482 2023/05/15 21:10:49 - mmengine - INFO - Epoch(train) [81][ 500/1879] lr: 2.0000e-04 eta: 8:56:56 time: 0.8341 data_time: 0.0596 memory: 9812 grad_norm: 3.3317 loss: 2.0963 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0712 distill.loss_dist: 1.0251 2023/05/15 21:11:07 - mmengine - INFO - Epoch(train) [81][ 520/1879] lr: 2.0000e-04 eta: 8:56:39 time: 0.8896 data_time: 0.0589 memory: 9812 grad_norm: 3.3892 loss: 2.2938 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2498 distill.loss_dist: 1.0440 2023/05/15 21:11:24 - mmengine - INFO - Epoch(train) [81][ 540/1879] lr: 2.0000e-04 eta: 8:56:21 time: 0.8519 data_time: 0.0942 memory: 9812 grad_norm: 3.4173 loss: 2.0642 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0365 distill.loss_dist: 1.0277 2023/05/15 21:11:43 - mmengine - INFO - Epoch(train) [81][ 560/1879] lr: 2.0000e-04 eta: 8:56:04 time: 0.9256 data_time: 0.2437 memory: 9812 grad_norm: 3.4369 loss: 2.0096 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9964 distill.loss_dist: 1.0132 2023/05/15 21:12:00 - mmengine - INFO - Epoch(train) [81][ 580/1879] lr: 2.0000e-04 eta: 8:55:47 time: 0.8636 data_time: 0.2070 memory: 9812 grad_norm: 3.4470 loss: 2.1088 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0950 distill.loss_dist: 1.0138 2023/05/15 21:12:17 - mmengine - INFO - Epoch(train) [81][ 600/1879] lr: 2.0000e-04 eta: 8:55:29 time: 0.8504 data_time: 0.2634 memory: 9812 grad_norm: 3.3735 loss: 2.1106 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0738 distill.loss_dist: 1.0368 2023/05/15 21:12:35 - mmengine - INFO - Epoch(train) [81][ 620/1879] lr: 2.0000e-04 eta: 8:55:12 time: 0.8795 data_time: 0.0529 memory: 9812 grad_norm: 3.4811 loss: 2.2053 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1687 distill.loss_dist: 1.0366 2023/05/15 21:12:52 - mmengine - INFO - Epoch(train) [81][ 640/1879] lr: 2.0000e-04 eta: 8:54:55 time: 0.8890 data_time: 0.0230 memory: 9812 grad_norm: 3.3887 loss: 2.0311 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0251 distill.loss_dist: 1.0060 2023/05/15 21:13:08 - mmengine - INFO - Epoch(train) [81][ 660/1879] lr: 2.0000e-04 eta: 8:54:37 time: 0.7800 data_time: 0.0225 memory: 9812 grad_norm: 3.4466 loss: 2.1851 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1499 distill.loss_dist: 1.0353 2023/05/15 21:13:26 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 21:13:26 - mmengine - INFO - Epoch(train) [81][ 680/1879] lr: 2.0000e-04 eta: 8:54:19 time: 0.8808 data_time: 0.0280 memory: 9812 grad_norm: 3.4401 loss: 2.1935 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1440 distill.loss_dist: 1.0496 2023/05/15 21:13:43 - mmengine - INFO - Epoch(train) [81][ 700/1879] lr: 2.0000e-04 eta: 8:54:02 time: 0.8604 data_time: 0.0260 memory: 9812 grad_norm: 3.4575 loss: 2.2713 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2271 distill.loss_dist: 1.0442 2023/05/15 21:13:59 - mmengine - INFO - Epoch(train) [81][ 720/1879] lr: 2.0000e-04 eta: 8:53:44 time: 0.8221 data_time: 0.0322 memory: 9812 grad_norm: 3.4601 loss: 1.9925 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0024 distill.loss_dist: 0.9901 2023/05/15 21:14:17 - mmengine - INFO - Epoch(train) [81][ 740/1879] lr: 2.0000e-04 eta: 8:53:27 time: 0.8783 data_time: 0.1293 memory: 9812 grad_norm: 3.3527 loss: 1.9731 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9643 distill.loss_dist: 1.0087 2023/05/15 21:14:35 - mmengine - INFO - Epoch(train) [81][ 760/1879] lr: 2.0000e-04 eta: 8:53:10 time: 0.9018 data_time: 0.1357 memory: 9812 grad_norm: 3.4513 loss: 2.1748 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1297 distill.loss_dist: 1.0450 2023/05/15 21:14:52 - mmengine - INFO - Epoch(train) [81][ 780/1879] lr: 2.0000e-04 eta: 8:52:53 time: 0.8677 data_time: 0.1372 memory: 9812 grad_norm: 3.3689 loss: 2.4040 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3031 distill.loss_dist: 1.1009 2023/05/15 21:15:10 - mmengine - INFO - Epoch(train) [81][ 800/1879] lr: 2.0000e-04 eta: 8:52:35 time: 0.8542 data_time: 0.2589 memory: 9812 grad_norm: 3.4447 loss: 2.4454 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.3873 distill.loss_dist: 1.0581 2023/05/15 21:15:27 - mmengine - INFO - Epoch(train) [81][ 820/1879] lr: 2.0000e-04 eta: 8:52:18 time: 0.8700 data_time: 0.2577 memory: 9812 grad_norm: 3.3843 loss: 2.0614 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0357 distill.loss_dist: 1.0257 2023/05/15 21:15:44 - mmengine - INFO - Epoch(train) [81][ 840/1879] lr: 2.0000e-04 eta: 8:52:00 time: 0.8567 data_time: 0.3530 memory: 9812 grad_norm: 3.3569 loss: 2.0764 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0552 distill.loss_dist: 1.0212 2023/05/15 21:16:03 - mmengine - INFO - Epoch(train) [81][ 860/1879] lr: 2.0000e-04 eta: 8:51:43 time: 0.9251 data_time: 0.4871 memory: 9812 grad_norm: 3.4463 loss: 2.1357 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1286 distill.loss_dist: 1.0071 2023/05/15 21:16:18 - mmengine - INFO - Epoch(train) [81][ 880/1879] lr: 2.0000e-04 eta: 8:51:25 time: 0.7515 data_time: 0.2811 memory: 9812 grad_norm: 3.4480 loss: 2.1472 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1187 distill.loss_dist: 1.0285 2023/05/15 21:16:34 - mmengine - INFO - Epoch(train) [81][ 900/1879] lr: 2.0000e-04 eta: 8:51:08 time: 0.8405 data_time: 0.1723 memory: 9812 grad_norm: 3.3698 loss: 2.1483 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1283 distill.loss_dist: 1.0199 2023/05/15 21:16:53 - mmengine - INFO - Epoch(train) [81][ 920/1879] lr: 2.0000e-04 eta: 8:50:50 time: 0.9044 data_time: 0.1782 memory: 9812 grad_norm: 3.4452 loss: 2.2835 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2581 distill.loss_dist: 1.0254 2023/05/15 21:17:09 - mmengine - INFO - Epoch(train) [81][ 940/1879] lr: 2.0000e-04 eta: 8:50:33 time: 0.8170 data_time: 0.0270 memory: 9812 grad_norm: 3.4225 loss: 2.1322 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1133 distill.loss_dist: 1.0189 2023/05/15 21:17:26 - mmengine - INFO - Epoch(train) [81][ 960/1879] lr: 2.0000e-04 eta: 8:50:15 time: 0.8630 data_time: 0.0265 memory: 9812 grad_norm: 3.4137 loss: 2.0825 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0699 distill.loss_dist: 1.0126 2023/05/15 21:17:45 - mmengine - INFO - Epoch(train) [81][ 980/1879] lr: 2.0000e-04 eta: 8:49:58 time: 0.9262 data_time: 0.2915 memory: 9812 grad_norm: 3.4221 loss: 2.2410 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2223 distill.loss_dist: 1.0188 2023/05/15 21:18:02 - mmengine - INFO - Epoch(train) [81][1000/1879] lr: 2.0000e-04 eta: 8:49:41 time: 0.8523 data_time: 0.3845 memory: 9812 grad_norm: 3.3547 loss: 2.1365 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1206 distill.loss_dist: 1.0159 2023/05/15 21:18:19 - mmengine - INFO - Epoch(train) [81][1020/1879] lr: 2.0000e-04 eta: 8:49:23 time: 0.8337 data_time: 0.3858 memory: 9812 grad_norm: 3.3499 loss: 2.1121 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0745 distill.loss_dist: 1.0376 2023/05/15 21:18:37 - mmengine - INFO - Epoch(train) [81][1040/1879] lr: 2.0000e-04 eta: 8:49:06 time: 0.9274 data_time: 0.4813 memory: 9812 grad_norm: 3.4383 loss: 2.1662 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1139 distill.loss_dist: 1.0523 2023/05/15 21:18:54 - mmengine - INFO - Epoch(train) [81][1060/1879] lr: 2.0000e-04 eta: 8:48:49 time: 0.8226 data_time: 0.3824 memory: 9812 grad_norm: 3.4703 loss: 2.2266 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.1883 distill.loss_dist: 1.0383 2023/05/15 21:19:10 - mmengine - INFO - Epoch(train) [81][1080/1879] lr: 2.0000e-04 eta: 8:48:31 time: 0.8413 data_time: 0.3812 memory: 9812 grad_norm: 3.4211 loss: 2.2348 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2139 distill.loss_dist: 1.0208 2023/05/15 21:19:29 - mmengine - INFO - Epoch(train) [81][1100/1879] lr: 2.0000e-04 eta: 8:48:14 time: 0.9410 data_time: 0.4760 memory: 9812 grad_norm: 3.3454 loss: 2.1592 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1359 distill.loss_dist: 1.0232 2023/05/15 21:19:45 - mmengine - INFO - Epoch(train) [81][1120/1879] lr: 2.0000e-04 eta: 8:47:56 time: 0.7843 data_time: 0.3346 memory: 9812 grad_norm: 3.3269 loss: 2.0367 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0307 distill.loss_dist: 1.0060 2023/05/15 21:20:01 - mmengine - INFO - Epoch(train) [81][1140/1879] lr: 2.0000e-04 eta: 8:47:39 time: 0.8149 data_time: 0.3724 memory: 9812 grad_norm: 3.3669 loss: 2.1253 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1092 distill.loss_dist: 1.0161 2023/05/15 21:20:20 - mmengine - INFO - Epoch(train) [81][1160/1879] lr: 2.0000e-04 eta: 8:47:22 time: 0.9267 data_time: 0.3998 memory: 9812 grad_norm: 3.4550 loss: 1.9687 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9596 distill.loss_dist: 1.0091 2023/05/15 21:20:37 - mmengine - INFO - Epoch(train) [81][1180/1879] lr: 2.0000e-04 eta: 8:47:04 time: 0.8745 data_time: 0.2036 memory: 9812 grad_norm: 3.3618 loss: 2.0158 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0191 distill.loss_dist: 0.9967 2023/05/15 21:20:54 - mmengine - INFO - Epoch(train) [81][1200/1879] lr: 2.0000e-04 eta: 8:46:47 time: 0.8481 data_time: 0.0983 memory: 9812 grad_norm: 3.4158 loss: 2.1538 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1564 distill.loss_dist: 0.9974 2023/05/15 21:21:11 - mmengine - INFO - Epoch(train) [81][1220/1879] lr: 2.0000e-04 eta: 8:46:29 time: 0.8413 data_time: 0.0304 memory: 9812 grad_norm: 3.3792 loss: 2.0971 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0732 distill.loss_dist: 1.0239 2023/05/15 21:21:30 - mmengine - INFO - Epoch(train) [81][1240/1879] lr: 2.0000e-04 eta: 8:46:12 time: 0.9538 data_time: 0.0223 memory: 9812 grad_norm: 3.4212 loss: 1.7373 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.7727 distill.loss_dist: 0.9646 2023/05/15 21:21:46 - mmengine - INFO - Epoch(train) [81][1260/1879] lr: 2.0000e-04 eta: 8:45:55 time: 0.7866 data_time: 0.0284 memory: 9812 grad_norm: 3.3622 loss: 2.2296 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2064 distill.loss_dist: 1.0232 2023/05/15 21:22:04 - mmengine - INFO - Epoch(train) [81][1280/1879] lr: 2.0000e-04 eta: 8:45:37 time: 0.8784 data_time: 0.0265 memory: 9812 grad_norm: 3.4447 loss: 2.3027 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2691 distill.loss_dist: 1.0335 2023/05/15 21:22:20 - mmengine - INFO - Epoch(train) [81][1300/1879] lr: 2.0000e-04 eta: 8:45:20 time: 0.8285 data_time: 0.0306 memory: 9812 grad_norm: 3.4278 loss: 2.2750 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2625 distill.loss_dist: 1.0126 2023/05/15 21:22:36 - mmengine - INFO - Epoch(train) [81][1320/1879] lr: 2.0000e-04 eta: 8:45:02 time: 0.8016 data_time: 0.0274 memory: 9812 grad_norm: 3.4569 loss: 2.1333 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1154 distill.loss_dist: 1.0179 2023/05/15 21:22:55 - mmengine - INFO - Epoch(train) [81][1340/1879] lr: 2.0000e-04 eta: 8:44:45 time: 0.9178 data_time: 0.0301 memory: 9812 grad_norm: 3.5062 loss: 2.2322 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1957 distill.loss_dist: 1.0366 2023/05/15 21:23:12 - mmengine - INFO - Epoch(train) [81][1360/1879] lr: 2.0000e-04 eta: 8:44:27 time: 0.8764 data_time: 0.0489 memory: 9812 grad_norm: 3.3191 loss: 2.1453 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1330 distill.loss_dist: 1.0123 2023/05/15 21:23:29 - mmengine - INFO - Epoch(train) [81][1380/1879] lr: 2.0000e-04 eta: 8:44:10 time: 0.8526 data_time: 0.1743 memory: 9812 grad_norm: 3.3593 loss: 2.2119 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1986 distill.loss_dist: 1.0133 2023/05/15 21:23:47 - mmengine - INFO - Epoch(train) [81][1400/1879] lr: 2.0000e-04 eta: 8:43:53 time: 0.9010 data_time: 0.1662 memory: 9812 grad_norm: 3.4933 loss: 2.2920 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2566 distill.loss_dist: 1.0355 2023/05/15 21:24:05 - mmengine - INFO - Epoch(train) [81][1420/1879] lr: 2.0000e-04 eta: 8:43:35 time: 0.8567 data_time: 0.2987 memory: 9812 grad_norm: 3.3726 loss: 2.0233 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0109 distill.loss_dist: 1.0124 2023/05/15 21:24:21 - mmengine - INFO - Epoch(train) [81][1440/1879] lr: 2.0000e-04 eta: 8:43:18 time: 0.8206 data_time: 0.3011 memory: 9812 grad_norm: 3.4748 loss: 2.2175 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1788 distill.loss_dist: 1.0387 2023/05/15 21:24:39 - mmengine - INFO - Epoch(train) [81][1460/1879] lr: 2.0000e-04 eta: 8:43:01 time: 0.9193 data_time: 0.4040 memory: 9812 grad_norm: 3.3974 loss: 2.1946 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1807 distill.loss_dist: 1.0139 2023/05/15 21:24:56 - mmengine - INFO - Epoch(train) [81][1480/1879] lr: 2.0000e-04 eta: 8:42:43 time: 0.8267 data_time: 0.2920 memory: 9812 grad_norm: 3.5080 loss: 2.1441 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1334 distill.loss_dist: 1.0107 2023/05/15 21:25:14 - mmengine - INFO - Epoch(train) [81][1500/1879] lr: 2.0000e-04 eta: 8:42:26 time: 0.8885 data_time: 0.3071 memory: 9812 grad_norm: 3.4073 loss: 2.1895 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1879 distill.loss_dist: 1.0016 2023/05/15 21:25:31 - mmengine - INFO - Epoch(train) [81][1520/1879] lr: 2.0000e-04 eta: 8:42:08 time: 0.8511 data_time: 0.2640 memory: 9812 grad_norm: 3.4518 loss: 2.3121 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2623 distill.loss_dist: 1.0497 2023/05/15 21:25:48 - mmengine - INFO - Epoch(train) [81][1540/1879] lr: 2.0000e-04 eta: 8:41:51 time: 0.8740 data_time: 0.0984 memory: 9812 grad_norm: 3.4854 loss: 2.2700 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2406 distill.loss_dist: 1.0294 2023/05/15 21:26:05 - mmengine - INFO - Epoch(train) [81][1560/1879] lr: 2.0000e-04 eta: 8:41:33 time: 0.8477 data_time: 0.0340 memory: 9812 grad_norm: 3.3997 loss: 2.2151 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1649 distill.loss_dist: 1.0502 2023/05/15 21:26:21 - mmengine - INFO - Epoch(train) [81][1580/1879] lr: 2.0000e-04 eta: 8:41:16 time: 0.8087 data_time: 0.0265 memory: 9812 grad_norm: 3.4039 loss: 2.0584 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.0676 distill.loss_dist: 0.9908 2023/05/15 21:26:40 - mmengine - INFO - Epoch(train) [81][1600/1879] lr: 2.0000e-04 eta: 8:40:59 time: 0.9316 data_time: 0.0280 memory: 9812 grad_norm: 3.5035 loss: 2.1317 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1159 distill.loss_dist: 1.0158 2023/05/15 21:26:57 - mmengine - INFO - Epoch(train) [81][1620/1879] lr: 2.0000e-04 eta: 8:40:41 time: 0.8431 data_time: 0.0369 memory: 9812 grad_norm: 3.4509 loss: 2.1316 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1176 distill.loss_dist: 1.0140 2023/05/15 21:27:14 - mmengine - INFO - Epoch(train) [81][1640/1879] lr: 2.0000e-04 eta: 8:40:24 time: 0.8498 data_time: 0.0386 memory: 9812 grad_norm: 3.5019 loss: 2.2058 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1618 distill.loss_dist: 1.0440 2023/05/15 21:27:33 - mmengine - INFO - Epoch(train) [81][1660/1879] lr: 2.0000e-04 eta: 8:40:07 time: 0.9502 data_time: 0.0239 memory: 9812 grad_norm: 3.4341 loss: 2.3516 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2937 distill.loss_dist: 1.0579 2023/05/15 21:27:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 21:27:50 - mmengine - INFO - Epoch(train) [81][1680/1879] lr: 2.0000e-04 eta: 8:39:49 time: 0.8436 data_time: 0.0282 memory: 9812 grad_norm: 3.3894 loss: 2.2721 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2324 distill.loss_dist: 1.0397 2023/05/15 21:28:06 - mmengine - INFO - Epoch(train) [81][1700/1879] lr: 2.0000e-04 eta: 8:39:32 time: 0.8151 data_time: 0.0286 memory: 9812 grad_norm: 3.3682 loss: 2.2403 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1930 distill.loss_dist: 1.0473 2023/05/15 21:28:25 - mmengine - INFO - Epoch(train) [81][1720/1879] lr: 2.0000e-04 eta: 8:39:15 time: 0.9203 data_time: 0.0248 memory: 9812 grad_norm: 3.4610 loss: 2.2505 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2446 distill.loss_dist: 1.0059 2023/05/15 21:28:42 - mmengine - INFO - Epoch(train) [81][1740/1879] lr: 2.0000e-04 eta: 8:38:57 time: 0.8444 data_time: 0.0275 memory: 9812 grad_norm: 3.4043 loss: 2.1054 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0825 distill.loss_dist: 1.0230 2023/05/15 21:28:58 - mmengine - INFO - Epoch(train) [81][1760/1879] lr: 2.0000e-04 eta: 8:38:39 time: 0.8263 data_time: 0.0275 memory: 9812 grad_norm: 3.4135 loss: 2.4403 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3866 distill.loss_dist: 1.0537 2023/05/15 21:29:17 - mmengine - INFO - Epoch(train) [81][1780/1879] lr: 2.0000e-04 eta: 8:38:22 time: 0.9198 data_time: 0.0270 memory: 9812 grad_norm: 3.4462 loss: 1.9521 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9636 distill.loss_dist: 0.9885 2023/05/15 21:29:33 - mmengine - INFO - Epoch(train) [81][1800/1879] lr: 2.0000e-04 eta: 8:38:05 time: 0.8215 data_time: 0.0297 memory: 9812 grad_norm: 3.4246 loss: 2.1770 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1575 distill.loss_dist: 1.0195 2023/05/15 21:29:50 - mmengine - INFO - Epoch(train) [81][1820/1879] lr: 2.0000e-04 eta: 8:37:47 time: 0.8345 data_time: 0.0312 memory: 9812 grad_norm: 3.4408 loss: 2.1561 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1391 distill.loss_dist: 1.0171 2023/05/15 21:30:09 - mmengine - INFO - Epoch(train) [81][1840/1879] lr: 2.0000e-04 eta: 8:37:30 time: 0.9703 data_time: 0.0272 memory: 9812 grad_norm: 3.2854 loss: 2.1074 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0858 distill.loss_dist: 1.0216 2023/05/15 21:30:25 - mmengine - INFO - Epoch(train) [81][1860/1879] lr: 2.0000e-04 eta: 8:37:13 time: 0.8083 data_time: 0.0301 memory: 9812 grad_norm: 3.5167 loss: 2.2649 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2400 distill.loss_dist: 1.0249 2023/05/15 21:30:38 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 21:30:38 - mmengine - INFO - Epoch(train) [81][1879/1879] lr: 2.0000e-04 eta: 8:36:55 time: 0.6663 data_time: 0.0221 memory: 9812 grad_norm: 3.4388 loss: 2.3473 student.top1_acc: 0.4286 student.top5_acc: 0.7143 student.loss_cls: 1.3058 distill.loss_dist: 1.0415 2023/05/15 21:30:38 - mmengine - INFO - Saving checkpoint at 81 epochs 2023/05/15 21:30:59 - mmengine - INFO - Epoch(val) [81][ 20/155] eta: 0:02:12 time: 0.9799 data_time: 0.9149 memory: 1484 2023/05/15 21:31:14 - mmengine - INFO - Epoch(val) [81][ 40/155] eta: 0:01:36 time: 0.7069 data_time: 0.6435 memory: 1484 2023/05/15 21:31:30 - mmengine - INFO - Epoch(val) [81][ 60/155] eta: 0:01:20 time: 0.8400 data_time: 0.7742 memory: 1484 2023/05/15 21:31:45 - mmengine - INFO - Epoch(val) [81][ 80/155] eta: 0:01:01 time: 0.7436 data_time: 0.6783 memory: 1484 2023/05/15 21:32:03 - mmengine - INFO - Epoch(val) [81][100/155] eta: 0:00:45 time: 0.9078 data_time: 0.8429 memory: 1484 2023/05/15 21:32:17 - mmengine - INFO - Epoch(val) [81][120/155] eta: 0:00:28 time: 0.6918 data_time: 0.6310 memory: 1484 2023/05/15 21:32:37 - mmengine - INFO - Epoch(val) [81][140/155] eta: 0:00:12 time: 0.9768 data_time: 0.9139 memory: 1484 2023/05/15 21:33:06 - mmengine - INFO - Epoch(val) [81][ 20/155] eta: 0:16:16 time: 1.0160 data_time: 0.8625 memory: 1582 2023/05/15 21:33:19 - mmengine - INFO - Epoch(val) [81][ 40/155] eta: 0:07:34 time: 0.6657 data_time: 0.5107 memory: 1582 2023/05/15 21:33:38 - mmengine - INFO - Epoch(val) [81][ 60/155] eta: 0:04:40 time: 0.9523 data_time: 0.8010 memory: 1582 2023/05/15 21:33:52 - mmengine - INFO - Epoch(val) [81][ 80/155] eta: 0:02:58 time: 0.6745 data_time: 0.5176 memory: 1582 2023/05/15 21:34:11 - mmengine - INFO - Epoch(val) [81][100/155] eta: 0:01:55 time: 0.9666 data_time: 0.8157 memory: 1582 2023/05/15 21:34:25 - mmengine - INFO - Epoch(val) [81][120/155] eta: 0:01:05 time: 0.6771 data_time: 0.5219 memory: 1582 2023/05/15 21:34:44 - mmengine - INFO - Epoch(val) [81][140/155] eta: 0:00:26 time: 0.9881 data_time: 0.8317 memory: 1582 2023/05/15 21:34:54 - mmengine - INFO - Epoch(val) [81][155/155] acc/top1: 0.6773 acc/top5: 0.8786 acc/mean1: 0.6771 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6622 time: 0.8149 2023/05/15 21:34:54 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_66.pth is removed 2023/05/15 21:34:56 - mmengine - INFO - The best checkpoint with 0.6773 acc/top1 at 81 epoch is saved to best_acc_top1_epoch_81.pth. 2023/05/15 21:35:17 - mmengine - INFO - Epoch(train) [82][ 20/1879] lr: 2.0000e-04 eta: 8:36:39 time: 1.0411 data_time: 0.6050 memory: 9812 grad_norm: 3.4569 loss: 2.0945 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0820 distill.loss_dist: 1.0124 2023/05/15 21:35:34 - mmengine - INFO - Epoch(train) [82][ 40/1879] lr: 2.0000e-04 eta: 8:36:21 time: 0.8726 data_time: 0.4435 memory: 9812 grad_norm: 3.3970 loss: 2.0703 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0393 distill.loss_dist: 1.0310 2023/05/15 21:35:50 - mmengine - INFO - Epoch(train) [82][ 60/1879] lr: 2.0000e-04 eta: 8:36:03 time: 0.7700 data_time: 0.3442 memory: 9812 grad_norm: 3.4583 loss: 2.1105 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0731 distill.loss_dist: 1.0374 2023/05/15 21:36:08 - mmengine - INFO - Epoch(train) [82][ 80/1879] lr: 2.0000e-04 eta: 8:35:46 time: 0.9248 data_time: 0.3241 memory: 9812 grad_norm: 3.4248 loss: 2.1613 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1408 distill.loss_dist: 1.0205 2023/05/15 21:36:26 - mmengine - INFO - Epoch(train) [82][ 100/1879] lr: 2.0000e-04 eta: 8:35:29 time: 0.8942 data_time: 0.0273 memory: 9812 grad_norm: 3.2305 loss: 2.1026 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0924 distill.loss_dist: 1.0102 2023/05/15 21:36:43 - mmengine - INFO - Epoch(train) [82][ 120/1879] lr: 2.0000e-04 eta: 8:35:12 time: 0.8274 data_time: 0.0313 memory: 9812 grad_norm: 3.3747 loss: 2.1075 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0868 distill.loss_dist: 1.0207 2023/05/15 21:37:00 - mmengine - INFO - Epoch(train) [82][ 140/1879] lr: 2.0000e-04 eta: 8:34:54 time: 0.8909 data_time: 0.0558 memory: 9812 grad_norm: 3.3375 loss: 2.1980 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1774 distill.loss_dist: 1.0206 2023/05/15 21:37:17 - mmengine - INFO - Epoch(train) [82][ 160/1879] lr: 2.0000e-04 eta: 8:34:37 time: 0.8438 data_time: 0.0294 memory: 9812 grad_norm: 3.3821 loss: 1.9650 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 0.9762 distill.loss_dist: 0.9889 2023/05/15 21:37:34 - mmengine - INFO - Epoch(train) [82][ 180/1879] lr: 2.0000e-04 eta: 8:34:19 time: 0.8241 data_time: 0.0252 memory: 9812 grad_norm: 3.4112 loss: 2.0486 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0092 distill.loss_dist: 1.0394 2023/05/15 21:37:52 - mmengine - INFO - Epoch(train) [82][ 200/1879] lr: 2.0000e-04 eta: 8:34:02 time: 0.8973 data_time: 0.0289 memory: 9812 grad_norm: 3.3968 loss: 2.1499 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1214 distill.loss_dist: 1.0285 2023/05/15 21:38:10 - mmengine - INFO - Epoch(train) [82][ 220/1879] lr: 2.0000e-04 eta: 8:33:45 time: 0.8921 data_time: 0.0303 memory: 9812 grad_norm: 3.4909 loss: 2.1040 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0897 distill.loss_dist: 1.0143 2023/05/15 21:38:26 - mmengine - INFO - Epoch(train) [82][ 240/1879] lr: 2.0000e-04 eta: 8:33:27 time: 0.8174 data_time: 0.0274 memory: 9812 grad_norm: 3.4499 loss: 2.1790 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1813 distill.loss_dist: 0.9977 2023/05/15 21:38:45 - mmengine - INFO - Epoch(train) [82][ 260/1879] lr: 2.0000e-04 eta: 8:33:10 time: 0.9244 data_time: 0.0281 memory: 9812 grad_norm: 3.3831 loss: 2.0100 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0029 distill.loss_dist: 1.0072 2023/05/15 21:39:01 - mmengine - INFO - Epoch(train) [82][ 280/1879] lr: 2.0000e-04 eta: 8:32:52 time: 0.8318 data_time: 0.0259 memory: 9812 grad_norm: 3.4371 loss: 2.2559 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2200 distill.loss_dist: 1.0359 2023/05/15 21:39:18 - mmengine - INFO - Epoch(train) [82][ 300/1879] lr: 2.0000e-04 eta: 8:32:35 time: 0.8167 data_time: 0.0258 memory: 9812 grad_norm: 3.4145 loss: 2.3048 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2607 distill.loss_dist: 1.0442 2023/05/15 21:39:36 - mmengine - INFO - Epoch(train) [82][ 320/1879] lr: 2.0000e-04 eta: 8:32:18 time: 0.9143 data_time: 0.0265 memory: 9812 grad_norm: 3.3594 loss: 2.1191 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0936 distill.loss_dist: 1.0255 2023/05/15 21:39:53 - mmengine - INFO - Epoch(train) [82][ 340/1879] lr: 2.0000e-04 eta: 8:32:00 time: 0.8331 data_time: 0.0250 memory: 9812 grad_norm: 3.4149 loss: 2.2961 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2655 distill.loss_dist: 1.0306 2023/05/15 21:40:11 - mmengine - INFO - Epoch(train) [82][ 360/1879] lr: 2.0000e-04 eta: 8:31:43 time: 0.9120 data_time: 0.0249 memory: 9812 grad_norm: 3.4744 loss: 2.1390 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0902 distill.loss_dist: 1.0488 2023/05/15 21:40:28 - mmengine - INFO - Epoch(train) [82][ 380/1879] lr: 2.0000e-04 eta: 8:31:26 time: 0.8660 data_time: 0.0260 memory: 9812 grad_norm: 3.4495 loss: 2.0569 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0671 distill.loss_dist: 0.9897 2023/05/15 21:40:45 - mmengine - INFO - Epoch(train) [82][ 400/1879] lr: 2.0000e-04 eta: 8:31:08 time: 0.8309 data_time: 0.0267 memory: 9812 grad_norm: 3.3281 loss: 2.1852 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1427 distill.loss_dist: 1.0425 2023/05/15 21:41:03 - mmengine - INFO - Epoch(train) [82][ 420/1879] lr: 2.0000e-04 eta: 8:30:51 time: 0.9007 data_time: 0.0278 memory: 9812 grad_norm: 3.5166 loss: 2.3034 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2679 distill.loss_dist: 1.0355 2023/05/15 21:41:20 - mmengine - INFO - Epoch(train) [82][ 440/1879] lr: 2.0000e-04 eta: 8:30:33 time: 0.8346 data_time: 0.0266 memory: 9812 grad_norm: 3.3668 loss: 2.1908 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1671 distill.loss_dist: 1.0236 2023/05/15 21:41:35 - mmengine - INFO - Epoch(train) [82][ 460/1879] lr: 2.0000e-04 eta: 8:30:16 time: 0.7962 data_time: 0.0273 memory: 9812 grad_norm: 3.3873 loss: 2.1156 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0893 distill.loss_dist: 1.0264 2023/05/15 21:41:55 - mmengine - INFO - Epoch(train) [82][ 480/1879] lr: 2.0000e-04 eta: 8:29:59 time: 0.9660 data_time: 0.0264 memory: 9812 grad_norm: 3.4924 loss: 2.1666 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1706 distill.loss_dist: 0.9960 2023/05/15 21:42:11 - mmengine - INFO - Epoch(train) [82][ 500/1879] lr: 2.0000e-04 eta: 8:29:41 time: 0.7994 data_time: 0.0265 memory: 9812 grad_norm: 3.4159 loss: 2.2026 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1960 distill.loss_dist: 1.0066 2023/05/15 21:42:28 - mmengine - INFO - Epoch(train) [82][ 520/1879] lr: 2.0000e-04 eta: 8:29:23 time: 0.8608 data_time: 0.0311 memory: 9812 grad_norm: 3.4222 loss: 2.1527 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1168 distill.loss_dist: 1.0359 2023/05/15 21:42:48 - mmengine - INFO - Epoch(train) [82][ 540/1879] lr: 2.0000e-04 eta: 8:29:07 time: 1.0039 data_time: 0.0233 memory: 9812 grad_norm: 3.4916 loss: 2.2124 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1753 distill.loss_dist: 1.0371 2023/05/15 21:43:04 - mmengine - INFO - Epoch(train) [82][ 560/1879] lr: 2.0000e-04 eta: 8:28:49 time: 0.7684 data_time: 0.0244 memory: 9812 grad_norm: 3.4761 loss: 2.0702 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0575 distill.loss_dist: 1.0127 2023/05/15 21:43:20 - mmengine - INFO - Epoch(train) [82][ 580/1879] lr: 2.0000e-04 eta: 8:28:31 time: 0.8035 data_time: 0.0274 memory: 9812 grad_norm: 3.4082 loss: 2.0727 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0654 distill.loss_dist: 1.0073 2023/05/15 21:43:40 - mmengine - INFO - Epoch(train) [82][ 600/1879] lr: 2.0000e-04 eta: 8:28:15 time: 1.0253 data_time: 0.0255 memory: 9812 grad_norm: 3.3327 loss: 2.0870 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 1.0790 distill.loss_dist: 1.0080 2023/05/15 21:43:56 - mmengine - INFO - Epoch(train) [82][ 620/1879] lr: 2.0000e-04 eta: 8:27:57 time: 0.8093 data_time: 0.0263 memory: 9812 grad_norm: 3.4520 loss: 2.1530 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.1419 distill.loss_dist: 1.0111 2023/05/15 21:44:12 - mmengine - INFO - Epoch(train) [82][ 640/1879] lr: 2.0000e-04 eta: 8:27:39 time: 0.7744 data_time: 0.0244 memory: 9812 grad_norm: 3.3770 loss: 2.3198 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2800 distill.loss_dist: 1.0398 2023/05/15 21:44:31 - mmengine - INFO - Epoch(train) [82][ 660/1879] lr: 2.0000e-04 eta: 8:27:22 time: 0.9615 data_time: 0.0271 memory: 9812 grad_norm: 3.5014 loss: 2.2024 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1881 distill.loss_dist: 1.0143 2023/05/15 21:44:47 - mmengine - INFO - Epoch(train) [82][ 680/1879] lr: 2.0000e-04 eta: 8:27:04 time: 0.7978 data_time: 0.0272 memory: 9812 grad_norm: 3.4178 loss: 2.0952 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0843 distill.loss_dist: 1.0109 2023/05/15 21:45:03 - mmengine - INFO - Epoch(train) [82][ 700/1879] lr: 2.0000e-04 eta: 8:26:47 time: 0.8093 data_time: 0.0292 memory: 9812 grad_norm: 3.4436 loss: 2.1303 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1370 distill.loss_dist: 0.9933 2023/05/15 21:45:23 - mmengine - INFO - Epoch(train) [82][ 720/1879] lr: 2.0000e-04 eta: 8:26:30 time: 0.9730 data_time: 0.0295 memory: 9812 grad_norm: 3.3768 loss: 2.0633 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0849 distill.loss_dist: 0.9784 2023/05/15 21:45:38 - mmengine - INFO - Epoch(train) [82][ 740/1879] lr: 2.0000e-04 eta: 8:26:12 time: 0.7764 data_time: 0.0289 memory: 9812 grad_norm: 3.4101 loss: 2.1726 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1382 distill.loss_dist: 1.0344 2023/05/15 21:45:55 - mmengine - INFO - Epoch(train) [82][ 760/1879] lr: 2.0000e-04 eta: 8:25:55 time: 0.8329 data_time: 0.0254 memory: 9812 grad_norm: 3.3463 loss: 2.1177 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0868 distill.loss_dist: 1.0310 2023/05/15 21:46:13 - mmengine - INFO - Epoch(train) [82][ 780/1879] lr: 2.0000e-04 eta: 8:25:37 time: 0.9030 data_time: 0.0274 memory: 9812 grad_norm: 3.3932 loss: 2.1388 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1100 distill.loss_dist: 1.0288 2023/05/15 21:46:30 - mmengine - INFO - Epoch(train) [82][ 800/1879] lr: 2.0000e-04 eta: 8:25:20 time: 0.8249 data_time: 0.0382 memory: 9812 grad_norm: 3.4367 loss: 2.2315 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1972 distill.loss_dist: 1.0344 2023/05/15 21:46:30 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 21:46:46 - mmengine - INFO - Epoch(train) [82][ 820/1879] lr: 2.0000e-04 eta: 8:25:02 time: 0.8336 data_time: 0.1168 memory: 9812 grad_norm: 3.4631 loss: 2.2201 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2264 distill.loss_dist: 0.9937 2023/05/15 21:47:06 - mmengine - INFO - Epoch(train) [82][ 840/1879] lr: 2.0000e-04 eta: 8:24:45 time: 0.9785 data_time: 0.1035 memory: 9812 grad_norm: 3.4168 loss: 2.1442 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1136 distill.loss_dist: 1.0307 2023/05/15 21:47:22 - mmengine - INFO - Epoch(train) [82][ 860/1879] lr: 2.0000e-04 eta: 8:24:28 time: 0.8130 data_time: 0.1242 memory: 9812 grad_norm: 3.3201 loss: 2.1221 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1225 distill.loss_dist: 0.9995 2023/05/15 21:47:39 - mmengine - INFO - Epoch(train) [82][ 880/1879] lr: 2.0000e-04 eta: 8:24:10 time: 0.8433 data_time: 0.1938 memory: 9812 grad_norm: 3.3661 loss: 2.0641 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0553 distill.loss_dist: 1.0088 2023/05/15 21:47:58 - mmengine - INFO - Epoch(train) [82][ 900/1879] lr: 2.0000e-04 eta: 8:23:53 time: 0.9428 data_time: 0.0610 memory: 9812 grad_norm: 3.3251 loss: 2.1671 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1236 distill.loss_dist: 1.0435 2023/05/15 21:48:15 - mmengine - INFO - Epoch(train) [82][ 920/1879] lr: 2.0000e-04 eta: 8:23:36 time: 0.8303 data_time: 0.0300 memory: 9812 grad_norm: 3.4801 loss: 2.2828 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2567 distill.loss_dist: 1.0261 2023/05/15 21:48:31 - mmengine - INFO - Epoch(train) [82][ 940/1879] lr: 2.0000e-04 eta: 8:23:18 time: 0.8227 data_time: 0.0285 memory: 9812 grad_norm: 3.4475 loss: 2.1837 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1704 distill.loss_dist: 1.0133 2023/05/15 21:48:49 - mmengine - INFO - Epoch(train) [82][ 960/1879] lr: 2.0000e-04 eta: 8:23:01 time: 0.9209 data_time: 0.0289 memory: 9812 grad_norm: 3.4608 loss: 2.2048 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1995 distill.loss_dist: 1.0053 2023/05/15 21:49:07 - mmengine - INFO - Epoch(train) [82][ 980/1879] lr: 2.0000e-04 eta: 8:22:44 time: 0.8680 data_time: 0.0302 memory: 9812 grad_norm: 3.4170 loss: 2.0456 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0284 distill.loss_dist: 1.0172 2023/05/15 21:49:23 - mmengine - INFO - Epoch(train) [82][1000/1879] lr: 2.0000e-04 eta: 8:22:26 time: 0.8245 data_time: 0.0245 memory: 9812 grad_norm: 3.4932 loss: 2.2597 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2214 distill.loss_dist: 1.0384 2023/05/15 21:49:43 - mmengine - INFO - Epoch(train) [82][1020/1879] lr: 2.0000e-04 eta: 8:22:09 time: 0.9633 data_time: 0.0256 memory: 9812 grad_norm: 3.4974 loss: 2.2061 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1804 distill.loss_dist: 1.0257 2023/05/15 21:49:59 - mmengine - INFO - Epoch(train) [82][1040/1879] lr: 2.0000e-04 eta: 8:21:52 time: 0.8377 data_time: 0.0273 memory: 9812 grad_norm: 3.3511 loss: 1.9558 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9671 distill.loss_dist: 0.9887 2023/05/15 21:50:15 - mmengine - INFO - Epoch(train) [82][1060/1879] lr: 2.0000e-04 eta: 8:21:34 time: 0.7958 data_time: 0.0251 memory: 9812 grad_norm: 3.4388 loss: 2.2099 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1674 distill.loss_dist: 1.0425 2023/05/15 21:50:34 - mmengine - INFO - Epoch(train) [82][1080/1879] lr: 2.0000e-04 eta: 8:21:17 time: 0.9511 data_time: 0.0260 memory: 9812 grad_norm: 3.3106 loss: 2.0193 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0019 distill.loss_dist: 1.0174 2023/05/15 21:50:50 - mmengine - INFO - Epoch(train) [82][1100/1879] lr: 2.0000e-04 eta: 8:20:59 time: 0.7957 data_time: 0.0255 memory: 9812 grad_norm: 3.4539 loss: 2.0612 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0456 distill.loss_dist: 1.0157 2023/05/15 21:51:07 - mmengine - INFO - Epoch(train) [82][1120/1879] lr: 2.0000e-04 eta: 8:20:42 time: 0.8218 data_time: 0.0251 memory: 9812 grad_norm: 3.4552 loss: 2.1412 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1423 distill.loss_dist: 0.9989 2023/05/15 21:51:25 - mmengine - INFO - Epoch(train) [82][1140/1879] lr: 2.0000e-04 eta: 8:20:24 time: 0.9165 data_time: 0.0277 memory: 9812 grad_norm: 3.5079 loss: 2.0824 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0681 distill.loss_dist: 1.0143 2023/05/15 21:51:42 - mmengine - INFO - Epoch(train) [82][1160/1879] lr: 2.0000e-04 eta: 8:20:07 time: 0.8398 data_time: 0.0249 memory: 9812 grad_norm: 3.3595 loss: 1.9624 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9561 distill.loss_dist: 1.0063 2023/05/15 21:51:59 - mmengine - INFO - Epoch(train) [82][1180/1879] lr: 2.0000e-04 eta: 8:19:49 time: 0.8309 data_time: 0.0265 memory: 9812 grad_norm: 3.3926 loss: 2.2181 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1952 distill.loss_dist: 1.0229 2023/05/15 21:52:18 - mmengine - INFO - Epoch(train) [82][1200/1879] lr: 2.0000e-04 eta: 8:19:32 time: 0.9623 data_time: 0.0275 memory: 9812 grad_norm: 3.4305 loss: 2.1189 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0909 distill.loss_dist: 1.0280 2023/05/15 21:52:34 - mmengine - INFO - Epoch(train) [82][1220/1879] lr: 2.0000e-04 eta: 8:19:15 time: 0.8277 data_time: 0.0262 memory: 9812 grad_norm: 3.4372 loss: 2.1175 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0963 distill.loss_dist: 1.0213 2023/05/15 21:52:51 - mmengine - INFO - Epoch(train) [82][1240/1879] lr: 2.0000e-04 eta: 8:18:57 time: 0.8445 data_time: 0.0295 memory: 9812 grad_norm: 3.4415 loss: 2.2563 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2340 distill.loss_dist: 1.0223 2023/05/15 21:53:08 - mmengine - INFO - Epoch(train) [82][1260/1879] lr: 2.0000e-04 eta: 8:18:40 time: 0.8420 data_time: 0.0269 memory: 9812 grad_norm: 3.4494 loss: 2.2593 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2030 distill.loss_dist: 1.0562 2023/05/15 21:53:27 - mmengine - INFO - Epoch(train) [82][1280/1879] lr: 2.0000e-04 eta: 8:18:23 time: 0.9594 data_time: 0.0278 memory: 9812 grad_norm: 3.4235 loss: 2.0554 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0542 distill.loss_dist: 1.0012 2023/05/15 21:53:45 - mmengine - INFO - Epoch(train) [82][1300/1879] lr: 2.0000e-04 eta: 8:18:05 time: 0.8573 data_time: 0.0269 memory: 9812 grad_norm: 3.3443 loss: 1.9218 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9152 distill.loss_dist: 1.0066 2023/05/15 21:54:01 - mmengine - INFO - Epoch(train) [82][1320/1879] lr: 2.0000e-04 eta: 8:17:48 time: 0.8283 data_time: 0.0258 memory: 9812 grad_norm: 3.4935 loss: 2.2763 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2170 distill.loss_dist: 1.0592 2023/05/15 21:54:20 - mmengine - INFO - Epoch(train) [82][1340/1879] lr: 2.0000e-04 eta: 8:17:31 time: 0.9300 data_time: 0.0247 memory: 9812 grad_norm: 3.4518 loss: 2.2567 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2417 distill.loss_dist: 1.0151 2023/05/15 21:54:36 - mmengine - INFO - Epoch(train) [82][1360/1879] lr: 2.0000e-04 eta: 8:17:13 time: 0.8238 data_time: 0.0259 memory: 9812 grad_norm: 3.4295 loss: 2.3225 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2999 distill.loss_dist: 1.0226 2023/05/15 21:54:51 - mmengine - INFO - Epoch(train) [82][1380/1879] lr: 2.0000e-04 eta: 8:16:55 time: 0.7336 data_time: 0.0258 memory: 9812 grad_norm: 3.3698 loss: 2.1848 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1581 distill.loss_dist: 1.0267 2023/05/15 21:55:11 - mmengine - INFO - Epoch(train) [82][1400/1879] lr: 2.0000e-04 eta: 8:16:38 time: 0.9894 data_time: 0.0270 memory: 9812 grad_norm: 3.4883 loss: 2.0235 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0237 distill.loss_dist: 0.9998 2023/05/15 21:55:28 - mmengine - INFO - Epoch(train) [82][1420/1879] lr: 2.0000e-04 eta: 8:16:21 time: 0.8384 data_time: 0.0271 memory: 9812 grad_norm: 3.3645 loss: 2.1141 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1183 distill.loss_dist: 0.9958 2023/05/15 21:55:43 - mmengine - INFO - Epoch(train) [82][1440/1879] lr: 2.0000e-04 eta: 8:16:03 time: 0.7938 data_time: 0.0280 memory: 9812 grad_norm: 3.4635 loss: 2.3550 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.3021 distill.loss_dist: 1.0529 2023/05/15 21:56:03 - mmengine - INFO - Epoch(train) [82][1460/1879] lr: 2.0000e-04 eta: 8:15:46 time: 0.9821 data_time: 0.0460 memory: 9812 grad_norm: 3.4313 loss: 2.0049 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0114 distill.loss_dist: 0.9934 2023/05/15 21:56:19 - mmengine - INFO - Epoch(train) [82][1480/1879] lr: 2.0000e-04 eta: 8:15:29 time: 0.7923 data_time: 0.0838 memory: 9812 grad_norm: 3.4729 loss: 2.2048 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1733 distill.loss_dist: 1.0315 2023/05/15 21:56:35 - mmengine - INFO - Epoch(train) [82][1500/1879] lr: 2.0000e-04 eta: 8:15:11 time: 0.8170 data_time: 0.1013 memory: 9812 grad_norm: 3.4892 loss: 2.1696 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.1350 distill.loss_dist: 1.0346 2023/05/15 21:56:54 - mmengine - INFO - Epoch(train) [82][1520/1879] lr: 2.0000e-04 eta: 8:14:54 time: 0.9550 data_time: 0.1265 memory: 9812 grad_norm: 3.4018 loss: 2.2423 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1808 distill.loss_dist: 1.0614 2023/05/15 21:57:11 - mmengine - INFO - Epoch(train) [82][1540/1879] lr: 2.0000e-04 eta: 8:14:36 time: 0.8237 data_time: 0.0606 memory: 9812 grad_norm: 3.4393 loss: 2.2310 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2009 distill.loss_dist: 1.0301 2023/05/15 21:57:28 - mmengine - INFO - Epoch(train) [82][1560/1879] lr: 2.0000e-04 eta: 8:14:19 time: 0.8333 data_time: 0.1432 memory: 9812 grad_norm: 3.4203 loss: 2.1626 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1230 distill.loss_dist: 1.0397 2023/05/15 21:57:46 - mmengine - INFO - Epoch(train) [82][1580/1879] lr: 2.0000e-04 eta: 8:14:02 time: 0.9087 data_time: 0.0795 memory: 9812 grad_norm: 3.4787 loss: 1.9741 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9712 distill.loss_dist: 1.0030 2023/05/15 21:58:02 - mmengine - INFO - Epoch(train) [82][1600/1879] lr: 2.0000e-04 eta: 8:13:44 time: 0.7826 data_time: 0.0261 memory: 9812 grad_norm: 3.4392 loss: 2.0440 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0599 distill.loss_dist: 0.9841 2023/05/15 21:58:20 - mmengine - INFO - Epoch(train) [82][1620/1879] lr: 2.0000e-04 eta: 8:13:27 time: 0.9185 data_time: 0.0245 memory: 9812 grad_norm: 3.4812 loss: 2.1927 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1725 distill.loss_dist: 1.0202 2023/05/15 21:58:39 - mmengine - INFO - Epoch(train) [82][1640/1879] lr: 2.0000e-04 eta: 8:13:10 time: 0.9307 data_time: 0.0310 memory: 9812 grad_norm: 3.4056 loss: 2.0436 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0209 distill.loss_dist: 1.0227 2023/05/15 21:58:56 - mmengine - INFO - Epoch(train) [82][1660/1879] lr: 2.0000e-04 eta: 8:12:52 time: 0.8475 data_time: 0.0280 memory: 9812 grad_norm: 3.4596 loss: 2.0029 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9885 distill.loss_dist: 1.0144 2023/05/15 21:59:12 - mmengine - INFO - Epoch(train) [82][1680/1879] lr: 2.0000e-04 eta: 8:12:35 time: 0.8134 data_time: 0.0301 memory: 9812 grad_norm: 3.4492 loss: 2.1580 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1464 distill.loss_dist: 1.0116 2023/05/15 21:59:31 - mmengine - INFO - Epoch(train) [82][1700/1879] lr: 2.0000e-04 eta: 8:12:17 time: 0.9331 data_time: 0.0270 memory: 9812 grad_norm: 3.4111 loss: 2.1261 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1084 distill.loss_dist: 1.0177 2023/05/15 21:59:47 - mmengine - INFO - Epoch(train) [82][1720/1879] lr: 2.0000e-04 eta: 8:12:00 time: 0.7994 data_time: 0.0279 memory: 9812 grad_norm: 3.4296 loss: 2.2524 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1982 distill.loss_dist: 1.0542 2023/05/15 22:00:02 - mmengine - INFO - Epoch(train) [82][1740/1879] lr: 2.0000e-04 eta: 8:11:42 time: 0.7949 data_time: 0.0263 memory: 9812 grad_norm: 3.4527 loss: 2.2834 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2257 distill.loss_dist: 1.0577 2023/05/15 22:00:22 - mmengine - INFO - Epoch(train) [82][1760/1879] lr: 2.0000e-04 eta: 8:11:25 time: 0.9685 data_time: 0.0280 memory: 9812 grad_norm: 3.4155 loss: 2.0175 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0397 distill.loss_dist: 0.9778 2023/05/15 22:00:38 - mmengine - INFO - Epoch(train) [82][1780/1879] lr: 2.0000e-04 eta: 8:11:08 time: 0.8266 data_time: 0.0285 memory: 9812 grad_norm: 3.4009 loss: 2.3442 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.3214 distill.loss_dist: 1.0228 2023/05/15 22:00:55 - mmengine - INFO - Epoch(train) [82][1800/1879] lr: 2.0000e-04 eta: 8:10:50 time: 0.8486 data_time: 0.0238 memory: 9812 grad_norm: 3.4041 loss: 2.0622 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0358 distill.loss_dist: 1.0264 2023/05/15 22:00:58 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 22:01:15 - mmengine - INFO - Epoch(train) [82][1820/1879] lr: 2.0000e-04 eta: 8:10:33 time: 0.9557 data_time: 0.0287 memory: 9812 grad_norm: 3.3613 loss: 1.9791 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 0.9870 distill.loss_dist: 0.9920 2023/05/15 22:01:31 - mmengine - INFO - Epoch(train) [82][1840/1879] lr: 2.0000e-04 eta: 8:10:16 time: 0.8200 data_time: 0.0301 memory: 9812 grad_norm: 3.3993 loss: 2.1815 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1567 distill.loss_dist: 1.0247 2023/05/15 22:01:47 - mmengine - INFO - Epoch(train) [82][1860/1879] lr: 2.0000e-04 eta: 8:09:58 time: 0.8096 data_time: 0.0258 memory: 9812 grad_norm: 3.4495 loss: 2.0436 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0541 distill.loss_dist: 0.9895 2023/05/15 22:02:01 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 22:02:01 - mmengine - INFO - Epoch(train) [82][1879/1879] lr: 2.0000e-04 eta: 8:09:41 time: 0.7217 data_time: 0.0200 memory: 9812 grad_norm: 3.5400 loss: 2.0702 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 1.0816 distill.loss_dist: 0.9886 2023/05/15 22:02:21 - mmengine - INFO - Epoch(val) [82][ 20/155] eta: 0:02:10 time: 0.9698 data_time: 0.9064 memory: 1484 2023/05/15 22:02:35 - mmengine - INFO - Epoch(val) [82][ 40/155] eta: 0:01:36 time: 0.7023 data_time: 0.6431 memory: 1484 2023/05/15 22:02:52 - mmengine - INFO - Epoch(val) [82][ 60/155] eta: 0:01:21 time: 0.8904 data_time: 0.8256 memory: 1484 2023/05/15 22:03:06 - mmengine - INFO - Epoch(val) [82][ 80/155] eta: 0:01:01 time: 0.6943 data_time: 0.6282 memory: 1484 2023/05/15 22:03:24 - mmengine - INFO - Epoch(val) [82][100/155] eta: 0:00:45 time: 0.9009 data_time: 0.8388 memory: 1484 2023/05/15 22:03:38 - mmengine - INFO - Epoch(val) [82][120/155] eta: 0:00:28 time: 0.6796 data_time: 0.6156 memory: 1484 2023/05/15 22:03:58 - mmengine - INFO - Epoch(val) [82][140/155] eta: 0:00:12 time: 0.9912 data_time: 0.9264 memory: 1484 2023/05/15 22:04:28 - mmengine - INFO - Epoch(val) [82][ 20/155] eta: 0:16:17 time: 0.9849 data_time: 0.8235 memory: 1582 2023/05/15 22:04:42 - mmengine - INFO - Epoch(val) [82][ 40/155] eta: 0:07:36 time: 0.7004 data_time: 0.5456 memory: 1582 2023/05/15 22:05:00 - mmengine - INFO - Epoch(val) [82][ 60/155] eta: 0:04:40 time: 0.9219 data_time: 0.7685 memory: 1582 2023/05/15 22:05:15 - mmengine - INFO - Epoch(val) [82][ 80/155] eta: 0:02:59 time: 0.7141 data_time: 0.5608 memory: 1582 2023/05/15 22:05:34 - mmengine - INFO - Epoch(val) [82][100/155] eta: 0:01:56 time: 0.9878 data_time: 0.8335 memory: 1582 2023/05/15 22:05:49 - mmengine - INFO - Epoch(val) [82][120/155] eta: 0:01:05 time: 0.7228 data_time: 0.5709 memory: 1582 2023/05/15 22:06:09 - mmengine - INFO - Epoch(val) [82][140/155] eta: 0:00:26 time: 0.9838 data_time: 0.8316 memory: 1582 2023/05/15 22:06:17 - mmengine - INFO - Epoch(val) [82][155/155] acc/top1: 0.6787 acc/top5: 0.8790 acc/mean1: 0.6786 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6666 time: 0.8188 2023/05/15 22:06:17 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_81.pth is removed 2023/05/15 22:06:19 - mmengine - INFO - The best checkpoint with 0.6787 acc/top1 at 82 epoch is saved to best_acc_top1_epoch_82.pth. 2023/05/15 22:06:40 - mmengine - INFO - Epoch(train) [83][ 20/1879] lr: 2.0000e-04 eta: 8:09:24 time: 1.0670 data_time: 0.6196 memory: 9812 grad_norm: 3.4931 loss: 2.2171 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1735 distill.loss_dist: 1.0436 2023/05/15 22:06:57 - mmengine - INFO - Epoch(train) [83][ 40/1879] lr: 2.0000e-04 eta: 8:09:07 time: 0.8457 data_time: 0.4139 memory: 9812 grad_norm: 3.4267 loss: 2.0517 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0218 distill.loss_dist: 1.0299 2023/05/15 22:07:13 - mmengine - INFO - Epoch(train) [83][ 60/1879] lr: 2.0000e-04 eta: 8:08:49 time: 0.8170 data_time: 0.3839 memory: 9812 grad_norm: 3.4210 loss: 2.0386 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0093 distill.loss_dist: 1.0293 2023/05/15 22:07:32 - mmengine - INFO - Epoch(train) [83][ 80/1879] lr: 2.0000e-04 eta: 8:08:32 time: 0.9216 data_time: 0.4933 memory: 9812 grad_norm: 3.3710 loss: 2.1010 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0978 distill.loss_dist: 1.0032 2023/05/15 22:07:48 - mmengine - INFO - Epoch(train) [83][ 100/1879] lr: 2.0000e-04 eta: 8:08:15 time: 0.8282 data_time: 0.3691 memory: 9812 grad_norm: 3.4211 loss: 1.9921 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9773 distill.loss_dist: 1.0148 2023/05/15 22:08:05 - mmengine - INFO - Epoch(train) [83][ 120/1879] lr: 2.0000e-04 eta: 8:07:57 time: 0.8156 data_time: 0.2986 memory: 9812 grad_norm: 3.4663 loss: 2.2446 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2207 distill.loss_dist: 1.0239 2023/05/15 22:08:24 - mmengine - INFO - Epoch(train) [83][ 140/1879] lr: 2.0000e-04 eta: 8:07:40 time: 0.9392 data_time: 0.4930 memory: 9812 grad_norm: 3.3420 loss: 2.1703 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1634 distill.loss_dist: 1.0068 2023/05/15 22:08:40 - mmengine - INFO - Epoch(train) [83][ 160/1879] lr: 2.0000e-04 eta: 8:07:22 time: 0.8079 data_time: 0.2075 memory: 9812 grad_norm: 3.3857 loss: 1.9378 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 0.9236 distill.loss_dist: 1.0143 2023/05/15 22:08:56 - mmengine - INFO - Epoch(train) [83][ 180/1879] lr: 2.0000e-04 eta: 8:07:05 time: 0.7966 data_time: 0.0505 memory: 9812 grad_norm: 3.3836 loss: 2.1546 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1165 distill.loss_dist: 1.0381 2023/05/15 22:09:15 - mmengine - INFO - Epoch(train) [83][ 200/1879] lr: 2.0000e-04 eta: 8:06:48 time: 0.9605 data_time: 0.0419 memory: 9812 grad_norm: 3.3523 loss: 1.9944 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 0.9831 distill.loss_dist: 1.0113 2023/05/15 22:09:31 - mmengine - INFO - Epoch(train) [83][ 220/1879] lr: 2.0000e-04 eta: 8:06:30 time: 0.8074 data_time: 0.1118 memory: 9812 grad_norm: 3.4789 loss: 2.2599 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2251 distill.loss_dist: 1.0349 2023/05/15 22:09:48 - mmengine - INFO - Epoch(train) [83][ 240/1879] lr: 2.0000e-04 eta: 8:06:12 time: 0.8392 data_time: 0.3285 memory: 9812 grad_norm: 3.4645 loss: 2.0797 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0750 distill.loss_dist: 1.0048 2023/05/15 22:10:06 - mmengine - INFO - Epoch(train) [83][ 260/1879] lr: 2.0000e-04 eta: 8:05:55 time: 0.9198 data_time: 0.0857 memory: 9812 grad_norm: 3.4177 loss: 2.0095 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 0.9961 distill.loss_dist: 1.0134 2023/05/15 22:10:24 - mmengine - INFO - Epoch(train) [83][ 280/1879] lr: 2.0000e-04 eta: 8:05:38 time: 0.8695 data_time: 0.1919 memory: 9812 grad_norm: 3.4892 loss: 2.2641 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2330 distill.loss_dist: 1.0311 2023/05/15 22:10:40 - mmengine - INFO - Epoch(train) [83][ 300/1879] lr: 2.0000e-04 eta: 8:05:20 time: 0.8154 data_time: 0.0260 memory: 9812 grad_norm: 3.4530 loss: 2.0761 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0632 distill.loss_dist: 1.0128 2023/05/15 22:10:59 - mmengine - INFO - Epoch(train) [83][ 320/1879] lr: 2.0000e-04 eta: 8:05:03 time: 0.9304 data_time: 0.0599 memory: 9812 grad_norm: 3.4033 loss: 2.1053 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0679 distill.loss_dist: 1.0374 2023/05/15 22:11:16 - mmengine - INFO - Epoch(train) [83][ 340/1879] lr: 2.0000e-04 eta: 8:04:46 time: 0.8508 data_time: 0.0285 memory: 9812 grad_norm: 3.4262 loss: 2.2522 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2182 distill.loss_dist: 1.0340 2023/05/15 22:11:33 - mmengine - INFO - Epoch(train) [83][ 360/1879] lr: 2.0000e-04 eta: 8:04:28 time: 0.8404 data_time: 0.0266 memory: 9812 grad_norm: 3.3882 loss: 1.9974 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0066 distill.loss_dist: 0.9908 2023/05/15 22:11:51 - mmengine - INFO - Epoch(train) [83][ 380/1879] lr: 2.0000e-04 eta: 8:04:11 time: 0.9033 data_time: 0.0248 memory: 9812 grad_norm: 3.4122 loss: 2.0327 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9921 distill.loss_dist: 1.0406 2023/05/15 22:12:07 - mmengine - INFO - Epoch(train) [83][ 400/1879] lr: 2.0000e-04 eta: 8:03:53 time: 0.8024 data_time: 0.0271 memory: 9812 grad_norm: 3.4541 loss: 2.2720 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2393 distill.loss_dist: 1.0327 2023/05/15 22:12:24 - mmengine - INFO - Epoch(train) [83][ 420/1879] lr: 2.0000e-04 eta: 8:03:36 time: 0.8413 data_time: 0.0487 memory: 9812 grad_norm: 3.4447 loss: 2.1973 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1655 distill.loss_dist: 1.0318 2023/05/15 22:12:42 - mmengine - INFO - Epoch(train) [83][ 440/1879] lr: 2.0000e-04 eta: 8:03:19 time: 0.9438 data_time: 0.2847 memory: 9812 grad_norm: 3.4447 loss: 2.2681 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2493 distill.loss_dist: 1.0188 2023/05/15 22:12:59 - mmengine - INFO - Epoch(train) [83][ 460/1879] lr: 2.0000e-04 eta: 8:03:01 time: 0.8428 data_time: 0.3703 memory: 9812 grad_norm: 3.2984 loss: 2.0311 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9963 distill.loss_dist: 1.0348 2023/05/15 22:13:16 - mmengine - INFO - Epoch(train) [83][ 480/1879] lr: 2.0000e-04 eta: 8:02:44 time: 0.8442 data_time: 0.3492 memory: 9812 grad_norm: 3.4795 loss: 2.2279 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1722 distill.loss_dist: 1.0557 2023/05/15 22:13:34 - mmengine - INFO - Epoch(train) [83][ 500/1879] lr: 2.0000e-04 eta: 8:02:27 time: 0.8990 data_time: 0.2528 memory: 9812 grad_norm: 3.4102 loss: 2.2333 student.top1_acc: 0.3750 student.top5_acc: 0.7500 student.loss_cls: 1.2063 distill.loss_dist: 1.0270 2023/05/15 22:13:51 - mmengine - INFO - Epoch(train) [83][ 520/1879] lr: 2.0000e-04 eta: 8:02:09 time: 0.8361 data_time: 0.0310 memory: 9812 grad_norm: 3.3524 loss: 2.1444 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1321 distill.loss_dist: 1.0122 2023/05/15 22:14:09 - mmengine - INFO - Epoch(train) [83][ 540/1879] lr: 2.0000e-04 eta: 8:01:52 time: 0.8996 data_time: 0.0557 memory: 9812 grad_norm: 3.3562 loss: 2.2365 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1747 distill.loss_dist: 1.0619 2023/05/15 22:14:26 - mmengine - INFO - Epoch(train) [83][ 560/1879] lr: 2.0000e-04 eta: 8:01:35 time: 0.8747 data_time: 0.2002 memory: 9812 grad_norm: 3.2916 loss: 1.9475 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9569 distill.loss_dist: 0.9906 2023/05/15 22:14:44 - mmengine - INFO - Epoch(train) [83][ 580/1879] lr: 2.0000e-04 eta: 8:01:17 time: 0.8632 data_time: 0.0715 memory: 9812 grad_norm: 3.3337 loss: 2.0904 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0902 distill.loss_dist: 1.0001 2023/05/15 22:15:00 - mmengine - INFO - Epoch(train) [83][ 600/1879] lr: 2.0000e-04 eta: 8:01:00 time: 0.8257 data_time: 0.0264 memory: 9812 grad_norm: 3.3514 loss: 2.0018 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 0.9872 distill.loss_dist: 1.0146 2023/05/15 22:15:19 - mmengine - INFO - Epoch(train) [83][ 620/1879] lr: 2.0000e-04 eta: 8:00:42 time: 0.9159 data_time: 0.0323 memory: 9812 grad_norm: 3.4663 loss: 2.2469 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2367 distill.loss_dist: 1.0102 2023/05/15 22:15:35 - mmengine - INFO - Epoch(train) [83][ 640/1879] lr: 2.0000e-04 eta: 8:00:25 time: 0.8382 data_time: 0.0260 memory: 9812 grad_norm: 3.4641 loss: 2.2694 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2321 distill.loss_dist: 1.0373 2023/05/15 22:15:52 - mmengine - INFO - Epoch(train) [83][ 660/1879] lr: 2.0000e-04 eta: 8:00:07 time: 0.8461 data_time: 0.0258 memory: 9812 grad_norm: 3.3840 loss: 2.0722 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0581 distill.loss_dist: 1.0142 2023/05/15 22:16:11 - mmengine - INFO - Epoch(train) [83][ 680/1879] lr: 2.0000e-04 eta: 7:59:50 time: 0.9144 data_time: 0.0246 memory: 9812 grad_norm: 3.5080 loss: 2.1271 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1243 distill.loss_dist: 1.0028 2023/05/15 22:16:28 - mmengine - INFO - Epoch(train) [83][ 700/1879] lr: 2.0000e-04 eta: 7:59:33 time: 0.8584 data_time: 0.0254 memory: 9812 grad_norm: 3.5216 loss: 2.2523 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2361 distill.loss_dist: 1.0162 2023/05/15 22:16:46 - mmengine - INFO - Epoch(train) [83][ 720/1879] lr: 2.0000e-04 eta: 7:59:16 time: 0.8893 data_time: 0.0244 memory: 9812 grad_norm: 3.3620 loss: 2.0351 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0361 distill.loss_dist: 0.9989 2023/05/15 22:17:03 - mmengine - INFO - Epoch(train) [83][ 740/1879] lr: 2.0000e-04 eta: 7:58:58 time: 0.8893 data_time: 0.0284 memory: 9812 grad_norm: 3.4360 loss: 2.1837 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1547 distill.loss_dist: 1.0291 2023/05/15 22:17:21 - mmengine - INFO - Epoch(train) [83][ 760/1879] lr: 2.0000e-04 eta: 7:58:41 time: 0.8692 data_time: 0.0267 memory: 9812 grad_norm: 3.4322 loss: 1.9916 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 0.9864 distill.loss_dist: 1.0053 2023/05/15 22:17:37 - mmengine - INFO - Epoch(train) [83][ 780/1879] lr: 2.0000e-04 eta: 7:58:23 time: 0.7883 data_time: 0.0287 memory: 9812 grad_norm: 3.3865 loss: 2.2243 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.2036 distill.loss_dist: 1.0208 2023/05/15 22:17:56 - mmengine - INFO - Epoch(train) [83][ 800/1879] lr: 2.0000e-04 eta: 7:58:06 time: 0.9920 data_time: 0.0261 memory: 9812 grad_norm: 3.4052 loss: 2.1877 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1851 distill.loss_dist: 1.0026 2023/05/15 22:18:12 - mmengine - INFO - Epoch(train) [83][ 820/1879] lr: 2.0000e-04 eta: 7:57:49 time: 0.7941 data_time: 0.0256 memory: 9812 grad_norm: 3.4133 loss: 2.0931 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0658 distill.loss_dist: 1.0273 2023/05/15 22:18:28 - mmengine - INFO - Epoch(train) [83][ 840/1879] lr: 2.0000e-04 eta: 7:57:31 time: 0.7680 data_time: 0.0271 memory: 9812 grad_norm: 3.4934 loss: 2.2519 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.2001 distill.loss_dist: 1.0518 2023/05/15 22:18:46 - mmengine - INFO - Epoch(train) [83][ 860/1879] lr: 2.0000e-04 eta: 7:57:14 time: 0.8914 data_time: 0.0682 memory: 9812 grad_norm: 3.4295 loss: 2.2003 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1456 distill.loss_dist: 1.0547 2023/05/15 22:19:02 - mmengine - INFO - Epoch(train) [83][ 880/1879] lr: 2.0000e-04 eta: 7:56:56 time: 0.7953 data_time: 0.1354 memory: 9812 grad_norm: 3.4483 loss: 2.1721 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1422 distill.loss_dist: 1.0299 2023/05/15 22:19:19 - mmengine - INFO - Epoch(train) [83][ 900/1879] lr: 2.0000e-04 eta: 7:56:38 time: 0.8467 data_time: 0.0978 memory: 9812 grad_norm: 3.3852 loss: 2.2218 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1678 distill.loss_dist: 1.0540 2023/05/15 22:19:37 - mmengine - INFO - Epoch(train) [83][ 920/1879] lr: 2.0000e-04 eta: 7:56:21 time: 0.9031 data_time: 0.0750 memory: 9812 grad_norm: 3.4735 loss: 2.0531 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0400 distill.loss_dist: 1.0131 2023/05/15 22:19:39 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 22:19:54 - mmengine - INFO - Epoch(train) [83][ 940/1879] lr: 2.0000e-04 eta: 7:56:04 time: 0.8948 data_time: 0.1062 memory: 9812 grad_norm: 3.4477 loss: 2.2301 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1868 distill.loss_dist: 1.0433 2023/05/15 22:20:12 - mmengine - INFO - Epoch(train) [83][ 960/1879] lr: 2.0000e-04 eta: 7:55:47 time: 0.8929 data_time: 0.1547 memory: 9812 grad_norm: 3.4799 loss: 2.1224 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1046 distill.loss_dist: 1.0178 2023/05/15 22:20:29 - mmengine - INFO - Epoch(train) [83][ 980/1879] lr: 2.0000e-04 eta: 7:55:29 time: 0.8295 data_time: 0.1297 memory: 9812 grad_norm: 3.4302 loss: 2.0209 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0218 distill.loss_dist: 0.9991 2023/05/15 22:20:48 - mmengine - INFO - Epoch(train) [83][1000/1879] lr: 2.0000e-04 eta: 7:55:12 time: 0.9544 data_time: 0.0514 memory: 9812 grad_norm: 3.3626 loss: 1.9970 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0107 distill.loss_dist: 0.9863 2023/05/15 22:21:06 - mmengine - INFO - Epoch(train) [83][1020/1879] lr: 2.0000e-04 eta: 7:54:55 time: 0.8848 data_time: 0.0240 memory: 9812 grad_norm: 3.4574 loss: 2.1849 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1780 distill.loss_dist: 1.0069 2023/05/15 22:21:22 - mmengine - INFO - Epoch(train) [83][1040/1879] lr: 2.0000e-04 eta: 7:54:37 time: 0.8168 data_time: 0.0244 memory: 9812 grad_norm: 3.4337 loss: 2.1369 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1256 distill.loss_dist: 1.0113 2023/05/15 22:21:41 - mmengine - INFO - Epoch(train) [83][1060/1879] lr: 2.0000e-04 eta: 7:54:20 time: 0.9270 data_time: 0.0248 memory: 9812 grad_norm: 3.3786 loss: 1.9604 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 0.9516 distill.loss_dist: 1.0088 2023/05/15 22:21:56 - mmengine - INFO - Epoch(train) [83][1080/1879] lr: 2.0000e-04 eta: 7:54:02 time: 0.7688 data_time: 0.0286 memory: 9812 grad_norm: 3.3677 loss: 2.2502 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2216 distill.loss_dist: 1.0286 2023/05/15 22:22:13 - mmengine - INFO - Epoch(train) [83][1100/1879] lr: 2.0000e-04 eta: 7:53:45 time: 0.8310 data_time: 0.0254 memory: 9812 grad_norm: 3.3747 loss: 1.9786 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9746 distill.loss_dist: 1.0040 2023/05/15 22:22:31 - mmengine - INFO - Epoch(train) [83][1120/1879] lr: 2.0000e-04 eta: 7:53:28 time: 0.9039 data_time: 0.0263 memory: 9812 grad_norm: 3.4139 loss: 2.3356 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2898 distill.loss_dist: 1.0458 2023/05/15 22:22:48 - mmengine - INFO - Epoch(train) [83][1140/1879] lr: 2.0000e-04 eta: 7:53:10 time: 0.8360 data_time: 0.0273 memory: 9812 grad_norm: 3.3384 loss: 2.0479 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0579 distill.loss_dist: 0.9900 2023/05/15 22:23:06 - mmengine - INFO - Epoch(train) [83][1160/1879] lr: 2.0000e-04 eta: 7:52:53 time: 0.9108 data_time: 0.0283 memory: 9812 grad_norm: 3.3385 loss: 2.0531 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0458 distill.loss_dist: 1.0073 2023/05/15 22:23:23 - mmengine - INFO - Epoch(train) [83][1180/1879] lr: 2.0000e-04 eta: 7:52:35 time: 0.8615 data_time: 0.0254 memory: 9812 grad_norm: 3.4697 loss: 1.9506 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9425 distill.loss_dist: 1.0081 2023/05/15 22:23:40 - mmengine - INFO - Epoch(train) [83][1200/1879] lr: 2.0000e-04 eta: 7:52:18 time: 0.8500 data_time: 0.0284 memory: 9812 grad_norm: 3.4749 loss: 2.1259 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0786 distill.loss_dist: 1.0473 2023/05/15 22:23:59 - mmengine - INFO - Epoch(train) [83][1220/1879] lr: 2.0000e-04 eta: 7:52:01 time: 0.9309 data_time: 0.0267 memory: 9812 grad_norm: 3.3958 loss: 2.1929 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.1634 distill.loss_dist: 1.0295 2023/05/15 22:24:15 - mmengine - INFO - Epoch(train) [83][1240/1879] lr: 2.0000e-04 eta: 7:51:43 time: 0.8131 data_time: 0.0272 memory: 9812 grad_norm: 3.4360 loss: 2.2488 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.2644 distill.loss_dist: 0.9843 2023/05/15 22:24:31 - mmengine - INFO - Epoch(train) [83][1260/1879] lr: 2.0000e-04 eta: 7:51:26 time: 0.7989 data_time: 0.0255 memory: 9812 grad_norm: 3.4348 loss: 2.1658 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1634 distill.loss_dist: 1.0024 2023/05/15 22:24:48 - mmengine - INFO - Epoch(train) [83][1280/1879] lr: 2.0000e-04 eta: 7:51:08 time: 0.8588 data_time: 0.0569 memory: 9812 grad_norm: 3.5204 loss: 2.2433 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1976 distill.loss_dist: 1.0457 2023/05/15 22:25:06 - mmengine - INFO - Epoch(train) [83][1300/1879] lr: 2.0000e-04 eta: 7:50:51 time: 0.8896 data_time: 0.1442 memory: 9812 grad_norm: 3.4284 loss: 1.9536 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9764 distill.loss_dist: 0.9772 2023/05/15 22:25:23 - mmengine - INFO - Epoch(train) [83][1320/1879] lr: 2.0000e-04 eta: 7:50:33 time: 0.8612 data_time: 0.2270 memory: 9812 grad_norm: 3.5045 loss: 2.0829 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0731 distill.loss_dist: 1.0098 2023/05/15 22:25:41 - mmengine - INFO - Epoch(train) [83][1340/1879] lr: 2.0000e-04 eta: 7:50:16 time: 0.8655 data_time: 0.2789 memory: 9812 grad_norm: 3.5477 loss: 2.0120 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9915 distill.loss_dist: 1.0206 2023/05/15 22:26:00 - mmengine - INFO - Epoch(train) [83][1360/1879] lr: 2.0000e-04 eta: 7:49:59 time: 0.9786 data_time: 0.4846 memory: 9812 grad_norm: 3.4999 loss: 2.0778 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0619 distill.loss_dist: 1.0160 2023/05/15 22:26:16 - mmengine - INFO - Epoch(train) [83][1380/1879] lr: 2.0000e-04 eta: 7:49:41 time: 0.7787 data_time: 0.3343 memory: 9812 grad_norm: 3.4561 loss: 2.1534 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1378 distill.loss_dist: 1.0156 2023/05/15 22:26:32 - mmengine - INFO - Epoch(train) [83][1400/1879] lr: 2.0000e-04 eta: 7:49:24 time: 0.7971 data_time: 0.2627 memory: 9812 grad_norm: 3.3649 loss: 2.0923 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0697 distill.loss_dist: 1.0227 2023/05/15 22:26:50 - mmengine - INFO - Epoch(train) [83][1420/1879] lr: 2.0000e-04 eta: 7:49:06 time: 0.8942 data_time: 0.1728 memory: 9812 grad_norm: 3.4130 loss: 2.0913 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0614 distill.loss_dist: 1.0300 2023/05/15 22:27:05 - mmengine - INFO - Epoch(train) [83][1440/1879] lr: 2.0000e-04 eta: 7:48:49 time: 0.7624 data_time: 0.1568 memory: 9812 grad_norm: 3.4403 loss: 2.1773 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1377 distill.loss_dist: 1.0396 2023/05/15 22:27:23 - mmengine - INFO - Epoch(train) [83][1460/1879] lr: 2.0000e-04 eta: 7:48:31 time: 0.8927 data_time: 0.1245 memory: 9812 grad_norm: 3.3530 loss: 2.0240 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9893 distill.loss_dist: 1.0347 2023/05/15 22:27:41 - mmengine - INFO - Epoch(train) [83][1480/1879] lr: 2.0000e-04 eta: 7:48:14 time: 0.8949 data_time: 0.3513 memory: 9812 grad_norm: 3.3375 loss: 2.1746 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1583 distill.loss_dist: 1.0163 2023/05/15 22:27:58 - mmengine - INFO - Epoch(train) [83][1500/1879] lr: 2.0000e-04 eta: 7:47:57 time: 0.8558 data_time: 0.1235 memory: 9812 grad_norm: 3.4497 loss: 2.3549 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3140 distill.loss_dist: 1.0409 2023/05/15 22:28:16 - mmengine - INFO - Epoch(train) [83][1520/1879] lr: 2.0000e-04 eta: 7:47:39 time: 0.9052 data_time: 0.0432 memory: 9812 grad_norm: 3.2681 loss: 2.1910 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2037 distill.loss_dist: 0.9873 2023/05/15 22:28:34 - mmengine - INFO - Epoch(train) [83][1540/1879] lr: 2.0000e-04 eta: 7:47:22 time: 0.8770 data_time: 0.0691 memory: 9812 grad_norm: 3.5533 loss: 2.1950 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1715 distill.loss_dist: 1.0234 2023/05/15 22:28:51 - mmengine - INFO - Epoch(train) [83][1560/1879] lr: 2.0000e-04 eta: 7:47:05 time: 0.8574 data_time: 0.0228 memory: 9812 grad_norm: 3.4193 loss: 2.2962 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.2512 distill.loss_dist: 1.0450 2023/05/15 22:29:09 - mmengine - INFO - Epoch(train) [83][1580/1879] lr: 2.0000e-04 eta: 7:46:47 time: 0.8894 data_time: 0.1259 memory: 9812 grad_norm: 3.4836 loss: 2.1796 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1905 distill.loss_dist: 0.9891 2023/05/15 22:29:26 - mmengine - INFO - Epoch(train) [83][1600/1879] lr: 2.0000e-04 eta: 7:46:30 time: 0.8935 data_time: 0.3125 memory: 9812 grad_norm: 3.5319 loss: 2.2462 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2234 distill.loss_dist: 1.0229 2023/05/15 22:29:44 - mmengine - INFO - Epoch(train) [83][1620/1879] lr: 2.0000e-04 eta: 7:46:13 time: 0.8679 data_time: 0.4349 memory: 9812 grad_norm: 3.4277 loss: 1.9700 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9847 distill.loss_dist: 0.9853 2023/05/15 22:30:01 - mmengine - INFO - Epoch(train) [83][1640/1879] lr: 2.0000e-04 eta: 7:45:55 time: 0.8428 data_time: 0.4098 memory: 9812 grad_norm: 3.4707 loss: 2.1756 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1505 distill.loss_dist: 1.0251 2023/05/15 22:30:19 - mmengine - INFO - Epoch(train) [83][1660/1879] lr: 2.0000e-04 eta: 7:45:38 time: 0.9249 data_time: 0.4959 memory: 9812 grad_norm: 3.4429 loss: 2.1820 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1569 distill.loss_dist: 1.0251 2023/05/15 22:30:36 - mmengine - INFO - Epoch(train) [83][1680/1879] lr: 2.0000e-04 eta: 7:45:21 time: 0.8200 data_time: 0.3613 memory: 9812 grad_norm: 3.3948 loss: 2.0077 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0194 distill.loss_dist: 0.9883 2023/05/15 22:30:53 - mmengine - INFO - Epoch(train) [83][1700/1879] lr: 2.0000e-04 eta: 7:45:03 time: 0.8768 data_time: 0.3424 memory: 9812 grad_norm: 3.4415 loss: 2.2532 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2184 distill.loss_dist: 1.0348 2023/05/15 22:31:11 - mmengine - INFO - Epoch(train) [83][1720/1879] lr: 2.0000e-04 eta: 7:44:46 time: 0.8895 data_time: 0.2590 memory: 9812 grad_norm: 3.3785 loss: 2.2941 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2431 distill.loss_dist: 1.0510 2023/05/15 22:31:30 - mmengine - INFO - Epoch(train) [83][1740/1879] lr: 2.0000e-04 eta: 7:44:29 time: 0.9364 data_time: 0.0379 memory: 9812 grad_norm: 3.4652 loss: 2.1054 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1008 distill.loss_dist: 1.0046 2023/05/15 22:31:45 - mmengine - INFO - Epoch(train) [83][1760/1879] lr: 2.0000e-04 eta: 7:44:11 time: 0.7869 data_time: 0.0284 memory: 9812 grad_norm: 3.4378 loss: 2.1068 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0949 distill.loss_dist: 1.0119 2023/05/15 22:32:03 - mmengine - INFO - Epoch(train) [83][1780/1879] lr: 2.0000e-04 eta: 7:43:54 time: 0.8735 data_time: 0.2211 memory: 9812 grad_norm: 3.4170 loss: 2.0744 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0542 distill.loss_dist: 1.0202 2023/05/15 22:32:20 - mmengine - INFO - Epoch(train) [83][1800/1879] lr: 2.0000e-04 eta: 7:43:36 time: 0.8475 data_time: 0.2603 memory: 9812 grad_norm: 3.2655 loss: 2.1092 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0865 distill.loss_dist: 1.0227 2023/05/15 22:32:37 - mmengine - INFO - Epoch(train) [83][1820/1879] lr: 2.0000e-04 eta: 7:43:19 time: 0.8340 data_time: 0.2287 memory: 9812 grad_norm: 3.4655 loss: 2.2332 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1985 distill.loss_dist: 1.0347 2023/05/15 22:32:55 - mmengine - INFO - Epoch(train) [83][1840/1879] lr: 2.0000e-04 eta: 7:43:02 time: 0.9071 data_time: 0.1802 memory: 9812 grad_norm: 3.4457 loss: 2.1157 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1226 distill.loss_dist: 0.9932 2023/05/15 22:33:13 - mmengine - INFO - Epoch(train) [83][1860/1879] lr: 2.0000e-04 eta: 7:42:44 time: 0.8907 data_time: 0.2560 memory: 9812 grad_norm: 3.3590 loss: 1.9461 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 0.9493 distill.loss_dist: 0.9968 2023/05/15 22:33:25 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 22:33:25 - mmengine - INFO - Epoch(train) [83][1879/1879] lr: 2.0000e-04 eta: 7:42:27 time: 0.6530 data_time: 0.1548 memory: 9812 grad_norm: 3.5384 loss: 2.2460 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.2256 distill.loss_dist: 1.0204 2023/05/15 22:33:44 - mmengine - INFO - Epoch(val) [83][ 20/155] eta: 0:02:10 time: 0.9651 data_time: 0.9002 memory: 1484 2023/05/15 22:33:58 - mmengine - INFO - Epoch(val) [83][ 40/155] eta: 0:01:36 time: 0.7185 data_time: 0.6543 memory: 1484 2023/05/15 22:34:16 - mmengine - INFO - Epoch(val) [83][ 60/155] eta: 0:01:20 time: 0.8694 data_time: 0.8067 memory: 1484 2023/05/15 22:34:29 - mmengine - INFO - Epoch(val) [83][ 80/155] eta: 0:01:00 time: 0.6805 data_time: 0.6184 memory: 1484 2023/05/15 22:34:49 - mmengine - INFO - Epoch(val) [83][100/155] eta: 0:00:46 time: 0.9560 data_time: 0.8937 memory: 1484 2023/05/15 22:35:02 - mmengine - INFO - Epoch(val) [83][120/155] eta: 0:00:28 time: 0.6560 data_time: 0.5944 memory: 1484 2023/05/15 22:35:22 - mmengine - INFO - Epoch(val) [83][140/155] eta: 0:00:12 time: 0.9897 data_time: 0.9210 memory: 1484 2023/05/15 22:35:52 - mmengine - INFO - Epoch(val) [83][ 20/155] eta: 0:16:22 time: 1.0177 data_time: 0.8582 memory: 1582 2023/05/15 22:36:06 - mmengine - INFO - Epoch(val) [83][ 40/155] eta: 0:07:38 time: 0.6904 data_time: 0.5331 memory: 1582 2023/05/15 22:36:24 - mmengine - INFO - Epoch(val) [83][ 60/155] eta: 0:04:41 time: 0.9091 data_time: 0.7515 memory: 1582 2023/05/15 22:36:37 - mmengine - INFO - Epoch(val) [83][ 80/155] eta: 0:02:58 time: 0.6585 data_time: 0.5035 memory: 1582 2023/05/15 22:36:57 - mmengine - INFO - Epoch(val) [83][100/155] eta: 0:01:55 time: 0.9769 data_time: 0.8238 memory: 1582 2023/05/15 22:37:10 - mmengine - INFO - Epoch(val) [83][120/155] eta: 0:01:05 time: 0.6725 data_time: 0.5222 memory: 1582 2023/05/15 22:37:31 - mmengine - INFO - Epoch(val) [83][140/155] eta: 0:00:26 time: 1.0069 data_time: 0.8498 memory: 1582 2023/05/15 22:37:41 - mmengine - INFO - Epoch(val) [83][155/155] acc/top1: 0.6774 acc/top5: 0.8791 acc/mean1: 0.6773 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6622 time: 0.8160 2023/05/15 22:38:04 - mmengine - INFO - Epoch(train) [84][ 20/1879] lr: 2.0000e-04 eta: 7:42:11 time: 1.1313 data_time: 0.4473 memory: 9812 grad_norm: 3.4371 loss: 2.0603 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0536 distill.loss_dist: 1.0067 2023/05/15 22:38:20 - mmengine - INFO - Epoch(train) [84][ 40/1879] lr: 2.0000e-04 eta: 7:41:53 time: 0.8318 data_time: 0.0863 memory: 9812 grad_norm: 3.4725 loss: 2.0880 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1030 distill.loss_dist: 0.9851 2023/05/15 22:38:24 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 22:38:38 - mmengine - INFO - Epoch(train) [84][ 60/1879] lr: 2.0000e-04 eta: 7:41:36 time: 0.8701 data_time: 0.0607 memory: 9812 grad_norm: 3.4009 loss: 2.0559 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0544 distill.loss_dist: 1.0015 2023/05/15 22:38:55 - mmengine - INFO - Epoch(train) [84][ 80/1879] lr: 2.0000e-04 eta: 7:41:18 time: 0.8614 data_time: 0.0900 memory: 9812 grad_norm: 3.4791 loss: 2.3007 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.2403 distill.loss_dist: 1.0603 2023/05/15 22:39:13 - mmengine - INFO - Epoch(train) [84][ 100/1879] lr: 2.0000e-04 eta: 7:41:01 time: 0.8790 data_time: 0.1851 memory: 9812 grad_norm: 3.4653 loss: 2.2021 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1706 distill.loss_dist: 1.0315 2023/05/15 22:39:29 - mmengine - INFO - Epoch(train) [84][ 120/1879] lr: 2.0000e-04 eta: 7:40:43 time: 0.8241 data_time: 0.2180 memory: 9812 grad_norm: 3.5433 loss: 2.3351 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2991 distill.loss_dist: 1.0361 2023/05/15 22:39:48 - mmengine - INFO - Epoch(train) [84][ 140/1879] lr: 2.0000e-04 eta: 7:40:26 time: 0.9270 data_time: 0.0457 memory: 9812 grad_norm: 3.4179 loss: 1.9389 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9319 distill.loss_dist: 1.0070 2023/05/15 22:40:05 - mmengine - INFO - Epoch(train) [84][ 160/1879] lr: 2.0000e-04 eta: 7:40:09 time: 0.8776 data_time: 0.0259 memory: 9812 grad_norm: 3.4219 loss: 2.0768 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0640 distill.loss_dist: 1.0128 2023/05/15 22:40:23 - mmengine - INFO - Epoch(train) [84][ 180/1879] lr: 2.0000e-04 eta: 7:39:52 time: 0.8714 data_time: 0.0280 memory: 9812 grad_norm: 3.4851 loss: 2.1827 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1665 distill.loss_dist: 1.0163 2023/05/15 22:40:41 - mmengine - INFO - Epoch(train) [84][ 200/1879] lr: 2.0000e-04 eta: 7:39:34 time: 0.9186 data_time: 0.0271 memory: 9812 grad_norm: 3.4648 loss: 2.2444 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2203 distill.loss_dist: 1.0241 2023/05/15 22:40:59 - mmengine - INFO - Epoch(train) [84][ 220/1879] lr: 2.0000e-04 eta: 7:39:17 time: 0.8826 data_time: 0.0292 memory: 9812 grad_norm: 3.5069 loss: 2.2250 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1879 distill.loss_dist: 1.0370 2023/05/15 22:41:15 - mmengine - INFO - Epoch(train) [84][ 240/1879] lr: 2.0000e-04 eta: 7:38:59 time: 0.8154 data_time: 0.0261 memory: 9812 grad_norm: 3.4460 loss: 2.2074 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2004 distill.loss_dist: 1.0070 2023/05/15 22:41:32 - mmengine - INFO - Epoch(train) [84][ 260/1879] lr: 2.0000e-04 eta: 7:38:42 time: 0.8532 data_time: 0.0269 memory: 9812 grad_norm: 3.4023 loss: 2.0533 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0516 distill.loss_dist: 1.0017 2023/05/15 22:41:51 - mmengine - INFO - Epoch(train) [84][ 280/1879] lr: 2.0000e-04 eta: 7:38:25 time: 0.9208 data_time: 0.0245 memory: 9812 grad_norm: 3.4415 loss: 2.2110 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1951 distill.loss_dist: 1.0159 2023/05/15 22:42:06 - mmengine - INFO - Epoch(train) [84][ 300/1879] lr: 2.0000e-04 eta: 7:38:07 time: 0.7496 data_time: 0.0278 memory: 9812 grad_norm: 3.4295 loss: 2.1323 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1049 distill.loss_dist: 1.0275 2023/05/15 22:42:24 - mmengine - INFO - Epoch(train) [84][ 320/1879] lr: 2.0000e-04 eta: 7:37:50 time: 0.9354 data_time: 0.0291 memory: 9812 grad_norm: 3.4983 loss: 2.1279 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1094 distill.loss_dist: 1.0185 2023/05/15 22:42:42 - mmengine - INFO - Epoch(train) [84][ 340/1879] lr: 2.0000e-04 eta: 7:37:33 time: 0.8908 data_time: 0.0253 memory: 9812 grad_norm: 3.4701 loss: 2.2154 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1823 distill.loss_dist: 1.0332 2023/05/15 22:42:58 - mmengine - INFO - Epoch(train) [84][ 360/1879] lr: 2.0000e-04 eta: 7:37:15 time: 0.8049 data_time: 0.0274 memory: 9812 grad_norm: 3.4875 loss: 2.3799 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.3208 distill.loss_dist: 1.0591 2023/05/15 22:43:17 - mmengine - INFO - Epoch(train) [84][ 380/1879] lr: 2.0000e-04 eta: 7:36:58 time: 0.9343 data_time: 0.0256 memory: 9812 grad_norm: 3.4642 loss: 2.0854 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1077 distill.loss_dist: 0.9778 2023/05/15 22:43:33 - mmengine - INFO - Epoch(train) [84][ 400/1879] lr: 2.0000e-04 eta: 7:36:40 time: 0.7894 data_time: 0.0276 memory: 9812 grad_norm: 3.5273 loss: 2.1679 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1358 distill.loss_dist: 1.0320 2023/05/15 22:43:50 - mmengine - INFO - Epoch(train) [84][ 420/1879] lr: 2.0000e-04 eta: 7:36:23 time: 0.8694 data_time: 0.0268 memory: 9812 grad_norm: 3.5266 loss: 2.1734 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1383 distill.loss_dist: 1.0352 2023/05/15 22:44:08 - mmengine - INFO - Epoch(train) [84][ 440/1879] lr: 2.0000e-04 eta: 7:36:05 time: 0.8606 data_time: 0.0256 memory: 9812 grad_norm: 3.4716 loss: 2.1432 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1177 distill.loss_dist: 1.0255 2023/05/15 22:44:23 - mmengine - INFO - Epoch(train) [84][ 460/1879] lr: 2.0000e-04 eta: 7:35:48 time: 0.7894 data_time: 0.0278 memory: 9812 grad_norm: 3.4829 loss: 2.3149 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.2662 distill.loss_dist: 1.0488 2023/05/15 22:44:42 - mmengine - INFO - Epoch(train) [84][ 480/1879] lr: 2.0000e-04 eta: 7:35:31 time: 0.9088 data_time: 0.0358 memory: 9812 grad_norm: 3.4620 loss: 2.2827 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2490 distill.loss_dist: 1.0337 2023/05/15 22:44:59 - mmengine - INFO - Epoch(train) [84][ 500/1879] lr: 2.0000e-04 eta: 7:35:13 time: 0.8792 data_time: 0.0282 memory: 9812 grad_norm: 3.4613 loss: 2.2065 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1724 distill.loss_dist: 1.0341 2023/05/15 22:45:18 - mmengine - INFO - Epoch(train) [84][ 520/1879] lr: 2.0000e-04 eta: 7:34:56 time: 0.9208 data_time: 0.0260 memory: 9812 grad_norm: 3.4613 loss: 2.0586 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0473 distill.loss_dist: 1.0113 2023/05/15 22:45:33 - mmengine - INFO - Epoch(train) [84][ 540/1879] lr: 2.0000e-04 eta: 7:34:38 time: 0.7695 data_time: 0.0536 memory: 9812 grad_norm: 3.4240 loss: 2.2374 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2239 distill.loss_dist: 1.0136 2023/05/15 22:45:51 - mmengine - INFO - Epoch(train) [84][ 560/1879] lr: 2.0000e-04 eta: 7:34:21 time: 0.9221 data_time: 0.0315 memory: 9812 grad_norm: 3.4777 loss: 2.2413 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1840 distill.loss_dist: 1.0573 2023/05/15 22:46:07 - mmengine - INFO - Epoch(train) [84][ 580/1879] lr: 2.0000e-04 eta: 7:34:03 time: 0.7984 data_time: 0.0670 memory: 9812 grad_norm: 3.3471 loss: 1.9958 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9945 distill.loss_dist: 1.0014 2023/05/15 22:46:26 - mmengine - INFO - Epoch(train) [84][ 600/1879] lr: 2.0000e-04 eta: 7:33:46 time: 0.9137 data_time: 0.1798 memory: 9812 grad_norm: 3.3751 loss: 2.2361 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2145 distill.loss_dist: 1.0215 2023/05/15 22:46:45 - mmengine - INFO - Epoch(train) [84][ 620/1879] lr: 2.0000e-04 eta: 7:33:29 time: 0.9435 data_time: 0.1095 memory: 9812 grad_norm: 3.4867 loss: 2.1525 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1240 distill.loss_dist: 1.0285 2023/05/15 22:47:01 - mmengine - INFO - Epoch(train) [84][ 640/1879] lr: 2.0000e-04 eta: 7:33:12 time: 0.8402 data_time: 0.0615 memory: 9812 grad_norm: 3.4982 loss: 2.1299 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0905 distill.loss_dist: 1.0394 2023/05/15 22:47:19 - mmengine - INFO - Epoch(train) [84][ 660/1879] lr: 2.0000e-04 eta: 7:32:54 time: 0.8966 data_time: 0.0324 memory: 9812 grad_norm: 3.3859 loss: 1.9631 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 0.9619 distill.loss_dist: 1.0013 2023/05/15 22:47:36 - mmengine - INFO - Epoch(train) [84][ 680/1879] lr: 2.0000e-04 eta: 7:32:37 time: 0.8344 data_time: 0.0292 memory: 9812 grad_norm: 3.3601 loss: 2.2083 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2175 distill.loss_dist: 0.9908 2023/05/15 22:47:53 - mmengine - INFO - Epoch(train) [84][ 700/1879] lr: 2.0000e-04 eta: 7:32:19 time: 0.8303 data_time: 0.0267 memory: 9812 grad_norm: 3.4303 loss: 2.1990 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1955 distill.loss_dist: 1.0034 2023/05/15 22:48:11 - mmengine - INFO - Epoch(train) [84][ 720/1879] lr: 2.0000e-04 eta: 7:32:02 time: 0.8994 data_time: 0.0800 memory: 9812 grad_norm: 3.4370 loss: 2.0942 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0825 distill.loss_dist: 1.0117 2023/05/15 22:48:27 - mmengine - INFO - Epoch(train) [84][ 740/1879] lr: 2.0000e-04 eta: 7:31:45 time: 0.7986 data_time: 0.1351 memory: 9812 grad_norm: 3.3552 loss: 2.0650 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0207 distill.loss_dist: 1.0442 2023/05/15 22:48:44 - mmengine - INFO - Epoch(train) [84][ 760/1879] lr: 2.0000e-04 eta: 7:31:27 time: 0.8735 data_time: 0.0244 memory: 9812 grad_norm: 3.3969 loss: 2.0632 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0667 distill.loss_dist: 0.9965 2023/05/15 22:49:02 - mmengine - INFO - Epoch(train) [84][ 780/1879] lr: 2.0000e-04 eta: 7:31:10 time: 0.9087 data_time: 0.0277 memory: 9812 grad_norm: 3.4382 loss: 2.2511 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2288 distill.loss_dist: 1.0223 2023/05/15 22:49:20 - mmengine - INFO - Epoch(train) [84][ 800/1879] lr: 2.0000e-04 eta: 7:30:53 time: 0.8700 data_time: 0.0305 memory: 9812 grad_norm: 3.4466 loss: 2.0985 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0940 distill.loss_dist: 1.0045 2023/05/15 22:49:38 - mmengine - INFO - Epoch(train) [84][ 820/1879] lr: 2.0000e-04 eta: 7:30:35 time: 0.9285 data_time: 0.0267 memory: 9812 grad_norm: 3.4612 loss: 2.0027 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0085 distill.loss_dist: 0.9943 2023/05/15 22:49:54 - mmengine - INFO - Epoch(train) [84][ 840/1879] lr: 2.0000e-04 eta: 7:30:18 time: 0.7790 data_time: 0.0287 memory: 9812 grad_norm: 3.4218 loss: 1.9826 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9876 distill.loss_dist: 0.9950 2023/05/15 22:50:11 - mmengine - INFO - Epoch(train) [84][ 860/1879] lr: 2.0000e-04 eta: 7:30:00 time: 0.8442 data_time: 0.0284 memory: 9812 grad_norm: 3.4740 loss: 2.1143 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0838 distill.loss_dist: 1.0305 2023/05/15 22:50:30 - mmengine - INFO - Epoch(train) [84][ 880/1879] lr: 2.0000e-04 eta: 7:29:43 time: 0.9606 data_time: 0.0259 memory: 9812 grad_norm: 3.4587 loss: 2.1515 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1227 distill.loss_dist: 1.0288 2023/05/15 22:50:47 - mmengine - INFO - Epoch(train) [84][ 900/1879] lr: 2.0000e-04 eta: 7:29:26 time: 0.8497 data_time: 0.0362 memory: 9812 grad_norm: 3.4077 loss: 2.3023 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2681 distill.loss_dist: 1.0342 2023/05/15 22:51:05 - mmengine - INFO - Epoch(train) [84][ 920/1879] lr: 2.0000e-04 eta: 7:29:08 time: 0.8805 data_time: 0.0273 memory: 9812 grad_norm: 3.4211 loss: 2.0873 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0563 distill.loss_dist: 1.0310 2023/05/15 22:51:24 - mmengine - INFO - Epoch(train) [84][ 940/1879] lr: 2.0000e-04 eta: 7:28:51 time: 0.9389 data_time: 0.0265 memory: 9812 grad_norm: 3.4535 loss: 2.2738 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2146 distill.loss_dist: 1.0592 2023/05/15 22:51:40 - mmengine - INFO - Epoch(train) [84][ 960/1879] lr: 2.0000e-04 eta: 7:28:34 time: 0.8401 data_time: 0.0244 memory: 9812 grad_norm: 3.4350 loss: 2.3089 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2774 distill.loss_dist: 1.0315 2023/05/15 22:51:56 - mmengine - INFO - Epoch(train) [84][ 980/1879] lr: 2.0000e-04 eta: 7:28:16 time: 0.7883 data_time: 0.0374 memory: 9812 grad_norm: 3.3912 loss: 2.0064 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 0.9823 distill.loss_dist: 1.0241 2023/05/15 22:52:15 - mmengine - INFO - Epoch(train) [84][1000/1879] lr: 2.0000e-04 eta: 7:27:59 time: 0.9172 data_time: 0.2477 memory: 9812 grad_norm: 3.4248 loss: 2.3156 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3037 distill.loss_dist: 1.0119 2023/05/15 22:52:33 - mmengine - INFO - Epoch(train) [84][1020/1879] lr: 2.0000e-04 eta: 7:27:42 time: 0.8995 data_time: 0.1009 memory: 9812 grad_norm: 3.3576 loss: 2.1065 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1078 distill.loss_dist: 0.9987 2023/05/15 22:52:50 - mmengine - INFO - Epoch(train) [84][1040/1879] lr: 2.0000e-04 eta: 7:27:24 time: 0.8608 data_time: 0.0583 memory: 9812 grad_norm: 3.4453 loss: 2.0803 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0761 distill.loss_dist: 1.0042 2023/05/15 22:52:51 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 22:53:07 - mmengine - INFO - Epoch(train) [84][1060/1879] lr: 2.0000e-04 eta: 7:27:07 time: 0.8355 data_time: 0.0279 memory: 9812 grad_norm: 3.4641 loss: 2.2799 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2435 distill.loss_dist: 1.0364 2023/05/15 22:53:25 - mmengine - INFO - Epoch(train) [84][1080/1879] lr: 2.0000e-04 eta: 7:26:50 time: 0.9171 data_time: 0.0263 memory: 9812 grad_norm: 3.4315 loss: 2.0937 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1019 distill.loss_dist: 0.9918 2023/05/15 22:53:42 - mmengine - INFO - Epoch(train) [84][1100/1879] lr: 2.0000e-04 eta: 7:26:32 time: 0.8480 data_time: 0.0253 memory: 9812 grad_norm: 3.5073 loss: 2.1805 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1854 distill.loss_dist: 0.9951 2023/05/15 22:53:59 - mmengine - INFO - Epoch(train) [84][1120/1879] lr: 2.0000e-04 eta: 7:26:15 time: 0.8714 data_time: 0.0255 memory: 9812 grad_norm: 3.3987 loss: 2.1106 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0923 distill.loss_dist: 1.0183 2023/05/15 22:54:17 - mmengine - INFO - Epoch(train) [84][1140/1879] lr: 2.0000e-04 eta: 7:25:58 time: 0.8924 data_time: 0.0285 memory: 9812 grad_norm: 3.5085 loss: 2.3435 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2964 distill.loss_dist: 1.0471 2023/05/15 22:54:34 - mmengine - INFO - Epoch(train) [84][1160/1879] lr: 2.0000e-04 eta: 7:25:40 time: 0.8603 data_time: 0.0285 memory: 9812 grad_norm: 3.5210 loss: 2.2279 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2034 distill.loss_dist: 1.0245 2023/05/15 22:54:54 - mmengine - INFO - Epoch(train) [84][1180/1879] lr: 2.0000e-04 eta: 7:25:23 time: 0.9698 data_time: 0.0266 memory: 9812 grad_norm: 3.3353 loss: 2.3314 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3085 distill.loss_dist: 1.0229 2023/05/15 22:55:10 - mmengine - INFO - Epoch(train) [84][1200/1879] lr: 2.0000e-04 eta: 7:25:05 time: 0.7860 data_time: 0.0283 memory: 9812 grad_norm: 3.5059 loss: 2.1555 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.1217 distill.loss_dist: 1.0338 2023/05/15 22:55:26 - mmengine - INFO - Epoch(train) [84][1220/1879] lr: 2.0000e-04 eta: 7:24:48 time: 0.8018 data_time: 0.0271 memory: 9812 grad_norm: 3.4733 loss: 2.3381 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2959 distill.loss_dist: 1.0422 2023/05/15 22:55:42 - mmengine - INFO - Epoch(train) [84][1240/1879] lr: 2.0000e-04 eta: 7:24:30 time: 0.8317 data_time: 0.0266 memory: 9812 grad_norm: 3.4161 loss: 2.0851 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0818 distill.loss_dist: 1.0033 2023/05/15 22:56:00 - mmengine - INFO - Epoch(train) [84][1260/1879] lr: 2.0000e-04 eta: 7:24:13 time: 0.9010 data_time: 0.0294 memory: 9812 grad_norm: 3.5528 loss: 2.1275 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0961 distill.loss_dist: 1.0314 2023/05/15 22:56:17 - mmengine - INFO - Epoch(train) [84][1280/1879] lr: 2.0000e-04 eta: 7:23:56 time: 0.8395 data_time: 0.0343 memory: 9812 grad_norm: 3.3492 loss: 2.0997 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0550 distill.loss_dist: 1.0447 2023/05/15 22:56:34 - mmengine - INFO - Epoch(train) [84][1300/1879] lr: 2.0000e-04 eta: 7:23:38 time: 0.8530 data_time: 0.0252 memory: 9812 grad_norm: 3.4162 loss: 1.9930 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9728 distill.loss_dist: 1.0202 2023/05/15 22:56:52 - mmengine - INFO - Epoch(train) [84][1320/1879] lr: 2.0000e-04 eta: 7:23:21 time: 0.9042 data_time: 0.0328 memory: 9812 grad_norm: 3.3399 loss: 2.2856 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2277 distill.loss_dist: 1.0579 2023/05/15 22:57:10 - mmengine - INFO - Epoch(train) [84][1340/1879] lr: 2.0000e-04 eta: 7:23:04 time: 0.8678 data_time: 0.0225 memory: 9812 grad_norm: 3.4593 loss: 2.1456 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1246 distill.loss_dist: 1.0210 2023/05/15 22:57:28 - mmengine - INFO - Epoch(train) [84][1360/1879] lr: 2.0000e-04 eta: 7:22:46 time: 0.8898 data_time: 0.0263 memory: 9812 grad_norm: 3.4886 loss: 2.1689 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1500 distill.loss_dist: 1.0188 2023/05/15 22:57:45 - mmengine - INFO - Epoch(train) [84][1380/1879] lr: 2.0000e-04 eta: 7:22:29 time: 0.8477 data_time: 0.0282 memory: 9812 grad_norm: 3.4773 loss: 2.2631 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2459 distill.loss_dist: 1.0172 2023/05/15 22:58:03 - mmengine - INFO - Epoch(train) [84][1400/1879] lr: 2.0000e-04 eta: 7:22:12 time: 0.9301 data_time: 0.0262 memory: 9812 grad_norm: 3.4710 loss: 2.4155 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3837 distill.loss_dist: 1.0318 2023/05/15 22:58:20 - mmengine - INFO - Epoch(train) [84][1420/1879] lr: 2.0000e-04 eta: 7:21:54 time: 0.8392 data_time: 0.0262 memory: 9812 grad_norm: 3.4781 loss: 2.3336 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2840 distill.loss_dist: 1.0495 2023/05/15 22:58:37 - mmengine - INFO - Epoch(train) [84][1440/1879] lr: 2.0000e-04 eta: 7:21:37 time: 0.8234 data_time: 0.0268 memory: 9812 grad_norm: 3.4235 loss: 1.9819 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 0.9803 distill.loss_dist: 1.0016 2023/05/15 22:58:55 - mmengine - INFO - Epoch(train) [84][1460/1879] lr: 2.0000e-04 eta: 7:21:19 time: 0.9204 data_time: 0.0255 memory: 9812 grad_norm: 3.3501 loss: 2.0259 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0345 distill.loss_dist: 0.9914 2023/05/15 22:59:13 - mmengine - INFO - Epoch(train) [84][1480/1879] lr: 2.0000e-04 eta: 7:21:02 time: 0.9002 data_time: 0.0290 memory: 9812 grad_norm: 3.3753 loss: 2.1063 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1122 distill.loss_dist: 0.9941 2023/05/15 22:59:29 - mmengine - INFO - Epoch(train) [84][1500/1879] lr: 2.0000e-04 eta: 7:20:45 time: 0.7991 data_time: 0.0261 memory: 9812 grad_norm: 3.3575 loss: 2.1243 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1371 distill.loss_dist: 0.9872 2023/05/15 22:59:47 - mmengine - INFO - Epoch(train) [84][1520/1879] lr: 2.0000e-04 eta: 7:20:27 time: 0.8849 data_time: 0.0261 memory: 9812 grad_norm: 3.3347 loss: 2.0828 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.0697 distill.loss_dist: 1.0131 2023/05/15 23:00:04 - mmengine - INFO - Epoch(train) [84][1540/1879] lr: 2.0000e-04 eta: 7:20:10 time: 0.8743 data_time: 0.0279 memory: 9812 grad_norm: 3.4045 loss: 2.1288 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1360 distill.loss_dist: 0.9929 2023/05/15 23:00:21 - mmengine - INFO - Epoch(train) [84][1560/1879] lr: 2.0000e-04 eta: 7:19:52 time: 0.8483 data_time: 0.0285 memory: 9812 grad_norm: 3.5367 loss: 2.3825 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.3739 distill.loss_dist: 1.0086 2023/05/15 23:00:40 - mmengine - INFO - Epoch(train) [84][1580/1879] lr: 2.0000e-04 eta: 7:19:35 time: 0.9626 data_time: 0.0274 memory: 9812 grad_norm: 3.4381 loss: 2.0846 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0662 distill.loss_dist: 1.0184 2023/05/15 23:00:57 - mmengine - INFO - Epoch(train) [84][1600/1879] lr: 2.0000e-04 eta: 7:19:18 time: 0.8191 data_time: 0.0294 memory: 9812 grad_norm: 3.4611 loss: 2.4012 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3641 distill.loss_dist: 1.0371 2023/05/15 23:01:14 - mmengine - INFO - Epoch(train) [84][1620/1879] lr: 2.0000e-04 eta: 7:19:00 time: 0.8581 data_time: 0.0267 memory: 9812 grad_norm: 3.2962 loss: 1.9480 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9595 distill.loss_dist: 0.9886 2023/05/15 23:01:32 - mmengine - INFO - Epoch(train) [84][1640/1879] lr: 2.0000e-04 eta: 7:18:43 time: 0.9096 data_time: 0.0272 memory: 9812 grad_norm: 3.5108 loss: 2.2929 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2399 distill.loss_dist: 1.0530 2023/05/15 23:01:49 - mmengine - INFO - Epoch(train) [84][1660/1879] lr: 2.0000e-04 eta: 7:18:26 time: 0.8513 data_time: 0.0277 memory: 9812 grad_norm: 3.4483 loss: 2.0446 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0417 distill.loss_dist: 1.0029 2023/05/15 23:02:04 - mmengine - INFO - Epoch(train) [84][1680/1879] lr: 2.0000e-04 eta: 7:18:08 time: 0.7444 data_time: 0.0263 memory: 9812 grad_norm: 3.4111 loss: 2.0954 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0821 distill.loss_dist: 1.0133 2023/05/15 23:02:23 - mmengine - INFO - Epoch(train) [84][1700/1879] lr: 2.0000e-04 eta: 7:17:51 time: 0.9509 data_time: 0.1105 memory: 9812 grad_norm: 3.4182 loss: 2.1612 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1679 distill.loss_dist: 0.9933 2023/05/15 23:02:41 - mmengine - INFO - Epoch(train) [84][1720/1879] lr: 2.0000e-04 eta: 7:17:34 time: 0.8683 data_time: 0.0269 memory: 9812 grad_norm: 3.4915 loss: 2.1753 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1335 distill.loss_dist: 1.0418 2023/05/15 23:02:57 - mmengine - INFO - Epoch(train) [84][1740/1879] lr: 2.0000e-04 eta: 7:17:16 time: 0.8218 data_time: 0.0254 memory: 9812 grad_norm: 3.4526 loss: 2.2629 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.2272 distill.loss_dist: 1.0357 2023/05/15 23:03:15 - mmengine - INFO - Epoch(train) [84][1760/1879] lr: 2.0000e-04 eta: 7:16:59 time: 0.9141 data_time: 0.0308 memory: 9812 grad_norm: 3.5172 loss: 1.8912 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.9010 distill.loss_dist: 0.9902 2023/05/15 23:03:32 - mmengine - INFO - Epoch(train) [84][1780/1879] lr: 2.0000e-04 eta: 7:16:41 time: 0.8389 data_time: 0.0257 memory: 9812 grad_norm: 3.4141 loss: 2.0411 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0338 distill.loss_dist: 1.0073 2023/05/15 23:03:49 - mmengine - INFO - Epoch(train) [84][1800/1879] lr: 2.0000e-04 eta: 7:16:24 time: 0.8367 data_time: 0.0575 memory: 9812 grad_norm: 3.4734 loss: 1.9242 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9242 distill.loss_dist: 1.0000 2023/05/15 23:04:06 - mmengine - INFO - Epoch(train) [84][1820/1879] lr: 2.0000e-04 eta: 7:16:06 time: 0.8711 data_time: 0.1427 memory: 9812 grad_norm: 3.4961 loss: 2.1957 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1654 distill.loss_dist: 1.0302 2023/05/15 23:04:24 - mmengine - INFO - Epoch(train) [84][1840/1879] lr: 2.0000e-04 eta: 7:15:49 time: 0.8811 data_time: 0.1840 memory: 9812 grad_norm: 3.5042 loss: 2.1140 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0836 distill.loss_dist: 1.0303 2023/05/15 23:04:42 - mmengine - INFO - Epoch(train) [84][1860/1879] lr: 2.0000e-04 eta: 7:15:32 time: 0.8689 data_time: 0.0275 memory: 9812 grad_norm: 3.4515 loss: 2.0822 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0610 distill.loss_dist: 1.0211 2023/05/15 23:04:55 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 23:04:55 - mmengine - INFO - Epoch(train) [84][1879/1879] lr: 2.0000e-04 eta: 7:15:15 time: 0.6875 data_time: 0.0224 memory: 9812 grad_norm: 3.5795 loss: 1.8786 student.top1_acc: 0.8571 student.top5_acc: 0.8571 student.loss_cls: 0.8776 distill.loss_dist: 1.0011 2023/05/15 23:04:55 - mmengine - INFO - Saving checkpoint at 84 epochs 2023/05/15 23:05:17 - mmengine - INFO - Epoch(val) [84][ 20/155] eta: 0:02:14 time: 0.9972 data_time: 0.9292 memory: 1484 2023/05/15 23:05:30 - mmengine - INFO - Epoch(val) [84][ 40/155] eta: 0:01:35 time: 0.6651 data_time: 0.6038 memory: 1484 2023/05/15 23:05:49 - mmengine - INFO - Epoch(val) [84][ 60/155] eta: 0:01:22 time: 0.9416 data_time: 0.8757 memory: 1484 2023/05/15 23:06:02 - mmengine - INFO - Epoch(val) [84][ 80/155] eta: 0:01:01 time: 0.6550 data_time: 0.5956 memory: 1484 2023/05/15 23:06:21 - mmengine - INFO - Epoch(val) [84][100/155] eta: 0:00:46 time: 0.9650 data_time: 0.8984 memory: 1484 2023/05/15 23:06:35 - mmengine - INFO - Epoch(val) [84][120/155] eta: 0:00:28 time: 0.6669 data_time: 0.6038 memory: 1484 2023/05/15 23:06:54 - mmengine - INFO - Epoch(val) [84][140/155] eta: 0:00:12 time: 0.9757 data_time: 0.9113 memory: 1484 2023/05/15 23:07:23 - mmengine - INFO - Epoch(val) [84][ 20/155] eta: 0:16:14 time: 0.9939 data_time: 0.8406 memory: 1582 2023/05/15 23:07:36 - mmengine - INFO - Epoch(val) [84][ 40/155] eta: 0:07:34 time: 0.6824 data_time: 0.5256 memory: 1582 2023/05/15 23:07:56 - mmengine - INFO - Epoch(val) [84][ 60/155] eta: 0:04:41 time: 0.9738 data_time: 0.8252 memory: 1582 2023/05/15 23:08:10 - mmengine - INFO - Epoch(val) [84][ 80/155] eta: 0:02:59 time: 0.6981 data_time: 0.5449 memory: 1582 2023/05/15 23:08:29 - mmengine - INFO - Epoch(val) [84][100/155] eta: 0:01:55 time: 0.9547 data_time: 0.7996 memory: 1582 2023/05/15 23:08:42 - mmengine - INFO - Epoch(val) [84][120/155] eta: 0:01:05 time: 0.6775 data_time: 0.5239 memory: 1582 2023/05/15 23:09:01 - mmengine - INFO - Epoch(val) [84][140/155] eta: 0:00:25 time: 0.9191 data_time: 0.7697 memory: 1582 2023/05/15 23:09:12 - mmengine - INFO - Epoch(val) [84][155/155] acc/top1: 0.6787 acc/top5: 0.8788 acc/mean1: 0.6786 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6594 time: 0.8105 2023/05/15 23:09:12 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_82.pth is removed 2023/05/15 23:09:13 - mmengine - INFO - The best checkpoint with 0.6787 acc/top1 at 84 epoch is saved to best_acc_top1_epoch_84.pth. 2023/05/15 23:09:34 - mmengine - INFO - Epoch(train) [85][ 20/1879] lr: 2.0000e-04 eta: 7:14:58 time: 1.0342 data_time: 0.5729 memory: 9812 grad_norm: 3.4045 loss: 2.1903 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1848 distill.loss_dist: 1.0055 2023/05/15 23:09:51 - mmengine - INFO - Epoch(train) [85][ 40/1879] lr: 2.0000e-04 eta: 7:14:40 time: 0.8431 data_time: 0.1988 memory: 9812 grad_norm: 3.4827 loss: 2.1788 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1495 distill.loss_dist: 1.0293 2023/05/15 23:10:07 - mmengine - INFO - Epoch(train) [85][ 60/1879] lr: 2.0000e-04 eta: 7:14:23 time: 0.8107 data_time: 0.1937 memory: 9812 grad_norm: 3.3904 loss: 2.0397 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.0463 distill.loss_dist: 0.9934 2023/05/15 23:10:26 - mmengine - INFO - Epoch(train) [85][ 80/1879] lr: 2.0000e-04 eta: 7:14:06 time: 0.9406 data_time: 0.3970 memory: 9812 grad_norm: 3.4398 loss: 2.1239 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1200 distill.loss_dist: 1.0039 2023/05/15 23:10:43 - mmengine - INFO - Epoch(train) [85][ 100/1879] lr: 2.0000e-04 eta: 7:13:48 time: 0.8592 data_time: 0.2317 memory: 9812 grad_norm: 3.4535 loss: 2.2123 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1937 distill.loss_dist: 1.0187 2023/05/15 23:11:00 - mmengine - INFO - Epoch(train) [85][ 120/1879] lr: 2.0000e-04 eta: 7:13:31 time: 0.8468 data_time: 0.1458 memory: 9812 grad_norm: 3.4093 loss: 2.1000 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0544 distill.loss_dist: 1.0456 2023/05/15 23:11:18 - mmengine - INFO - Epoch(train) [85][ 140/1879] lr: 2.0000e-04 eta: 7:13:14 time: 0.9044 data_time: 0.1193 memory: 9812 grad_norm: 3.4538 loss: 2.3138 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2642 distill.loss_dist: 1.0497 2023/05/15 23:11:35 - mmengine - INFO - Epoch(train) [85][ 160/1879] lr: 2.0000e-04 eta: 7:12:56 time: 0.8327 data_time: 0.3545 memory: 9812 grad_norm: 3.4947 loss: 2.1672 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1465 distill.loss_dist: 1.0207 2023/05/15 23:11:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 23:11:51 - mmengine - INFO - Epoch(train) [85][ 180/1879] lr: 2.0000e-04 eta: 7:12:39 time: 0.8235 data_time: 0.3577 memory: 9812 grad_norm: 3.4043 loss: 2.0206 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0414 distill.loss_dist: 0.9792 2023/05/15 23:12:11 - mmengine - INFO - Epoch(train) [85][ 200/1879] lr: 2.0000e-04 eta: 7:12:22 time: 0.9685 data_time: 0.5320 memory: 9812 grad_norm: 3.4203 loss: 2.2290 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1868 distill.loss_dist: 1.0423 2023/05/15 23:12:27 - mmengine - INFO - Epoch(train) [85][ 220/1879] lr: 2.0000e-04 eta: 7:12:04 time: 0.8158 data_time: 0.2840 memory: 9812 grad_norm: 3.4268 loss: 2.2323 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2023 distill.loss_dist: 1.0299 2023/05/15 23:12:44 - mmengine - INFO - Epoch(train) [85][ 240/1879] lr: 2.0000e-04 eta: 7:11:47 time: 0.8500 data_time: 0.2718 memory: 9812 grad_norm: 3.4236 loss: 2.1723 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1682 distill.loss_dist: 1.0041 2023/05/15 23:13:03 - mmengine - INFO - Epoch(train) [85][ 260/1879] lr: 2.0000e-04 eta: 7:11:29 time: 0.9396 data_time: 0.3590 memory: 9812 grad_norm: 3.4806 loss: 2.1304 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1160 distill.loss_dist: 1.0144 2023/05/15 23:13:19 - mmengine - INFO - Epoch(train) [85][ 280/1879] lr: 2.0000e-04 eta: 7:11:12 time: 0.8067 data_time: 0.2245 memory: 9812 grad_norm: 3.4111 loss: 2.1613 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1385 distill.loss_dist: 1.0228 2023/05/15 23:13:38 - mmengine - INFO - Epoch(train) [85][ 300/1879] lr: 2.0000e-04 eta: 7:10:55 time: 0.9196 data_time: 0.0627 memory: 9812 grad_norm: 3.4070 loss: 2.1163 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1037 distill.loss_dist: 1.0126 2023/05/15 23:13:56 - mmengine - INFO - Epoch(train) [85][ 320/1879] lr: 2.0000e-04 eta: 7:10:37 time: 0.8999 data_time: 0.2776 memory: 9812 grad_norm: 3.3470 loss: 2.2250 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2181 distill.loss_dist: 1.0069 2023/05/15 23:14:11 - mmengine - INFO - Epoch(train) [85][ 340/1879] lr: 2.0000e-04 eta: 7:10:20 time: 0.7710 data_time: 0.2223 memory: 9812 grad_norm: 3.4167 loss: 2.1537 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1256 distill.loss_dist: 1.0282 2023/05/15 23:14:29 - mmengine - INFO - Epoch(train) [85][ 360/1879] lr: 2.0000e-04 eta: 7:10:02 time: 0.9162 data_time: 0.1346 memory: 9812 grad_norm: 3.4645 loss: 2.1169 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1214 distill.loss_dist: 0.9955 2023/05/15 23:14:47 - mmengine - INFO - Epoch(train) [85][ 380/1879] lr: 2.0000e-04 eta: 7:09:45 time: 0.8750 data_time: 0.0379 memory: 9812 grad_norm: 3.4718 loss: 2.0802 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0682 distill.loss_dist: 1.0120 2023/05/15 23:15:03 - mmengine - INFO - Epoch(train) [85][ 400/1879] lr: 2.0000e-04 eta: 7:09:27 time: 0.8089 data_time: 0.1215 memory: 9812 grad_norm: 3.4028 loss: 2.1520 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1270 distill.loss_dist: 1.0251 2023/05/15 23:15:20 - mmengine - INFO - Epoch(train) [85][ 420/1879] lr: 2.0000e-04 eta: 7:09:10 time: 0.8630 data_time: 0.0654 memory: 9812 grad_norm: 3.4182 loss: 2.0696 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0628 distill.loss_dist: 1.0068 2023/05/15 23:15:38 - mmengine - INFO - Epoch(train) [85][ 440/1879] lr: 2.0000e-04 eta: 7:08:53 time: 0.8796 data_time: 0.0688 memory: 9812 grad_norm: 3.4363 loss: 2.1060 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0993 distill.loss_dist: 1.0068 2023/05/15 23:15:56 - mmengine - INFO - Epoch(train) [85][ 460/1879] lr: 2.0000e-04 eta: 7:08:35 time: 0.8788 data_time: 0.0451 memory: 9812 grad_norm: 3.4498 loss: 2.2010 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2001 distill.loss_dist: 1.0009 2023/05/15 23:16:14 - mmengine - INFO - Epoch(train) [85][ 480/1879] lr: 2.0000e-04 eta: 7:08:18 time: 0.9053 data_time: 0.0245 memory: 9812 grad_norm: 3.4393 loss: 1.9621 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 0.9593 distill.loss_dist: 1.0028 2023/05/15 23:16:30 - mmengine - INFO - Epoch(train) [85][ 500/1879] lr: 2.0000e-04 eta: 7:08:01 time: 0.8008 data_time: 0.0264 memory: 9812 grad_norm: 3.4554 loss: 2.0540 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0584 distill.loss_dist: 0.9955 2023/05/15 23:16:46 - mmengine - INFO - Epoch(train) [85][ 520/1879] lr: 2.0000e-04 eta: 7:07:43 time: 0.8374 data_time: 0.0754 memory: 9812 grad_norm: 3.3593 loss: 2.0263 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0225 distill.loss_dist: 1.0038 2023/05/15 23:17:05 - mmengine - INFO - Epoch(train) [85][ 540/1879] lr: 2.0000e-04 eta: 7:07:26 time: 0.9180 data_time: 0.1327 memory: 9812 grad_norm: 3.4786 loss: 2.3181 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2902 distill.loss_dist: 1.0279 2023/05/15 23:17:23 - mmengine - INFO - Epoch(train) [85][ 560/1879] lr: 2.0000e-04 eta: 7:07:09 time: 0.8899 data_time: 0.3091 memory: 9812 grad_norm: 3.5215 loss: 2.2589 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2294 distill.loss_dist: 1.0295 2023/05/15 23:17:40 - mmengine - INFO - Epoch(train) [85][ 580/1879] lr: 2.0000e-04 eta: 7:06:51 time: 0.8667 data_time: 0.2720 memory: 9812 grad_norm: 3.3845 loss: 2.0184 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0265 distill.loss_dist: 0.9919 2023/05/15 23:17:56 - mmengine - INFO - Epoch(train) [85][ 600/1879] lr: 2.0000e-04 eta: 7:06:34 time: 0.8063 data_time: 0.0237 memory: 9812 grad_norm: 3.5098 loss: 2.1194 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0944 distill.loss_dist: 1.0250 2023/05/15 23:18:15 - mmengine - INFO - Epoch(train) [85][ 620/1879] lr: 2.0000e-04 eta: 7:06:16 time: 0.9440 data_time: 0.1212 memory: 9812 grad_norm: 3.4309 loss: 2.2259 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1966 distill.loss_dist: 1.0294 2023/05/15 23:18:32 - mmengine - INFO - Epoch(train) [85][ 640/1879] lr: 2.0000e-04 eta: 7:05:59 time: 0.8246 data_time: 0.0501 memory: 9812 grad_norm: 3.4044 loss: 2.1578 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1070 distill.loss_dist: 1.0508 2023/05/15 23:18:48 - mmengine - INFO - Epoch(train) [85][ 660/1879] lr: 2.0000e-04 eta: 7:05:41 time: 0.8279 data_time: 0.0437 memory: 9812 grad_norm: 3.4905 loss: 2.2998 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2618 distill.loss_dist: 1.0380 2023/05/15 23:19:08 - mmengine - INFO - Epoch(train) [85][ 680/1879] lr: 2.0000e-04 eta: 7:05:24 time: 0.9651 data_time: 0.0456 memory: 9812 grad_norm: 3.4714 loss: 2.1321 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0903 distill.loss_dist: 1.0418 2023/05/15 23:19:24 - mmengine - INFO - Epoch(train) [85][ 700/1879] lr: 2.0000e-04 eta: 7:05:07 time: 0.8096 data_time: 0.0307 memory: 9812 grad_norm: 3.4074 loss: 2.2895 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2359 distill.loss_dist: 1.0536 2023/05/15 23:19:42 - mmengine - INFO - Epoch(train) [85][ 720/1879] lr: 2.0000e-04 eta: 7:04:50 time: 0.8903 data_time: 0.0243 memory: 9812 grad_norm: 3.4080 loss: 1.9107 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9358 distill.loss_dist: 0.9749 2023/05/15 23:19:59 - mmengine - INFO - Epoch(train) [85][ 740/1879] lr: 2.0000e-04 eta: 7:04:32 time: 0.8907 data_time: 0.0275 memory: 9812 grad_norm: 3.4601 loss: 2.2062 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1882 distill.loss_dist: 1.0180 2023/05/15 23:20:17 - mmengine - INFO - Epoch(train) [85][ 760/1879] lr: 2.0000e-04 eta: 7:04:15 time: 0.8880 data_time: 0.0277 memory: 9812 grad_norm: 3.4834 loss: 2.0299 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0325 distill.loss_dist: 0.9974 2023/05/15 23:20:34 - mmengine - INFO - Epoch(train) [85][ 780/1879] lr: 2.0000e-04 eta: 7:03:57 time: 0.8379 data_time: 0.0274 memory: 9812 grad_norm: 3.4820 loss: 2.2349 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2182 distill.loss_dist: 1.0167 2023/05/15 23:20:52 - mmengine - INFO - Epoch(train) [85][ 800/1879] lr: 2.0000e-04 eta: 7:03:40 time: 0.8778 data_time: 0.0279 memory: 9812 grad_norm: 3.4803 loss: 2.1783 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1532 distill.loss_dist: 1.0251 2023/05/15 23:21:11 - mmengine - INFO - Epoch(train) [85][ 820/1879] lr: 2.0000e-04 eta: 7:03:23 time: 0.9667 data_time: 0.0261 memory: 9812 grad_norm: 3.3381 loss: 2.1730 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1562 distill.loss_dist: 1.0167 2023/05/15 23:21:27 - mmengine - INFO - Epoch(train) [85][ 840/1879] lr: 2.0000e-04 eta: 7:03:06 time: 0.8084 data_time: 0.0261 memory: 9812 grad_norm: 3.4107 loss: 2.1312 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1251 distill.loss_dist: 1.0062 2023/05/15 23:21:44 - mmengine - INFO - Epoch(train) [85][ 860/1879] lr: 2.0000e-04 eta: 7:02:48 time: 0.8250 data_time: 0.0275 memory: 9812 grad_norm: 3.5155 loss: 2.2346 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2030 distill.loss_dist: 1.0316 2023/05/15 23:22:02 - mmengine - INFO - Epoch(train) [85][ 880/1879] lr: 2.0000e-04 eta: 7:02:31 time: 0.9433 data_time: 0.0263 memory: 9812 grad_norm: 3.4492 loss: 1.9542 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9520 distill.loss_dist: 1.0022 2023/05/15 23:22:17 - mmengine - INFO - Epoch(train) [85][ 900/1879] lr: 2.0000e-04 eta: 7:02:13 time: 0.7405 data_time: 0.0277 memory: 9812 grad_norm: 3.4269 loss: 2.2985 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2403 distill.loss_dist: 1.0583 2023/05/15 23:22:36 - mmengine - INFO - Epoch(train) [85][ 920/1879] lr: 2.0000e-04 eta: 7:01:56 time: 0.9164 data_time: 0.0260 memory: 9812 grad_norm: 3.3769 loss: 2.0757 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0530 distill.loss_dist: 1.0227 2023/05/15 23:22:53 - mmengine - INFO - Epoch(train) [85][ 940/1879] lr: 2.0000e-04 eta: 7:01:38 time: 0.8584 data_time: 0.0283 memory: 9812 grad_norm: 3.4960 loss: 1.9765 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9616 distill.loss_dist: 1.0150 2023/05/15 23:23:10 - mmengine - INFO - Epoch(train) [85][ 960/1879] lr: 2.0000e-04 eta: 7:01:21 time: 0.8327 data_time: 0.0278 memory: 9812 grad_norm: 3.4441 loss: 2.2761 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2379 distill.loss_dist: 1.0381 2023/05/15 23:23:28 - mmengine - INFO - Epoch(train) [85][ 980/1879] lr: 2.0000e-04 eta: 7:01:04 time: 0.9428 data_time: 0.0241 memory: 9812 grad_norm: 3.4080 loss: 1.9740 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 0.9515 distill.loss_dist: 1.0225 2023/05/15 23:23:45 - mmengine - INFO - Epoch(train) [85][1000/1879] lr: 2.0000e-04 eta: 7:00:46 time: 0.8120 data_time: 0.0273 memory: 9812 grad_norm: 3.3711 loss: 2.1392 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1332 distill.loss_dist: 1.0060 2023/05/15 23:24:02 - mmengine - INFO - Epoch(train) [85][1020/1879] lr: 2.0000e-04 eta: 7:00:29 time: 0.8761 data_time: 0.0219 memory: 9812 grad_norm: 3.4506 loss: 2.2089 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1588 distill.loss_dist: 1.0501 2023/05/15 23:24:19 - mmengine - INFO - Epoch(train) [85][1040/1879] lr: 2.0000e-04 eta: 7:00:11 time: 0.8584 data_time: 0.0325 memory: 9812 grad_norm: 3.4661 loss: 1.9774 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 0.9987 distill.loss_dist: 0.9787 2023/05/15 23:24:38 - mmengine - INFO - Epoch(train) [85][1060/1879] lr: 2.0000e-04 eta: 6:59:54 time: 0.9061 data_time: 0.2231 memory: 9812 grad_norm: 3.4234 loss: 2.1425 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.1279 distill.loss_dist: 1.0146 2023/05/15 23:24:55 - mmengine - INFO - Epoch(train) [85][1080/1879] lr: 2.0000e-04 eta: 6:59:37 time: 0.8826 data_time: 0.0427 memory: 9812 grad_norm: 3.4438 loss: 2.2915 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2574 distill.loss_dist: 1.0341 2023/05/15 23:25:12 - mmengine - INFO - Epoch(train) [85][1100/1879] lr: 2.0000e-04 eta: 6:59:19 time: 0.8224 data_time: 0.1490 memory: 9812 grad_norm: 3.5547 loss: 2.0745 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0705 distill.loss_dist: 1.0040 2023/05/15 23:25:29 - mmengine - INFO - Epoch(train) [85][1120/1879] lr: 2.0000e-04 eta: 6:59:02 time: 0.8471 data_time: 0.0720 memory: 9812 grad_norm: 3.4952 loss: 2.1095 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0826 distill.loss_dist: 1.0270 2023/05/15 23:25:47 - mmengine - INFO - Epoch(train) [85][1140/1879] lr: 2.0000e-04 eta: 6:58:45 time: 0.9266 data_time: 0.1491 memory: 9812 grad_norm: 3.4005 loss: 1.9558 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 0.9620 distill.loss_dist: 0.9938 2023/05/15 23:26:03 - mmengine - INFO - Epoch(train) [85][1160/1879] lr: 2.0000e-04 eta: 6:58:27 time: 0.7981 data_time: 0.0528 memory: 9812 grad_norm: 3.5205 loss: 2.4691 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.4084 distill.loss_dist: 1.0607 2023/05/15 23:26:07 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 23:26:21 - mmengine - INFO - Epoch(train) [85][1180/1879] lr: 2.0000e-04 eta: 6:58:10 time: 0.8833 data_time: 0.0937 memory: 9812 grad_norm: 3.3606 loss: 2.0787 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0746 distill.loss_dist: 1.0041 2023/05/15 23:26:38 - mmengine - INFO - Epoch(train) [85][1200/1879] lr: 2.0000e-04 eta: 6:57:52 time: 0.8504 data_time: 0.1003 memory: 9812 grad_norm: 3.5012 loss: 2.1622 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1451 distill.loss_dist: 1.0171 2023/05/15 23:26:55 - mmengine - INFO - Epoch(train) [85][1220/1879] lr: 2.0000e-04 eta: 6:57:35 time: 0.8655 data_time: 0.0507 memory: 9812 grad_norm: 3.3735 loss: 2.1812 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1381 distill.loss_dist: 1.0431 2023/05/15 23:27:13 - mmengine - INFO - Epoch(train) [85][1240/1879] lr: 2.0000e-04 eta: 6:57:18 time: 0.8811 data_time: 0.0255 memory: 9812 grad_norm: 3.4735 loss: 2.3020 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2809 distill.loss_dist: 1.0211 2023/05/15 23:27:31 - mmengine - INFO - Epoch(train) [85][1260/1879] lr: 2.0000e-04 eta: 6:57:00 time: 0.9028 data_time: 0.0751 memory: 9812 grad_norm: 3.4830 loss: 2.1921 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1706 distill.loss_dist: 1.0215 2023/05/15 23:27:49 - mmengine - INFO - Epoch(train) [85][1280/1879] lr: 2.0000e-04 eta: 6:56:43 time: 0.8849 data_time: 0.0266 memory: 9812 grad_norm: 3.4898 loss: 2.2519 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2215 distill.loss_dist: 1.0305 2023/05/15 23:28:07 - mmengine - INFO - Epoch(train) [85][1300/1879] lr: 2.0000e-04 eta: 6:56:26 time: 0.8938 data_time: 0.0307 memory: 9812 grad_norm: 3.4975 loss: 2.1612 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1400 distill.loss_dist: 1.0212 2023/05/15 23:28:23 - mmengine - INFO - Epoch(train) [85][1320/1879] lr: 2.0000e-04 eta: 6:56:08 time: 0.8427 data_time: 0.0317 memory: 9812 grad_norm: 3.4024 loss: 2.1237 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1136 distill.loss_dist: 1.0101 2023/05/15 23:28:40 - mmengine - INFO - Epoch(train) [85][1340/1879] lr: 2.0000e-04 eta: 6:55:51 time: 0.8457 data_time: 0.0230 memory: 9812 grad_norm: 3.5778 loss: 2.1884 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1612 distill.loss_dist: 1.0271 2023/05/15 23:29:00 - mmengine - INFO - Epoch(train) [85][1360/1879] lr: 2.0000e-04 eta: 6:55:34 time: 0.9584 data_time: 0.0271 memory: 9812 grad_norm: 3.4060 loss: 2.1042 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0983 distill.loss_dist: 1.0059 2023/05/15 23:29:17 - mmengine - INFO - Epoch(train) [85][1380/1879] lr: 2.0000e-04 eta: 6:55:16 time: 0.8622 data_time: 0.0262 memory: 9812 grad_norm: 3.4702 loss: 2.0282 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0072 distill.loss_dist: 1.0211 2023/05/15 23:29:33 - mmengine - INFO - Epoch(train) [85][1400/1879] lr: 2.0000e-04 eta: 6:54:59 time: 0.8058 data_time: 0.0277 memory: 9812 grad_norm: 3.5205 loss: 2.1399 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0875 distill.loss_dist: 1.0524 2023/05/15 23:29:51 - mmengine - INFO - Epoch(train) [85][1420/1879] lr: 2.0000e-04 eta: 6:54:42 time: 0.9119 data_time: 0.0277 memory: 9812 grad_norm: 3.4439 loss: 2.1982 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1701 distill.loss_dist: 1.0281 2023/05/15 23:30:07 - mmengine - INFO - Epoch(train) [85][1440/1879] lr: 2.0000e-04 eta: 6:54:24 time: 0.7882 data_time: 0.0283 memory: 9812 grad_norm: 3.5309 loss: 2.1661 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1543 distill.loss_dist: 1.0118 2023/05/15 23:30:24 - mmengine - INFO - Epoch(train) [85][1460/1879] lr: 2.0000e-04 eta: 6:54:06 time: 0.8255 data_time: 0.0288 memory: 9812 grad_norm: 3.4879 loss: 2.1141 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1114 distill.loss_dist: 1.0028 2023/05/15 23:30:43 - mmengine - INFO - Epoch(train) [85][1480/1879] lr: 2.0000e-04 eta: 6:53:49 time: 0.9742 data_time: 0.0251 memory: 9812 grad_norm: 3.3674 loss: 1.9659 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 0.9733 distill.loss_dist: 0.9926 2023/05/15 23:31:00 - mmengine - INFO - Epoch(train) [85][1500/1879] lr: 2.0000e-04 eta: 6:53:32 time: 0.8598 data_time: 0.0303 memory: 9812 grad_norm: 3.4504 loss: 2.1513 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1452 distill.loss_dist: 1.0061 2023/05/15 23:31:17 - mmengine - INFO - Epoch(train) [85][1520/1879] lr: 2.0000e-04 eta: 6:53:15 time: 0.8379 data_time: 0.0241 memory: 9812 grad_norm: 3.4319 loss: 2.1389 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1109 distill.loss_dist: 1.0280 2023/05/15 23:31:36 - mmengine - INFO - Epoch(train) [85][1540/1879] lr: 2.0000e-04 eta: 6:52:57 time: 0.9275 data_time: 0.0269 memory: 9812 grad_norm: 3.4009 loss: 2.0144 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0436 distill.loss_dist: 0.9708 2023/05/15 23:31:52 - mmengine - INFO - Epoch(train) [85][1560/1879] lr: 2.0000e-04 eta: 6:52:40 time: 0.8106 data_time: 0.0259 memory: 9812 grad_norm: 3.3431 loss: 2.1336 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1328 distill.loss_dist: 1.0008 2023/05/15 23:32:08 - mmengine - INFO - Epoch(train) [85][1580/1879] lr: 2.0000e-04 eta: 6:52:22 time: 0.8093 data_time: 0.0287 memory: 9812 grad_norm: 3.4661 loss: 2.1010 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0633 distill.loss_dist: 1.0377 2023/05/15 23:32:27 - mmengine - INFO - Epoch(train) [85][1600/1879] lr: 2.0000e-04 eta: 6:52:05 time: 0.9390 data_time: 0.0839 memory: 9812 grad_norm: 3.3947 loss: 2.1105 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1020 distill.loss_dist: 1.0085 2023/05/15 23:32:44 - mmengine - INFO - Epoch(train) [85][1620/1879] lr: 2.0000e-04 eta: 6:51:48 time: 0.8607 data_time: 0.0290 memory: 9812 grad_norm: 3.4621 loss: 2.0847 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0810 distill.loss_dist: 1.0037 2023/05/15 23:33:01 - mmengine - INFO - Epoch(train) [85][1640/1879] lr: 2.0000e-04 eta: 6:51:30 time: 0.8218 data_time: 0.0280 memory: 9812 grad_norm: 3.4378 loss: 2.1728 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1491 distill.loss_dist: 1.0237 2023/05/15 23:33:20 - mmengine - INFO - Epoch(train) [85][1660/1879] lr: 2.0000e-04 eta: 6:51:13 time: 0.9506 data_time: 0.0264 memory: 9812 grad_norm: 3.3377 loss: 2.1316 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1159 distill.loss_dist: 1.0157 2023/05/15 23:33:36 - mmengine - INFO - Epoch(train) [85][1680/1879] lr: 2.0000e-04 eta: 6:50:56 time: 0.8371 data_time: 0.0303 memory: 9812 grad_norm: 3.4036 loss: 2.2108 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2044 distill.loss_dist: 1.0064 2023/05/15 23:33:53 - mmengine - INFO - Epoch(train) [85][1700/1879] lr: 2.0000e-04 eta: 6:50:38 time: 0.8233 data_time: 0.0280 memory: 9812 grad_norm: 3.6235 loss: 2.2843 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2632 distill.loss_dist: 1.0211 2023/05/15 23:34:10 - mmengine - INFO - Epoch(train) [85][1720/1879] lr: 2.0000e-04 eta: 6:50:21 time: 0.8677 data_time: 0.0275 memory: 9812 grad_norm: 3.5011 loss: 2.1276 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1142 distill.loss_dist: 1.0134 2023/05/15 23:34:28 - mmengine - INFO - Epoch(train) [85][1740/1879] lr: 2.0000e-04 eta: 6:50:03 time: 0.9096 data_time: 0.0263 memory: 9812 grad_norm: 3.4214 loss: 2.1759 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1796 distill.loss_dist: 0.9963 2023/05/15 23:34:46 - mmengine - INFO - Epoch(train) [85][1760/1879] lr: 2.0000e-04 eta: 6:49:46 time: 0.8961 data_time: 0.0304 memory: 9812 grad_norm: 3.4567 loss: 2.0144 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.0199 distill.loss_dist: 0.9945 2023/05/15 23:35:03 - mmengine - INFO - Epoch(train) [85][1780/1879] lr: 2.0000e-04 eta: 6:49:29 time: 0.8108 data_time: 0.0244 memory: 9812 grad_norm: 3.3585 loss: 2.2752 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2356 distill.loss_dist: 1.0396 2023/05/15 23:35:20 - mmengine - INFO - Epoch(train) [85][1800/1879] lr: 2.0000e-04 eta: 6:49:11 time: 0.8870 data_time: 0.0251 memory: 9812 grad_norm: 3.3853 loss: 2.0635 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0629 distill.loss_dist: 1.0006 2023/05/15 23:35:37 - mmengine - INFO - Epoch(train) [85][1820/1879] lr: 2.0000e-04 eta: 6:48:54 time: 0.8217 data_time: 0.0267 memory: 9812 grad_norm: 3.3985 loss: 2.1586 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1342 distill.loss_dist: 1.0243 2023/05/15 23:35:54 - mmengine - INFO - Epoch(train) [85][1840/1879] lr: 2.0000e-04 eta: 6:48:36 time: 0.8550 data_time: 0.0249 memory: 9812 grad_norm: 3.4807 loss: 2.3146 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2764 distill.loss_dist: 1.0382 2023/05/15 23:36:11 - mmengine - INFO - Epoch(train) [85][1860/1879] lr: 2.0000e-04 eta: 6:48:19 time: 0.8359 data_time: 0.0271 memory: 9812 grad_norm: 3.4683 loss: 2.1501 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1350 distill.loss_dist: 1.0151 2023/05/15 23:36:25 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 23:36:25 - mmengine - INFO - Epoch(train) [85][1879/1879] lr: 2.0000e-04 eta: 6:48:02 time: 0.7177 data_time: 0.0267 memory: 9812 grad_norm: 3.5152 loss: 2.1064 student.top1_acc: 0.4286 student.top5_acc: 0.7143 student.loss_cls: 1.0741 distill.loss_dist: 1.0323 2023/05/15 23:36:44 - mmengine - INFO - Epoch(val) [85][ 20/155] eta: 0:02:11 time: 0.9724 data_time: 0.9033 memory: 1484 2023/05/15 23:36:58 - mmengine - INFO - Epoch(val) [85][ 40/155] eta: 0:01:36 time: 0.7103 data_time: 0.6492 memory: 1484 2023/05/15 23:37:18 - mmengine - INFO - Epoch(val) [85][ 60/155] eta: 0:01:23 time: 0.9668 data_time: 0.9052 memory: 1484 2023/05/15 23:37:31 - mmengine - INFO - Epoch(val) [85][ 80/155] eta: 0:01:02 time: 0.6839 data_time: 0.6208 memory: 1484 2023/05/15 23:37:51 - mmengine - INFO - Epoch(val) [85][100/155] eta: 0:00:47 time: 0.9771 data_time: 0.9130 memory: 1484 2023/05/15 23:38:04 - mmengine - INFO - Epoch(val) [85][120/155] eta: 0:00:28 time: 0.6544 data_time: 0.5906 memory: 1484 2023/05/15 23:38:22 - mmengine - INFO - Epoch(val) [85][140/155] eta: 0:00:12 time: 0.9292 data_time: 0.8656 memory: 1484 2023/05/15 23:38:52 - mmengine - INFO - Epoch(val) [85][ 20/155] eta: 0:16:18 time: 1.0001 data_time: 0.8408 memory: 1582 2023/05/15 23:39:05 - mmengine - INFO - Epoch(val) [85][ 40/155] eta: 0:07:34 time: 0.6539 data_time: 0.5024 memory: 1582 2023/05/15 23:39:24 - mmengine - INFO - Epoch(val) [85][ 60/155] eta: 0:04:40 time: 0.9442 data_time: 0.7886 memory: 1582 2023/05/15 23:39:38 - mmengine - INFO - Epoch(val) [85][ 80/155] eta: 0:02:59 time: 0.7085 data_time: 0.5480 memory: 1582 2023/05/15 23:39:58 - mmengine - INFO - Epoch(val) [85][100/155] eta: 0:01:55 time: 0.9650 data_time: 0.8085 memory: 1582 2023/05/15 23:40:11 - mmengine - INFO - Epoch(val) [85][120/155] eta: 0:01:05 time: 0.6820 data_time: 0.5277 memory: 1582 2023/05/15 23:40:31 - mmengine - INFO - Epoch(val) [85][140/155] eta: 0:00:26 time: 1.0095 data_time: 0.8559 memory: 1582 2023/05/15 23:40:41 - mmengine - INFO - Epoch(val) [85][155/155] acc/top1: 0.6796 acc/top5: 0.8798 acc/mean1: 0.6795 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6655 time: 0.8191 2023/05/15 23:40:42 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_84.pth is removed 2023/05/15 23:40:43 - mmengine - INFO - The best checkpoint with 0.6796 acc/top1 at 85 epoch is saved to best_acc_top1_epoch_85.pth. 2023/05/15 23:41:05 - mmengine - INFO - Epoch(train) [86][ 20/1879] lr: 2.0000e-04 eta: 6:47:45 time: 1.0930 data_time: 0.6702 memory: 9812 grad_norm: 3.3830 loss: 2.0550 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0764 distill.loss_dist: 0.9786 2023/05/15 23:41:22 - mmengine - INFO - Epoch(train) [86][ 40/1879] lr: 2.0000e-04 eta: 6:47:28 time: 0.8213 data_time: 0.3606 memory: 9812 grad_norm: 3.3593 loss: 2.2656 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.2146 distill.loss_dist: 1.0510 2023/05/15 23:41:39 - mmengine - INFO - Epoch(train) [86][ 60/1879] lr: 2.0000e-04 eta: 6:47:10 time: 0.8471 data_time: 0.1496 memory: 9812 grad_norm: 3.3682 loss: 2.2299 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1995 distill.loss_dist: 1.0304 2023/05/15 23:41:56 - mmengine - INFO - Epoch(train) [86][ 80/1879] lr: 2.0000e-04 eta: 6:46:53 time: 0.8948 data_time: 0.1758 memory: 9812 grad_norm: 3.4962 loss: 2.0508 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0312 distill.loss_dist: 1.0196 2023/05/15 23:42:14 - mmengine - INFO - Epoch(train) [86][ 100/1879] lr: 2.0000e-04 eta: 6:46:36 time: 0.8706 data_time: 0.1996 memory: 9812 grad_norm: 3.4174 loss: 2.2444 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2052 distill.loss_dist: 1.0392 2023/05/15 23:42:31 - mmengine - INFO - Epoch(train) [86][ 120/1879] lr: 2.0000e-04 eta: 6:46:18 time: 0.8398 data_time: 0.0238 memory: 9812 grad_norm: 3.3901 loss: 2.0679 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0644 distill.loss_dist: 1.0035 2023/05/15 23:42:50 - mmengine - INFO - Epoch(train) [86][ 140/1879] lr: 2.0000e-04 eta: 6:46:01 time: 0.9515 data_time: 0.0278 memory: 9812 grad_norm: 3.4032 loss: 1.9246 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9607 distill.loss_dist: 0.9639 2023/05/15 23:43:05 - mmengine - INFO - Epoch(train) [86][ 160/1879] lr: 2.0000e-04 eta: 6:45:43 time: 0.7751 data_time: 0.0272 memory: 9812 grad_norm: 3.4950 loss: 2.1753 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1614 distill.loss_dist: 1.0138 2023/05/15 23:43:22 - mmengine - INFO - Epoch(train) [86][ 180/1879] lr: 2.0000e-04 eta: 6:45:26 time: 0.8433 data_time: 0.0259 memory: 9812 grad_norm: 3.4294 loss: 2.0509 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0333 distill.loss_dist: 1.0176 2023/05/15 23:43:41 - mmengine - INFO - Epoch(train) [86][ 200/1879] lr: 2.0000e-04 eta: 6:45:09 time: 0.9252 data_time: 0.0411 memory: 9812 grad_norm: 3.4385 loss: 2.1148 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1056 distill.loss_dist: 1.0092 2023/05/15 23:43:57 - mmengine - INFO - Epoch(train) [86][ 220/1879] lr: 2.0000e-04 eta: 6:44:51 time: 0.8102 data_time: 0.0381 memory: 9812 grad_norm: 3.5412 loss: 2.2984 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2882 distill.loss_dist: 1.0102 2023/05/15 23:44:13 - mmengine - INFO - Epoch(train) [86][ 240/1879] lr: 2.0000e-04 eta: 6:44:34 time: 0.8142 data_time: 0.0589 memory: 9812 grad_norm: 3.3385 loss: 2.1376 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1212 distill.loss_dist: 1.0164 2023/05/15 23:44:32 - mmengine - INFO - Epoch(train) [86][ 260/1879] lr: 2.0000e-04 eta: 6:44:17 time: 0.9585 data_time: 0.0364 memory: 9812 grad_norm: 3.3524 loss: 2.0126 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0238 distill.loss_dist: 0.9888 2023/05/15 23:44:49 - mmengine - INFO - Epoch(train) [86][ 280/1879] lr: 2.0000e-04 eta: 6:43:59 time: 0.8239 data_time: 0.0797 memory: 9812 grad_norm: 3.3339 loss: 2.0663 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0935 distill.loss_dist: 0.9728 2023/05/15 23:44:54 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 23:45:06 - mmengine - INFO - Epoch(train) [86][ 300/1879] lr: 2.0000e-04 eta: 6:43:42 time: 0.8554 data_time: 0.0259 memory: 9812 grad_norm: 3.3954 loss: 2.0498 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.0541 distill.loss_dist: 0.9956 2023/05/15 23:45:24 - mmengine - INFO - Epoch(train) [86][ 320/1879] lr: 2.0000e-04 eta: 6:43:24 time: 0.8828 data_time: 0.1618 memory: 9812 grad_norm: 3.3861 loss: 2.1890 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1862 distill.loss_dist: 1.0028 2023/05/15 23:45:42 - mmengine - INFO - Epoch(train) [86][ 340/1879] lr: 2.0000e-04 eta: 6:43:07 time: 0.8905 data_time: 0.3125 memory: 9812 grad_norm: 3.4175 loss: 2.1644 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1436 distill.loss_dist: 1.0208 2023/05/15 23:45:59 - mmengine - INFO - Epoch(train) [86][ 360/1879] lr: 2.0000e-04 eta: 6:42:50 time: 0.8729 data_time: 0.2034 memory: 9812 grad_norm: 3.4931 loss: 2.0967 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0731 distill.loss_dist: 1.0235 2023/05/15 23:46:17 - mmengine - INFO - Epoch(train) [86][ 380/1879] lr: 2.0000e-04 eta: 6:42:32 time: 0.8804 data_time: 0.1748 memory: 9812 grad_norm: 3.5938 loss: 2.3530 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3136 distill.loss_dist: 1.0395 2023/05/15 23:46:34 - mmengine - INFO - Epoch(train) [86][ 400/1879] lr: 2.0000e-04 eta: 6:42:15 time: 0.8589 data_time: 0.0937 memory: 9812 grad_norm: 3.5180 loss: 2.0675 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0571 distill.loss_dist: 1.0104 2023/05/15 23:46:51 - mmengine - INFO - Epoch(train) [86][ 420/1879] lr: 2.0000e-04 eta: 6:41:57 time: 0.8425 data_time: 0.0278 memory: 9812 grad_norm: 3.3838 loss: 2.2127 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1740 distill.loss_dist: 1.0387 2023/05/15 23:47:08 - mmengine - INFO - Epoch(train) [86][ 440/1879] lr: 2.0000e-04 eta: 6:41:40 time: 0.8760 data_time: 0.0363 memory: 9812 grad_norm: 3.4608 loss: 1.9547 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9415 distill.loss_dist: 1.0131 2023/05/15 23:47:25 - mmengine - INFO - Epoch(train) [86][ 460/1879] lr: 2.0000e-04 eta: 6:41:23 time: 0.8281 data_time: 0.1270 memory: 9812 grad_norm: 3.3695 loss: 2.0799 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0557 distill.loss_dist: 1.0242 2023/05/15 23:47:43 - mmengine - INFO - Epoch(train) [86][ 480/1879] lr: 2.0000e-04 eta: 6:41:05 time: 0.8886 data_time: 0.2285 memory: 9812 grad_norm: 3.3765 loss: 2.1271 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0977 distill.loss_dist: 1.0294 2023/05/15 23:48:02 - mmengine - INFO - Epoch(train) [86][ 500/1879] lr: 2.0000e-04 eta: 6:40:48 time: 0.9521 data_time: 0.0281 memory: 9812 grad_norm: 3.4409 loss: 2.0458 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0502 distill.loss_dist: 0.9956 2023/05/15 23:48:17 - mmengine - INFO - Epoch(train) [86][ 520/1879] lr: 2.0000e-04 eta: 6:40:30 time: 0.7701 data_time: 0.0317 memory: 9812 grad_norm: 3.5212 loss: 2.2019 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1723 distill.loss_dist: 1.0296 2023/05/15 23:48:35 - mmengine - INFO - Epoch(train) [86][ 540/1879] lr: 2.0000e-04 eta: 6:40:13 time: 0.9066 data_time: 0.0278 memory: 9812 grad_norm: 3.5299 loss: 2.0957 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0724 distill.loss_dist: 1.0233 2023/05/15 23:48:53 - mmengine - INFO - Epoch(train) [86][ 560/1879] lr: 2.0000e-04 eta: 6:39:56 time: 0.8812 data_time: 0.0282 memory: 9812 grad_norm: 3.4547 loss: 2.1434 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1520 distill.loss_dist: 0.9913 2023/05/15 23:49:09 - mmengine - INFO - Epoch(train) [86][ 580/1879] lr: 2.0000e-04 eta: 6:39:38 time: 0.8170 data_time: 0.0258 memory: 9812 grad_norm: 3.4154 loss: 2.1681 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1253 distill.loss_dist: 1.0428 2023/05/15 23:49:28 - mmengine - INFO - Epoch(train) [86][ 600/1879] lr: 2.0000e-04 eta: 6:39:21 time: 0.9395 data_time: 0.0273 memory: 9812 grad_norm: 3.4059 loss: 1.9024 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9046 distill.loss_dist: 0.9978 2023/05/15 23:49:46 - mmengine - INFO - Epoch(train) [86][ 620/1879] lr: 2.0000e-04 eta: 6:39:04 time: 0.8717 data_time: 0.0302 memory: 9812 grad_norm: 3.3102 loss: 2.1262 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1243 distill.loss_dist: 1.0019 2023/05/15 23:50:02 - mmengine - INFO - Epoch(train) [86][ 640/1879] lr: 2.0000e-04 eta: 6:38:46 time: 0.8159 data_time: 0.0268 memory: 9812 grad_norm: 3.4402 loss: 2.1043 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0921 distill.loss_dist: 1.0121 2023/05/15 23:50:21 - mmengine - INFO - Epoch(train) [86][ 660/1879] lr: 2.0000e-04 eta: 6:38:29 time: 0.9354 data_time: 0.0269 memory: 9812 grad_norm: 3.5505 loss: 2.0816 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0477 distill.loss_dist: 1.0339 2023/05/15 23:50:38 - mmengine - INFO - Epoch(train) [86][ 680/1879] lr: 2.0000e-04 eta: 6:38:12 time: 0.8540 data_time: 0.0268 memory: 9812 grad_norm: 3.4456 loss: 2.0552 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0472 distill.loss_dist: 1.0080 2023/05/15 23:50:54 - mmengine - INFO - Epoch(train) [86][ 700/1879] lr: 2.0000e-04 eta: 6:37:54 time: 0.8041 data_time: 0.0248 memory: 9812 grad_norm: 3.4209 loss: 2.2939 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2663 distill.loss_dist: 1.0276 2023/05/15 23:51:12 - mmengine - INFO - Epoch(train) [86][ 720/1879] lr: 2.0000e-04 eta: 6:37:37 time: 0.9074 data_time: 0.0270 memory: 9812 grad_norm: 3.4643 loss: 2.2409 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1953 distill.loss_dist: 1.0456 2023/05/15 23:51:30 - mmengine - INFO - Epoch(train) [86][ 740/1879] lr: 2.0000e-04 eta: 6:37:20 time: 0.9032 data_time: 0.0259 memory: 9812 grad_norm: 3.3899 loss: 2.3705 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3114 distill.loss_dist: 1.0591 2023/05/15 23:51:48 - mmengine - INFO - Epoch(train) [86][ 760/1879] lr: 2.0000e-04 eta: 6:37:02 time: 0.8924 data_time: 0.0311 memory: 9812 grad_norm: 3.4078 loss: 2.1812 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1599 distill.loss_dist: 1.0213 2023/05/15 23:52:04 - mmengine - INFO - Epoch(train) [86][ 780/1879] lr: 2.0000e-04 eta: 6:36:45 time: 0.7924 data_time: 0.0275 memory: 9812 grad_norm: 3.5455 loss: 2.1888 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1602 distill.loss_dist: 1.0287 2023/05/15 23:52:21 - mmengine - INFO - Epoch(train) [86][ 800/1879] lr: 2.0000e-04 eta: 6:36:27 time: 0.8675 data_time: 0.0259 memory: 9812 grad_norm: 3.4424 loss: 2.1450 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1439 distill.loss_dist: 1.0011 2023/05/15 23:52:39 - mmengine - INFO - Epoch(train) [86][ 820/1879] lr: 2.0000e-04 eta: 6:36:10 time: 0.9073 data_time: 0.0261 memory: 9812 grad_norm: 3.4442 loss: 2.0749 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0576 distill.loss_dist: 1.0174 2023/05/15 23:52:57 - mmengine - INFO - Epoch(train) [86][ 840/1879] lr: 2.0000e-04 eta: 6:35:53 time: 0.8840 data_time: 0.0284 memory: 9812 grad_norm: 3.4380 loss: 2.0321 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0348 distill.loss_dist: 0.9972 2023/05/15 23:53:14 - mmengine - INFO - Epoch(train) [86][ 860/1879] lr: 2.0000e-04 eta: 6:35:35 time: 0.8268 data_time: 0.0238 memory: 9812 grad_norm: 3.4069 loss: 2.1657 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1498 distill.loss_dist: 1.0160 2023/05/15 23:53:32 - mmengine - INFO - Epoch(train) [86][ 880/1879] lr: 2.0000e-04 eta: 6:35:18 time: 0.9185 data_time: 0.0302 memory: 9812 grad_norm: 3.4289 loss: 2.1216 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1019 distill.loss_dist: 1.0196 2023/05/15 23:53:49 - mmengine - INFO - Epoch(train) [86][ 900/1879] lr: 2.0000e-04 eta: 6:35:01 time: 0.8508 data_time: 0.0275 memory: 9812 grad_norm: 3.5085 loss: 2.1650 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1633 distill.loss_dist: 1.0017 2023/05/15 23:54:07 - mmengine - INFO - Epoch(train) [86][ 920/1879] lr: 2.0000e-04 eta: 6:34:43 time: 0.8854 data_time: 0.0300 memory: 9812 grad_norm: 3.3790 loss: 2.0288 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0280 distill.loss_dist: 1.0008 2023/05/15 23:54:24 - mmengine - INFO - Epoch(train) [86][ 940/1879] lr: 2.0000e-04 eta: 6:34:26 time: 0.8388 data_time: 0.0244 memory: 9812 grad_norm: 3.4334 loss: 1.9980 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 0.9928 distill.loss_dist: 1.0052 2023/05/15 23:54:42 - mmengine - INFO - Epoch(train) [86][ 960/1879] lr: 2.0000e-04 eta: 6:34:09 time: 0.9266 data_time: 0.0264 memory: 9812 grad_norm: 3.4616 loss: 2.1005 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0786 distill.loss_dist: 1.0219 2023/05/15 23:54:58 - mmengine - INFO - Epoch(train) [86][ 980/1879] lr: 2.0000e-04 eta: 6:33:51 time: 0.8053 data_time: 0.0309 memory: 9812 grad_norm: 3.3672 loss: 2.0139 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0087 distill.loss_dist: 1.0052 2023/05/15 23:55:14 - mmengine - INFO - Epoch(train) [86][1000/1879] lr: 2.0000e-04 eta: 6:33:33 time: 0.7835 data_time: 0.0280 memory: 9812 grad_norm: 3.4073 loss: 2.0984 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0858 distill.loss_dist: 1.0125 2023/05/15 23:55:32 - mmengine - INFO - Epoch(train) [86][1020/1879] lr: 2.0000e-04 eta: 6:33:16 time: 0.9027 data_time: 0.0252 memory: 9812 grad_norm: 3.4447 loss: 2.0525 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0839 distill.loss_dist: 0.9686 2023/05/15 23:55:49 - mmengine - INFO - Epoch(train) [86][1040/1879] lr: 2.0000e-04 eta: 6:32:59 time: 0.8545 data_time: 0.0454 memory: 9812 grad_norm: 3.3875 loss: 1.9384 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 0.9434 distill.loss_dist: 0.9951 2023/05/15 23:56:06 - mmengine - INFO - Epoch(train) [86][1060/1879] lr: 2.0000e-04 eta: 6:32:41 time: 0.8648 data_time: 0.0268 memory: 9812 grad_norm: 3.4753 loss: 2.2157 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2005 distill.loss_dist: 1.0151 2023/05/15 23:56:25 - mmengine - INFO - Epoch(train) [86][1080/1879] lr: 2.0000e-04 eta: 6:32:24 time: 0.9412 data_time: 0.0285 memory: 9812 grad_norm: 3.5917 loss: 2.1045 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1120 distill.loss_dist: 0.9925 2023/05/15 23:56:42 - mmengine - INFO - Epoch(train) [86][1100/1879] lr: 2.0000e-04 eta: 6:32:07 time: 0.8548 data_time: 0.0276 memory: 9812 grad_norm: 3.4277 loss: 2.1213 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1371 distill.loss_dist: 0.9843 2023/05/15 23:57:00 - mmengine - INFO - Epoch(train) [86][1120/1879] lr: 2.0000e-04 eta: 6:31:49 time: 0.8686 data_time: 0.0281 memory: 9812 grad_norm: 3.3715 loss: 2.1727 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1359 distill.loss_dist: 1.0368 2023/05/15 23:57:18 - mmengine - INFO - Epoch(train) [86][1140/1879] lr: 2.0000e-04 eta: 6:31:32 time: 0.8949 data_time: 0.0259 memory: 9812 grad_norm: 3.3824 loss: 2.1545 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1304 distill.loss_dist: 1.0240 2023/05/15 23:57:34 - mmengine - INFO - Epoch(train) [86][1160/1879] lr: 2.0000e-04 eta: 6:31:15 time: 0.8233 data_time: 0.0277 memory: 9812 grad_norm: 3.4585 loss: 2.1165 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0877 distill.loss_dist: 1.0288 2023/05/15 23:57:51 - mmengine - INFO - Epoch(train) [86][1180/1879] lr: 2.0000e-04 eta: 6:30:57 time: 0.8418 data_time: 0.0274 memory: 9812 grad_norm: 3.4277 loss: 2.0588 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0587 distill.loss_dist: 1.0001 2023/05/15 23:58:09 - mmengine - INFO - Epoch(train) [86][1200/1879] lr: 2.0000e-04 eta: 6:30:40 time: 0.8744 data_time: 0.0439 memory: 9812 grad_norm: 3.4444 loss: 2.0485 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0423 distill.loss_dist: 1.0062 2023/05/15 23:58:27 - mmengine - INFO - Epoch(train) [86][1220/1879] lr: 2.0000e-04 eta: 6:30:23 time: 0.9056 data_time: 0.0939 memory: 9812 grad_norm: 3.5289 loss: 2.0350 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0467 distill.loss_dist: 0.9883 2023/05/15 23:58:44 - mmengine - INFO - Epoch(train) [86][1240/1879] lr: 2.0000e-04 eta: 6:30:05 time: 0.8724 data_time: 0.0275 memory: 9812 grad_norm: 3.4372 loss: 2.3053 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2614 distill.loss_dist: 1.0439 2023/05/15 23:59:03 - mmengine - INFO - Epoch(train) [86][1260/1879] lr: 2.0000e-04 eta: 6:29:48 time: 0.9135 data_time: 0.0273 memory: 9812 grad_norm: 3.4729 loss: 2.2093 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1387 distill.loss_dist: 1.0707 2023/05/15 23:59:20 - mmengine - INFO - Epoch(train) [86][1280/1879] lr: 2.0000e-04 eta: 6:29:31 time: 0.8603 data_time: 0.0282 memory: 9812 grad_norm: 3.4791 loss: 2.1271 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1127 distill.loss_dist: 1.0144 2023/05/15 23:59:23 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/15 23:59:37 - mmengine - INFO - Epoch(train) [86][1300/1879] lr: 2.0000e-04 eta: 6:29:13 time: 0.8602 data_time: 0.0270 memory: 9812 grad_norm: 3.3748 loss: 2.0596 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0585 distill.loss_dist: 1.0010 2023/05/15 23:59:54 - mmengine - INFO - Epoch(train) [86][1320/1879] lr: 2.0000e-04 eta: 6:28:56 time: 0.8705 data_time: 0.0276 memory: 9812 grad_norm: 3.4263 loss: 2.0390 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0661 distill.loss_dist: 0.9729 2023/05/16 00:00:12 - mmengine - INFO - Epoch(train) [86][1340/1879] lr: 2.0000e-04 eta: 6:28:38 time: 0.8526 data_time: 0.0271 memory: 9812 grad_norm: 3.3864 loss: 2.1925 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1935 distill.loss_dist: 0.9990 2023/05/16 00:00:28 - mmengine - INFO - Epoch(train) [86][1360/1879] lr: 2.0000e-04 eta: 6:28:21 time: 0.8235 data_time: 0.0265 memory: 9812 grad_norm: 3.4920 loss: 2.2091 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1905 distill.loss_dist: 1.0187 2023/05/16 00:00:45 - mmengine - INFO - Epoch(train) [86][1380/1879] lr: 2.0000e-04 eta: 6:28:03 time: 0.8552 data_time: 0.0438 memory: 9812 grad_norm: 3.3941 loss: 2.0857 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0640 distill.loss_dist: 1.0217 2023/05/16 00:01:02 - mmengine - INFO - Epoch(train) [86][1400/1879] lr: 2.0000e-04 eta: 6:27:46 time: 0.8538 data_time: 0.1326 memory: 9812 grad_norm: 3.3732 loss: 2.0141 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0210 distill.loss_dist: 0.9931 2023/05/16 00:01:20 - mmengine - INFO - Epoch(train) [86][1420/1879] lr: 2.0000e-04 eta: 6:27:29 time: 0.9112 data_time: 0.0972 memory: 9812 grad_norm: 3.5481 loss: 2.1849 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1832 distill.loss_dist: 1.0017 2023/05/16 00:01:40 - mmengine - INFO - Epoch(train) [86][1440/1879] lr: 2.0000e-04 eta: 6:27:12 time: 0.9587 data_time: 0.0433 memory: 9812 grad_norm: 3.4570 loss: 2.0447 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0103 distill.loss_dist: 1.0345 2023/05/16 00:01:56 - mmengine - INFO - Epoch(train) [86][1460/1879] lr: 2.0000e-04 eta: 6:26:54 time: 0.8036 data_time: 0.0345 memory: 9812 grad_norm: 3.3530 loss: 1.9296 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9269 distill.loss_dist: 1.0027 2023/05/16 00:02:12 - mmengine - INFO - Epoch(train) [86][1480/1879] lr: 2.0000e-04 eta: 6:26:37 time: 0.8113 data_time: 0.0314 memory: 9812 grad_norm: 3.4316 loss: 2.2323 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2047 distill.loss_dist: 1.0276 2023/05/16 00:02:31 - mmengine - INFO - Epoch(train) [86][1500/1879] lr: 2.0000e-04 eta: 6:26:19 time: 0.9254 data_time: 0.0283 memory: 9812 grad_norm: 3.4627 loss: 2.0980 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0755 distill.loss_dist: 1.0224 2023/05/16 00:02:47 - mmengine - INFO - Epoch(train) [86][1520/1879] lr: 2.0000e-04 eta: 6:26:02 time: 0.8340 data_time: 0.0325 memory: 9812 grad_norm: 3.4206 loss: 2.1317 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1208 distill.loss_dist: 1.0109 2023/05/16 00:03:04 - mmengine - INFO - Epoch(train) [86][1540/1879] lr: 2.0000e-04 eta: 6:25:44 time: 0.8273 data_time: 0.0312 memory: 9812 grad_norm: 3.4417 loss: 2.2774 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2266 distill.loss_dist: 1.0508 2023/05/16 00:03:22 - mmengine - INFO - Epoch(train) [86][1560/1879] lr: 2.0000e-04 eta: 6:25:27 time: 0.8889 data_time: 0.0273 memory: 9812 grad_norm: 3.3383 loss: 2.0719 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0793 distill.loss_dist: 0.9926 2023/05/16 00:03:39 - mmengine - INFO - Epoch(train) [86][1580/1879] lr: 2.0000e-04 eta: 6:25:10 time: 0.8494 data_time: 0.0279 memory: 9812 grad_norm: 3.4810 loss: 2.3149 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2845 distill.loss_dist: 1.0304 2023/05/16 00:03:57 - mmengine - INFO - Epoch(train) [86][1600/1879] lr: 2.0000e-04 eta: 6:24:52 time: 0.9066 data_time: 0.3429 memory: 9812 grad_norm: 3.4218 loss: 2.2731 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2727 distill.loss_dist: 1.0004 2023/05/16 00:04:15 - mmengine - INFO - Epoch(train) [86][1620/1879] lr: 2.0000e-04 eta: 6:24:35 time: 0.8952 data_time: 0.1935 memory: 9812 grad_norm: 3.4587 loss: 2.2450 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2005 distill.loss_dist: 1.0445 2023/05/16 00:04:32 - mmengine - INFO - Epoch(train) [86][1640/1879] lr: 2.0000e-04 eta: 6:24:18 time: 0.8491 data_time: 0.0454 memory: 9812 grad_norm: 3.5561 loss: 2.0358 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0450 distill.loss_dist: 0.9908 2023/05/16 00:04:48 - mmengine - INFO - Epoch(train) [86][1660/1879] lr: 2.0000e-04 eta: 6:24:00 time: 0.8288 data_time: 0.0293 memory: 9812 grad_norm: 3.3640 loss: 2.1555 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.1319 distill.loss_dist: 1.0235 2023/05/16 00:05:07 - mmengine - INFO - Epoch(train) [86][1680/1879] lr: 2.0000e-04 eta: 6:23:43 time: 0.9412 data_time: 0.0481 memory: 9812 grad_norm: 3.5560 loss: 2.2115 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1710 distill.loss_dist: 1.0405 2023/05/16 00:05:24 - mmengine - INFO - Epoch(train) [86][1700/1879] lr: 2.0000e-04 eta: 6:23:26 time: 0.8260 data_time: 0.0722 memory: 9812 grad_norm: 3.4504 loss: 2.1443 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1208 distill.loss_dist: 1.0235 2023/05/16 00:05:41 - mmengine - INFO - Epoch(train) [86][1720/1879] lr: 2.0000e-04 eta: 6:23:08 time: 0.8730 data_time: 0.0302 memory: 9812 grad_norm: 3.4432 loss: 2.2597 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2368 distill.loss_dist: 1.0229 2023/05/16 00:05:59 - mmengine - INFO - Epoch(train) [86][1740/1879] lr: 2.0000e-04 eta: 6:22:51 time: 0.8975 data_time: 0.0268 memory: 9812 grad_norm: 3.4593 loss: 2.3031 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2435 distill.loss_dist: 1.0596 2023/05/16 00:06:15 - mmengine - INFO - Epoch(train) [86][1760/1879] lr: 2.0000e-04 eta: 6:22:33 time: 0.8101 data_time: 0.0270 memory: 9812 grad_norm: 3.4622 loss: 2.1244 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1136 distill.loss_dist: 1.0108 2023/05/16 00:06:32 - mmengine - INFO - Epoch(train) [86][1780/1879] lr: 2.0000e-04 eta: 6:22:16 time: 0.8387 data_time: 0.0280 memory: 9812 grad_norm: 3.5458 loss: 2.1207 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1058 distill.loss_dist: 1.0149 2023/05/16 00:06:50 - mmengine - INFO - Epoch(train) [86][1800/1879] lr: 2.0000e-04 eta: 6:21:58 time: 0.8743 data_time: 0.0239 memory: 9812 grad_norm: 3.4294 loss: 2.1313 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1061 distill.loss_dist: 1.0252 2023/05/16 00:07:06 - mmengine - INFO - Epoch(train) [86][1820/1879] lr: 2.0000e-04 eta: 6:21:41 time: 0.8277 data_time: 0.0278 memory: 9812 grad_norm: 3.4519 loss: 2.2964 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2658 distill.loss_dist: 1.0306 2023/05/16 00:07:26 - mmengine - INFO - Epoch(train) [86][1840/1879] lr: 2.0000e-04 eta: 6:21:24 time: 0.9647 data_time: 0.0275 memory: 9812 grad_norm: 3.4663 loss: 2.0516 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0419 distill.loss_dist: 1.0097 2023/05/16 00:07:42 - mmengine - INFO - Epoch(train) [86][1860/1879] lr: 2.0000e-04 eta: 6:21:06 time: 0.8239 data_time: 0.0301 memory: 9812 grad_norm: 3.5194 loss: 2.1755 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1647 distill.loss_dist: 1.0108 2023/05/16 00:07:55 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 00:07:55 - mmengine - INFO - Epoch(train) [86][1879/1879] lr: 2.0000e-04 eta: 6:20:49 time: 0.6920 data_time: 0.0213 memory: 9812 grad_norm: 3.5227 loss: 2.2093 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.1914 distill.loss_dist: 1.0180 2023/05/16 00:08:15 - mmengine - INFO - Epoch(val) [86][ 20/155] eta: 0:02:12 time: 0.9812 data_time: 0.9125 memory: 1484 2023/05/16 00:08:28 - mmengine - INFO - Epoch(val) [86][ 40/155] eta: 0:01:34 time: 0.6615 data_time: 0.5990 memory: 1484 2023/05/16 00:08:47 - mmengine - INFO - Epoch(val) [86][ 60/155] eta: 0:01:22 time: 0.9519 data_time: 0.8899 memory: 1484 2023/05/16 00:09:01 - mmengine - INFO - Epoch(val) [86][ 80/155] eta: 0:01:00 time: 0.6548 data_time: 0.5894 memory: 1484 2023/05/16 00:09:20 - mmengine - INFO - Epoch(val) [86][100/155] eta: 0:00:46 time: 0.9801 data_time: 0.9201 memory: 1484 2023/05/16 00:09:33 - mmengine - INFO - Epoch(val) [86][120/155] eta: 0:00:28 time: 0.6405 data_time: 0.5774 memory: 1484 2023/05/16 00:09:52 - mmengine - INFO - Epoch(val) [86][140/155] eta: 0:00:12 time: 0.9617 data_time: 0.8964 memory: 1484 2023/05/16 00:10:22 - mmengine - INFO - Epoch(val) [86][ 20/155] eta: 0:16:18 time: 0.9924 data_time: 0.8388 memory: 1582 2023/05/16 00:10:36 - mmengine - INFO - Epoch(val) [86][ 40/155] eta: 0:07:37 time: 0.7051 data_time: 0.5525 memory: 1582 2023/05/16 00:10:55 - mmengine - INFO - Epoch(val) [86][ 60/155] eta: 0:04:41 time: 0.9212 data_time: 0.7651 memory: 1582 2023/05/16 00:11:08 - mmengine - INFO - Epoch(val) [86][ 80/155] eta: 0:02:58 time: 0.6603 data_time: 0.5089 memory: 1582 2023/05/16 00:11:27 - mmengine - INFO - Epoch(val) [86][100/155] eta: 0:01:55 time: 0.9271 data_time: 0.7770 memory: 1582 2023/05/16 00:11:42 - mmengine - INFO - Epoch(val) [86][120/155] eta: 0:01:05 time: 0.7451 data_time: 0.5923 memory: 1582 2023/05/16 00:12:02 - mmengine - INFO - Epoch(val) [86][140/155] eta: 0:00:26 time: 1.0091 data_time: 0.8574 memory: 1582 2023/05/16 00:12:12 - mmengine - INFO - Epoch(val) [86][155/155] acc/top1: 0.6794 acc/top5: 0.8794 acc/mean1: 0.6793 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6665 time: 0.8173 2023/05/16 00:12:34 - mmengine - INFO - Epoch(train) [87][ 20/1879] lr: 2.0000e-04 eta: 6:20:33 time: 1.0915 data_time: 0.6570 memory: 9812 grad_norm: 3.4756 loss: 2.1697 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1401 distill.loss_dist: 1.0296 2023/05/16 00:12:51 - mmengine - INFO - Epoch(train) [87][ 40/1879] lr: 2.0000e-04 eta: 6:20:15 time: 0.8107 data_time: 0.3244 memory: 9812 grad_norm: 3.4457 loss: 2.1216 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1184 distill.loss_dist: 1.0032 2023/05/16 00:13:07 - mmengine - INFO - Epoch(train) [87][ 60/1879] lr: 2.0000e-04 eta: 6:19:58 time: 0.8130 data_time: 0.2184 memory: 9812 grad_norm: 3.5646 loss: 2.1613 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1656 distill.loss_dist: 0.9956 2023/05/16 00:13:25 - mmengine - INFO - Epoch(train) [87][ 80/1879] lr: 2.0000e-04 eta: 6:19:40 time: 0.9258 data_time: 0.3060 memory: 9812 grad_norm: 3.3439 loss: 2.1382 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1222 distill.loss_dist: 1.0160 2023/05/16 00:13:42 - mmengine - INFO - Epoch(train) [87][ 100/1879] lr: 2.0000e-04 eta: 6:19:23 time: 0.8339 data_time: 0.3374 memory: 9812 grad_norm: 3.3759 loss: 2.1268 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1187 distill.loss_dist: 1.0081 2023/05/16 00:13:59 - mmengine - INFO - Epoch(train) [87][ 120/1879] lr: 2.0000e-04 eta: 6:19:05 time: 0.8283 data_time: 0.2629 memory: 9812 grad_norm: 3.4071 loss: 2.1635 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1230 distill.loss_dist: 1.0404 2023/05/16 00:14:17 - mmengine - INFO - Epoch(train) [87][ 140/1879] lr: 2.0000e-04 eta: 6:18:48 time: 0.9355 data_time: 0.2889 memory: 9812 grad_norm: 3.4943 loss: 2.1130 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1108 distill.loss_dist: 1.0022 2023/05/16 00:14:35 - mmengine - INFO - Epoch(train) [87][ 160/1879] lr: 2.0000e-04 eta: 6:18:31 time: 0.8676 data_time: 0.1948 memory: 9812 grad_norm: 3.4921 loss: 2.0483 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0613 distill.loss_dist: 0.9870 2023/05/16 00:14:51 - mmengine - INFO - Epoch(train) [87][ 180/1879] lr: 2.0000e-04 eta: 6:18:13 time: 0.8326 data_time: 0.3925 memory: 9812 grad_norm: 3.5165 loss: 2.0662 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0466 distill.loss_dist: 1.0195 2023/05/16 00:15:09 - mmengine - INFO - Epoch(train) [87][ 200/1879] lr: 2.0000e-04 eta: 6:17:56 time: 0.8935 data_time: 0.4301 memory: 9812 grad_norm: 3.4338 loss: 2.1630 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1500 distill.loss_dist: 1.0130 2023/05/16 00:15:26 - mmengine - INFO - Epoch(train) [87][ 220/1879] lr: 2.0000e-04 eta: 6:17:39 time: 0.8533 data_time: 0.2371 memory: 9812 grad_norm: 3.4520 loss: 2.2658 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2283 distill.loss_dist: 1.0375 2023/05/16 00:15:44 - mmengine - INFO - Epoch(train) [87][ 240/1879] lr: 2.0000e-04 eta: 6:17:21 time: 0.8640 data_time: 0.2973 memory: 9812 grad_norm: 3.4254 loss: 2.0606 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0600 distill.loss_dist: 1.0006 2023/05/16 00:16:02 - mmengine - INFO - Epoch(train) [87][ 260/1879] lr: 2.0000e-04 eta: 6:17:04 time: 0.8896 data_time: 0.2823 memory: 9812 grad_norm: 3.4925 loss: 2.0501 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0423 distill.loss_dist: 1.0078 2023/05/16 00:16:18 - mmengine - INFO - Epoch(train) [87][ 280/1879] lr: 2.0000e-04 eta: 6:16:47 time: 0.8349 data_time: 0.1626 memory: 9812 grad_norm: 3.4181 loss: 2.0178 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 0.9912 distill.loss_dist: 1.0266 2023/05/16 00:16:35 - mmengine - INFO - Epoch(train) [87][ 300/1879] lr: 2.0000e-04 eta: 6:16:29 time: 0.8186 data_time: 0.0302 memory: 9812 grad_norm: 3.5308 loss: 1.9642 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9790 distill.loss_dist: 0.9852 2023/05/16 00:16:53 - mmengine - INFO - Epoch(train) [87][ 320/1879] lr: 2.0000e-04 eta: 6:16:12 time: 0.9124 data_time: 0.0687 memory: 9812 grad_norm: 3.3408 loss: 2.0203 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0009 distill.loss_dist: 1.0194 2023/05/16 00:17:10 - mmengine - INFO - Epoch(train) [87][ 340/1879] lr: 2.0000e-04 eta: 6:15:54 time: 0.8490 data_time: 0.2129 memory: 9812 grad_norm: 3.5258 loss: 2.2266 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2128 distill.loss_dist: 1.0138 2023/05/16 00:17:27 - mmengine - INFO - Epoch(train) [87][ 360/1879] lr: 2.0000e-04 eta: 6:15:37 time: 0.8651 data_time: 0.3711 memory: 9812 grad_norm: 3.4280 loss: 2.1289 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1087 distill.loss_dist: 1.0203 2023/05/16 00:17:45 - mmengine - INFO - Epoch(train) [87][ 380/1879] lr: 2.0000e-04 eta: 6:15:20 time: 0.8842 data_time: 0.3389 memory: 9812 grad_norm: 3.4880 loss: 2.2531 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2319 distill.loss_dist: 1.0212 2023/05/16 00:18:04 - mmengine - INFO - Epoch(train) [87][ 400/1879] lr: 2.0000e-04 eta: 6:15:02 time: 0.9327 data_time: 0.2804 memory: 9812 grad_norm: 3.4793 loss: 2.0871 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0928 distill.loss_dist: 0.9944 2023/05/16 00:18:09 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 00:18:20 - mmengine - INFO - Epoch(train) [87][ 420/1879] lr: 2.0000e-04 eta: 6:14:45 time: 0.8306 data_time: 0.3136 memory: 9812 grad_norm: 3.4567 loss: 2.0079 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0369 distill.loss_dist: 0.9710 2023/05/16 00:18:38 - mmengine - INFO - Epoch(train) [87][ 440/1879] lr: 2.0000e-04 eta: 6:14:28 time: 0.8680 data_time: 0.2435 memory: 9812 grad_norm: 3.5416 loss: 2.0892 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.0596 distill.loss_dist: 1.0296 2023/05/16 00:18:57 - mmengine - INFO - Epoch(train) [87][ 460/1879] lr: 2.0000e-04 eta: 6:14:10 time: 0.9511 data_time: 0.4071 memory: 9812 grad_norm: 3.3502 loss: 2.0541 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0256 distill.loss_dist: 1.0284 2023/05/16 00:19:14 - mmengine - INFO - Epoch(train) [87][ 480/1879] lr: 2.0000e-04 eta: 6:13:53 time: 0.8381 data_time: 0.3659 memory: 9812 grad_norm: 3.4781 loss: 2.0632 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0436 distill.loss_dist: 1.0196 2023/05/16 00:19:30 - mmengine - INFO - Epoch(train) [87][ 500/1879] lr: 2.0000e-04 eta: 6:13:36 time: 0.8260 data_time: 0.3761 memory: 9812 grad_norm: 3.5109 loss: 2.2965 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2614 distill.loss_dist: 1.0351 2023/05/16 00:19:48 - mmengine - INFO - Epoch(train) [87][ 520/1879] lr: 2.0000e-04 eta: 6:13:18 time: 0.9073 data_time: 0.4710 memory: 9812 grad_norm: 3.4664 loss: 2.0233 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0208 distill.loss_dist: 1.0025 2023/05/16 00:20:05 - mmengine - INFO - Epoch(train) [87][ 540/1879] lr: 2.0000e-04 eta: 6:13:01 time: 0.8597 data_time: 0.2501 memory: 9812 grad_norm: 3.4836 loss: 2.2098 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1847 distill.loss_dist: 1.0251 2023/05/16 00:20:22 - mmengine - INFO - Epoch(train) [87][ 560/1879] lr: 2.0000e-04 eta: 6:12:43 time: 0.8310 data_time: 0.2738 memory: 9812 grad_norm: 3.4734 loss: 2.1181 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.0884 distill.loss_dist: 1.0297 2023/05/16 00:20:39 - mmengine - INFO - Epoch(train) [87][ 580/1879] lr: 2.0000e-04 eta: 6:12:26 time: 0.8336 data_time: 0.0963 memory: 9812 grad_norm: 3.4234 loss: 2.1082 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1021 distill.loss_dist: 1.0061 2023/05/16 00:20:58 - mmengine - INFO - Epoch(train) [87][ 600/1879] lr: 2.0000e-04 eta: 6:12:09 time: 0.9730 data_time: 0.0239 memory: 9812 grad_norm: 3.4177 loss: 1.9839 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 0.9650 distill.loss_dist: 1.0188 2023/05/16 00:21:15 - mmengine - INFO - Epoch(train) [87][ 620/1879] lr: 2.0000e-04 eta: 6:11:51 time: 0.8174 data_time: 0.0242 memory: 9812 grad_norm: 3.4503 loss: 2.2859 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2707 distill.loss_dist: 1.0152 2023/05/16 00:21:32 - mmengine - INFO - Epoch(train) [87][ 640/1879] lr: 2.0000e-04 eta: 6:11:34 time: 0.8820 data_time: 0.0287 memory: 9812 grad_norm: 3.4472 loss: 2.1641 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1205 distill.loss_dist: 1.0436 2023/05/16 00:21:50 - mmengine - INFO - Epoch(train) [87][ 660/1879] lr: 2.0000e-04 eta: 6:11:17 time: 0.8652 data_time: 0.0336 memory: 9812 grad_norm: 3.4725 loss: 2.1197 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0993 distill.loss_dist: 1.0204 2023/05/16 00:22:06 - mmengine - INFO - Epoch(train) [87][ 680/1879] lr: 2.0000e-04 eta: 6:10:59 time: 0.8169 data_time: 0.0376 memory: 9812 grad_norm: 3.5211 loss: 2.1556 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1309 distill.loss_dist: 1.0247 2023/05/16 00:22:24 - mmengine - INFO - Epoch(train) [87][ 700/1879] lr: 2.0000e-04 eta: 6:10:42 time: 0.8877 data_time: 0.0255 memory: 9812 grad_norm: 3.5027 loss: 2.1092 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0949 distill.loss_dist: 1.0143 2023/05/16 00:22:43 - mmengine - INFO - Epoch(train) [87][ 720/1879] lr: 2.0000e-04 eta: 6:10:25 time: 0.9503 data_time: 0.4182 memory: 9812 grad_norm: 3.4964 loss: 2.0718 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0573 distill.loss_dist: 1.0145 2023/05/16 00:22:58 - mmengine - INFO - Epoch(train) [87][ 740/1879] lr: 2.0000e-04 eta: 6:10:07 time: 0.7619 data_time: 0.3272 memory: 9812 grad_norm: 3.4807 loss: 2.1725 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.1316 distill.loss_dist: 1.0409 2023/05/16 00:23:14 - mmengine - INFO - Epoch(train) [87][ 760/1879] lr: 2.0000e-04 eta: 6:09:49 time: 0.7874 data_time: 0.2787 memory: 9812 grad_norm: 3.5038 loss: 2.2623 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2452 distill.loss_dist: 1.0171 2023/05/16 00:23:34 - mmengine - INFO - Epoch(train) [87][ 780/1879] lr: 2.0000e-04 eta: 6:09:32 time: 1.0219 data_time: 0.5491 memory: 9812 grad_norm: 3.4628 loss: 2.2282 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1939 distill.loss_dist: 1.0344 2023/05/16 00:23:50 - mmengine - INFO - Epoch(train) [87][ 800/1879] lr: 2.0000e-04 eta: 6:09:15 time: 0.7940 data_time: 0.3577 memory: 9812 grad_norm: 3.5108 loss: 2.0800 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0673 distill.loss_dist: 1.0128 2023/05/16 00:24:07 - mmengine - INFO - Epoch(train) [87][ 820/1879] lr: 2.0000e-04 eta: 6:08:57 time: 0.8546 data_time: 0.3359 memory: 9812 grad_norm: 3.4649 loss: 2.2710 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2421 distill.loss_dist: 1.0289 2023/05/16 00:24:25 - mmengine - INFO - Epoch(train) [87][ 840/1879] lr: 2.0000e-04 eta: 6:08:40 time: 0.8705 data_time: 0.4017 memory: 9812 grad_norm: 3.4407 loss: 2.1554 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1463 distill.loss_dist: 1.0091 2023/05/16 00:24:42 - mmengine - INFO - Epoch(train) [87][ 860/1879] lr: 2.0000e-04 eta: 6:08:23 time: 0.8465 data_time: 0.3939 memory: 9812 grad_norm: 3.3501 loss: 2.2462 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2176 distill.loss_dist: 1.0286 2023/05/16 00:24:58 - mmengine - INFO - Epoch(train) [87][ 880/1879] lr: 2.0000e-04 eta: 6:08:05 time: 0.7980 data_time: 0.3527 memory: 9812 grad_norm: 3.4110 loss: 2.1199 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0766 distill.loss_dist: 1.0433 2023/05/16 00:25:17 - mmengine - INFO - Epoch(train) [87][ 900/1879] lr: 2.0000e-04 eta: 6:07:48 time: 0.9458 data_time: 0.3592 memory: 9812 grad_norm: 3.3801 loss: 2.1108 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1125 distill.loss_dist: 0.9983 2023/05/16 00:25:32 - mmengine - INFO - Epoch(train) [87][ 920/1879] lr: 2.0000e-04 eta: 6:07:30 time: 0.7742 data_time: 0.2406 memory: 9812 grad_norm: 3.5215 loss: 2.1799 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1440 distill.loss_dist: 1.0359 2023/05/16 00:25:50 - mmengine - INFO - Epoch(train) [87][ 940/1879] lr: 2.0000e-04 eta: 6:07:13 time: 0.9011 data_time: 0.1956 memory: 9812 grad_norm: 3.4445 loss: 2.1843 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1642 distill.loss_dist: 1.0201 2023/05/16 00:26:07 - mmengine - INFO - Epoch(train) [87][ 960/1879] lr: 2.0000e-04 eta: 6:06:55 time: 0.8383 data_time: 0.1082 memory: 9812 grad_norm: 3.4010 loss: 2.1984 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1724 distill.loss_dist: 1.0259 2023/05/16 00:26:23 - mmengine - INFO - Epoch(train) [87][ 980/1879] lr: 2.0000e-04 eta: 6:06:38 time: 0.8216 data_time: 0.0494 memory: 9812 grad_norm: 3.5277 loss: 2.0384 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0145 distill.loss_dist: 1.0240 2023/05/16 00:26:42 - mmengine - INFO - Epoch(train) [87][1000/1879] lr: 2.0000e-04 eta: 6:06:21 time: 0.9509 data_time: 0.0248 memory: 9812 grad_norm: 3.4793 loss: 2.1134 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1038 distill.loss_dist: 1.0096 2023/05/16 00:27:00 - mmengine - INFO - Epoch(train) [87][1020/1879] lr: 2.0000e-04 eta: 6:06:04 time: 0.9000 data_time: 0.3498 memory: 9812 grad_norm: 3.5054 loss: 2.3569 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3200 distill.loss_dist: 1.0369 2023/05/16 00:27:17 - mmengine - INFO - Epoch(train) [87][1040/1879] lr: 2.0000e-04 eta: 6:05:46 time: 0.8257 data_time: 0.2859 memory: 9812 grad_norm: 3.4253 loss: 2.1149 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.0967 distill.loss_dist: 1.0182 2023/05/16 00:27:34 - mmengine - INFO - Epoch(train) [87][1060/1879] lr: 2.0000e-04 eta: 6:05:29 time: 0.8575 data_time: 0.3695 memory: 9812 grad_norm: 3.4401 loss: 2.3677 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3183 distill.loss_dist: 1.0494 2023/05/16 00:27:53 - mmengine - INFO - Epoch(train) [87][1080/1879] lr: 2.0000e-04 eta: 6:05:11 time: 0.9486 data_time: 0.5143 memory: 9812 grad_norm: 3.4700 loss: 2.0453 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0293 distill.loss_dist: 1.0160 2023/05/16 00:28:10 - mmengine - INFO - Epoch(train) [87][1100/1879] lr: 2.0000e-04 eta: 6:04:54 time: 0.8231 data_time: 0.3810 memory: 9812 grad_norm: 3.4351 loss: 2.2167 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1983 distill.loss_dist: 1.0184 2023/05/16 00:28:25 - mmengine - INFO - Epoch(train) [87][1120/1879] lr: 2.0000e-04 eta: 6:04:36 time: 0.7773 data_time: 0.3370 memory: 9812 grad_norm: 3.4497 loss: 2.3115 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2554 distill.loss_dist: 1.0561 2023/05/16 00:28:43 - mmengine - INFO - Epoch(train) [87][1140/1879] lr: 2.0000e-04 eta: 6:04:19 time: 0.9121 data_time: 0.4058 memory: 9812 grad_norm: 3.4383 loss: 1.9365 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9265 distill.loss_dist: 1.0100 2023/05/16 00:29:02 - mmengine - INFO - Epoch(train) [87][1160/1879] lr: 2.0000e-04 eta: 6:04:02 time: 0.9374 data_time: 0.0797 memory: 9812 grad_norm: 3.4839 loss: 2.3632 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.3190 distill.loss_dist: 1.0442 2023/05/16 00:29:19 - mmengine - INFO - Epoch(train) [87][1180/1879] lr: 2.0000e-04 eta: 6:03:44 time: 0.8336 data_time: 0.0311 memory: 9812 grad_norm: 3.5232 loss: 2.1385 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1244 distill.loss_dist: 1.0141 2023/05/16 00:29:36 - mmengine - INFO - Epoch(train) [87][1200/1879] lr: 2.0000e-04 eta: 6:03:27 time: 0.8575 data_time: 0.0303 memory: 9812 grad_norm: 3.3995 loss: 1.9777 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 0.9620 distill.loss_dist: 1.0157 2023/05/16 00:29:54 - mmengine - INFO - Epoch(train) [87][1220/1879] lr: 2.0000e-04 eta: 6:03:10 time: 0.8762 data_time: 0.0242 memory: 9812 grad_norm: 3.5402 loss: 2.2064 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1971 distill.loss_dist: 1.0093 2023/05/16 00:30:11 - mmengine - INFO - Epoch(train) [87][1240/1879] lr: 2.0000e-04 eta: 6:02:52 time: 0.8669 data_time: 0.0318 memory: 9812 grad_norm: 3.4679 loss: 2.2087 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1882 distill.loss_dist: 1.0205 2023/05/16 00:30:26 - mmengine - INFO - Epoch(train) [87][1260/1879] lr: 2.0000e-04 eta: 6:02:35 time: 0.7567 data_time: 0.0431 memory: 9812 grad_norm: 3.4570 loss: 2.2238 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1807 distill.loss_dist: 1.0431 2023/05/16 00:30:45 - mmengine - INFO - Epoch(train) [87][1280/1879] lr: 2.0000e-04 eta: 6:02:17 time: 0.9566 data_time: 0.0228 memory: 9812 grad_norm: 3.4937 loss: 2.1024 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1124 distill.loss_dist: 0.9900 2023/05/16 00:31:02 - mmengine - INFO - Epoch(train) [87][1300/1879] lr: 2.0000e-04 eta: 6:02:00 time: 0.8478 data_time: 0.0280 memory: 9812 grad_norm: 3.4269 loss: 2.3463 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.2950 distill.loss_dist: 1.0513 2023/05/16 00:31:18 - mmengine - INFO - Epoch(train) [87][1320/1879] lr: 2.0000e-04 eta: 6:01:42 time: 0.8094 data_time: 0.0280 memory: 9812 grad_norm: 3.5279 loss: 2.2018 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1687 distill.loss_dist: 1.0331 2023/05/16 00:31:36 - mmengine - INFO - Epoch(train) [87][1340/1879] lr: 2.0000e-04 eta: 6:01:25 time: 0.8882 data_time: 0.0290 memory: 9812 grad_norm: 3.3975 loss: 2.2316 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2183 distill.loss_dist: 1.0134 2023/05/16 00:31:54 - mmengine - INFO - Epoch(train) [87][1360/1879] lr: 2.0000e-04 eta: 6:01:08 time: 0.9004 data_time: 0.0303 memory: 9812 grad_norm: 3.4456 loss: 2.2122 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1793 distill.loss_dist: 1.0328 2023/05/16 00:32:11 - mmengine - INFO - Epoch(train) [87][1380/1879] lr: 2.0000e-04 eta: 6:00:50 time: 0.8408 data_time: 0.0289 memory: 9812 grad_norm: 3.4619 loss: 2.3325 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.3101 distill.loss_dist: 1.0224 2023/05/16 00:32:30 - mmengine - INFO - Epoch(train) [87][1400/1879] lr: 2.0000e-04 eta: 6:00:33 time: 0.9323 data_time: 0.0247 memory: 9812 grad_norm: 3.4825 loss: 2.1801 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1313 distill.loss_dist: 1.0488 2023/05/16 00:32:35 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 00:32:46 - mmengine - INFO - Epoch(train) [87][1420/1879] lr: 2.0000e-04 eta: 6:00:16 time: 0.8290 data_time: 0.0277 memory: 9812 grad_norm: 3.4070 loss: 2.0946 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0474 distill.loss_dist: 1.0473 2023/05/16 00:33:03 - mmengine - INFO - Epoch(train) [87][1440/1879] lr: 2.0000e-04 eta: 5:59:58 time: 0.8124 data_time: 0.0277 memory: 9812 grad_norm: 3.4762 loss: 2.1150 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0895 distill.loss_dist: 1.0255 2023/05/16 00:33:20 - mmengine - INFO - Epoch(train) [87][1460/1879] lr: 2.0000e-04 eta: 5:59:41 time: 0.8864 data_time: 0.0264 memory: 9812 grad_norm: 3.4848 loss: 2.2565 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2334 distill.loss_dist: 1.0231 2023/05/16 00:33:40 - mmengine - INFO - Epoch(train) [87][1480/1879] lr: 2.0000e-04 eta: 5:59:24 time: 0.9739 data_time: 0.0286 memory: 9812 grad_norm: 3.3634 loss: 2.1351 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.1222 distill.loss_dist: 1.0129 2023/05/16 00:33:56 - mmengine - INFO - Epoch(train) [87][1500/1879] lr: 2.0000e-04 eta: 5:59:06 time: 0.7801 data_time: 0.0281 memory: 9812 grad_norm: 3.4284 loss: 2.2115 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1756 distill.loss_dist: 1.0359 2023/05/16 00:34:11 - mmengine - INFO - Epoch(train) [87][1520/1879] lr: 2.0000e-04 eta: 5:58:49 time: 0.7871 data_time: 0.0288 memory: 9812 grad_norm: 3.5081 loss: 2.1588 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1318 distill.loss_dist: 1.0270 2023/05/16 00:34:29 - mmengine - INFO - Epoch(train) [87][1540/1879] lr: 2.0000e-04 eta: 5:58:31 time: 0.9069 data_time: 0.0277 memory: 9812 grad_norm: 3.3911 loss: 2.3435 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3007 distill.loss_dist: 1.0428 2023/05/16 00:34:46 - mmengine - INFO - Epoch(train) [87][1560/1879] lr: 2.0000e-04 eta: 5:58:14 time: 0.8081 data_time: 0.0307 memory: 9812 grad_norm: 3.5439 loss: 2.3084 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2790 distill.loss_dist: 1.0294 2023/05/16 00:35:02 - mmengine - INFO - Epoch(train) [87][1580/1879] lr: 2.0000e-04 eta: 5:57:56 time: 0.8264 data_time: 0.0273 memory: 9812 grad_norm: 3.5372 loss: 2.1236 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1125 distill.loss_dist: 1.0111 2023/05/16 00:35:21 - mmengine - INFO - Epoch(train) [87][1600/1879] lr: 2.0000e-04 eta: 5:57:39 time: 0.9174 data_time: 0.0266 memory: 9812 grad_norm: 3.4783 loss: 2.1331 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1177 distill.loss_dist: 1.0153 2023/05/16 00:35:39 - mmengine - INFO - Epoch(train) [87][1620/1879] lr: 2.0000e-04 eta: 5:57:22 time: 0.9031 data_time: 0.0298 memory: 9812 grad_norm: 3.5169 loss: 2.3571 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.3081 distill.loss_dist: 1.0490 2023/05/16 00:35:57 - mmengine - INFO - Epoch(train) [87][1640/1879] lr: 2.0000e-04 eta: 5:57:05 time: 0.8920 data_time: 0.0255 memory: 9812 grad_norm: 3.5241 loss: 2.1146 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0892 distill.loss_dist: 1.0253 2023/05/16 00:36:13 - mmengine - INFO - Epoch(train) [87][1660/1879] lr: 2.0000e-04 eta: 5:56:47 time: 0.8202 data_time: 0.0251 memory: 9812 grad_norm: 3.4018 loss: 2.2485 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1858 distill.loss_dist: 1.0626 2023/05/16 00:36:29 - mmengine - INFO - Epoch(train) [87][1680/1879] lr: 2.0000e-04 eta: 5:56:29 time: 0.7965 data_time: 0.0282 memory: 9812 grad_norm: 3.5141 loss: 2.1209 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0969 distill.loss_dist: 1.0240 2023/05/16 00:36:47 - mmengine - INFO - Epoch(train) [87][1700/1879] lr: 2.0000e-04 eta: 5:56:12 time: 0.8978 data_time: 0.0294 memory: 9812 grad_norm: 3.4239 loss: 1.9712 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 0.9695 distill.loss_dist: 1.0017 2023/05/16 00:37:07 - mmengine - INFO - Epoch(train) [87][1720/1879] lr: 2.0000e-04 eta: 5:55:55 time: 0.9891 data_time: 0.0274 memory: 9812 grad_norm: 3.5234 loss: 2.1119 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0893 distill.loss_dist: 1.0226 2023/05/16 00:37:23 - mmengine - INFO - Epoch(train) [87][1740/1879] lr: 2.0000e-04 eta: 5:55:38 time: 0.8057 data_time: 0.0265 memory: 9812 grad_norm: 3.5263 loss: 2.1930 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2049 distill.loss_dist: 0.9881 2023/05/16 00:37:39 - mmengine - INFO - Epoch(train) [87][1760/1879] lr: 2.0000e-04 eta: 5:55:20 time: 0.8079 data_time: 0.0302 memory: 9812 grad_norm: 3.3700 loss: 2.1407 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1215 distill.loss_dist: 1.0192 2023/05/16 00:37:58 - mmengine - INFO - Epoch(train) [87][1780/1879] lr: 2.0000e-04 eta: 5:55:03 time: 0.9283 data_time: 0.0271 memory: 9812 grad_norm: 3.4836 loss: 1.9858 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 0.9662 distill.loss_dist: 1.0196 2023/05/16 00:38:14 - mmengine - INFO - Epoch(train) [87][1800/1879] lr: 2.0000e-04 eta: 5:54:45 time: 0.8229 data_time: 0.0284 memory: 9812 grad_norm: 3.4980 loss: 2.0988 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0715 distill.loss_dist: 1.0274 2023/05/16 00:38:32 - mmengine - INFO - Epoch(train) [87][1820/1879] lr: 2.0000e-04 eta: 5:54:28 time: 0.8782 data_time: 0.0257 memory: 9812 grad_norm: 3.4117 loss: 2.2045 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2084 distill.loss_dist: 0.9961 2023/05/16 00:38:49 - mmengine - INFO - Epoch(train) [87][1840/1879] lr: 2.0000e-04 eta: 5:54:11 time: 0.8910 data_time: 0.0260 memory: 9812 grad_norm: 3.4307 loss: 2.1116 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1153 distill.loss_dist: 0.9963 2023/05/16 00:39:06 - mmengine - INFO - Epoch(train) [87][1860/1879] lr: 2.0000e-04 eta: 5:53:53 time: 0.8199 data_time: 0.0266 memory: 9812 grad_norm: 3.4385 loss: 2.3266 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3015 distill.loss_dist: 1.0251 2023/05/16 00:39:19 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 00:39:19 - mmengine - INFO - Epoch(train) [87][1879/1879] lr: 2.0000e-04 eta: 5:53:36 time: 0.6966 data_time: 0.0193 memory: 9812 grad_norm: 3.5884 loss: 2.1642 student.top1_acc: 0.5714 student.top5_acc: 0.8571 student.loss_cls: 1.1444 distill.loss_dist: 1.0198 2023/05/16 00:39:19 - mmengine - INFO - Saving checkpoint at 87 epochs 2023/05/16 00:39:41 - mmengine - INFO - Epoch(val) [87][ 20/155] eta: 0:02:10 time: 0.9667 data_time: 0.9032 memory: 1484 2023/05/16 00:39:54 - mmengine - INFO - Epoch(val) [87][ 40/155] eta: 0:01:34 time: 0.6775 data_time: 0.6121 memory: 1484 2023/05/16 00:40:13 - mmengine - INFO - Epoch(val) [87][ 60/155] eta: 0:01:21 time: 0.9207 data_time: 0.8546 memory: 1484 2023/05/16 00:40:26 - mmengine - INFO - Epoch(val) [87][ 80/155] eta: 0:01:01 time: 0.6931 data_time: 0.6290 memory: 1484 2023/05/16 00:40:45 - mmengine - INFO - Epoch(val) [87][100/155] eta: 0:00:46 time: 0.9512 data_time: 0.8909 memory: 1484 2023/05/16 00:40:58 - mmengine - INFO - Epoch(val) [87][120/155] eta: 0:00:28 time: 0.6196 data_time: 0.5530 memory: 1484 2023/05/16 00:41:18 - mmengine - INFO - Epoch(val) [87][140/155] eta: 0:00:12 time: 1.0079 data_time: 0.9393 memory: 1484 2023/05/16 00:41:46 - mmengine - INFO - Epoch(val) [87][ 20/155] eta: 0:16:11 time: 0.9894 data_time: 0.8375 memory: 1582 2023/05/16 00:42:00 - mmengine - INFO - Epoch(val) [87][ 40/155] eta: 0:07:32 time: 0.6792 data_time: 0.5248 memory: 1582 2023/05/16 00:42:19 - mmengine - INFO - Epoch(val) [87][ 60/155] eta: 0:04:39 time: 0.9431 data_time: 0.7915 memory: 1582 2023/05/16 00:42:33 - mmengine - INFO - Epoch(val) [87][ 80/155] eta: 0:02:58 time: 0.6853 data_time: 0.5273 memory: 1582 2023/05/16 00:42:52 - mmengine - INFO - Epoch(val) [87][100/155] eta: 0:01:54 time: 0.9489 data_time: 0.7965 memory: 1582 2023/05/16 00:43:05 - mmengine - INFO - Epoch(val) [87][120/155] eta: 0:01:04 time: 0.6692 data_time: 0.5115 memory: 1582 2023/05/16 00:43:25 - mmengine - INFO - Epoch(val) [87][140/155] eta: 0:00:25 time: 1.0100 data_time: 0.8525 memory: 1582 2023/05/16 00:43:35 - mmengine - INFO - Epoch(val) [87][155/155] acc/top1: 0.6782 acc/top5: 0.8794 acc/mean1: 0.6780 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6597 time: 0.8124 2023/05/16 00:43:57 - mmengine - INFO - Epoch(train) [88][ 20/1879] lr: 2.0000e-04 eta: 5:53:19 time: 1.0785 data_time: 0.6514 memory: 9812 grad_norm: 3.4529 loss: 2.2972 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2557 distill.loss_dist: 1.0415 2023/05/16 00:44:13 - mmengine - INFO - Epoch(train) [88][ 40/1879] lr: 2.0000e-04 eta: 5:53:02 time: 0.8255 data_time: 0.3723 memory: 9812 grad_norm: 3.3903 loss: 2.1658 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.1330 distill.loss_dist: 1.0329 2023/05/16 00:44:30 - mmengine - INFO - Epoch(train) [88][ 60/1879] lr: 2.0000e-04 eta: 5:52:44 time: 0.8286 data_time: 0.2470 memory: 9812 grad_norm: 3.4967 loss: 2.3110 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2801 distill.loss_dist: 1.0309 2023/05/16 00:44:48 - mmengine - INFO - Epoch(train) [88][ 80/1879] lr: 2.0000e-04 eta: 5:52:27 time: 0.9203 data_time: 0.3151 memory: 9812 grad_norm: 3.3534 loss: 1.9889 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9723 distill.loss_dist: 1.0166 2023/05/16 00:45:05 - mmengine - INFO - Epoch(train) [88][ 100/1879] lr: 2.0000e-04 eta: 5:52:10 time: 0.8180 data_time: 0.1436 memory: 9812 grad_norm: 3.5179 loss: 2.1436 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.1197 distill.loss_dist: 1.0239 2023/05/16 00:45:22 - mmengine - INFO - Epoch(train) [88][ 120/1879] lr: 2.0000e-04 eta: 5:51:52 time: 0.8678 data_time: 0.1169 memory: 9812 grad_norm: 3.4066 loss: 2.3732 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2983 distill.loss_dist: 1.0748 2023/05/16 00:45:40 - mmengine - INFO - Epoch(train) [88][ 140/1879] lr: 2.0000e-04 eta: 5:51:35 time: 0.8820 data_time: 0.0270 memory: 9812 grad_norm: 3.5018 loss: 2.1503 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.1479 distill.loss_dist: 1.0024 2023/05/16 00:45:56 - mmengine - INFO - Epoch(train) [88][ 160/1879] lr: 2.0000e-04 eta: 5:51:17 time: 0.8246 data_time: 0.0287 memory: 9812 grad_norm: 3.3647 loss: 1.9605 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9447 distill.loss_dist: 1.0158 2023/05/16 00:46:14 - mmengine - INFO - Epoch(train) [88][ 180/1879] lr: 2.0000e-04 eta: 5:51:00 time: 0.8658 data_time: 0.0315 memory: 9812 grad_norm: 3.2955 loss: 1.9084 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 0.8992 distill.loss_dist: 1.0092 2023/05/16 00:46:33 - mmengine - INFO - Epoch(train) [88][ 200/1879] lr: 2.0000e-04 eta: 5:50:43 time: 0.9550 data_time: 0.0271 memory: 9812 grad_norm: 3.3534 loss: 2.0465 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0358 distill.loss_dist: 1.0107 2023/05/16 00:46:49 - mmengine - INFO - Epoch(train) [88][ 220/1879] lr: 2.0000e-04 eta: 5:50:25 time: 0.8229 data_time: 0.0308 memory: 9812 grad_norm: 3.4521 loss: 2.1531 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1497 distill.loss_dist: 1.0034 2023/05/16 00:47:05 - mmengine - INFO - Epoch(train) [88][ 240/1879] lr: 2.0000e-04 eta: 5:50:08 time: 0.8045 data_time: 0.0253 memory: 9812 grad_norm: 3.3970 loss: 1.9760 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9655 distill.loss_dist: 1.0105 2023/05/16 00:47:24 - mmengine - INFO - Epoch(train) [88][ 260/1879] lr: 2.0000e-04 eta: 5:49:51 time: 0.9319 data_time: 0.0254 memory: 9812 grad_norm: 3.4094 loss: 1.9373 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9354 distill.loss_dist: 1.0020 2023/05/16 00:47:41 - mmengine - INFO - Epoch(train) [88][ 280/1879] lr: 2.0000e-04 eta: 5:49:33 time: 0.8403 data_time: 0.0272 memory: 9812 grad_norm: 3.5314 loss: 2.1973 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1705 distill.loss_dist: 1.0268 2023/05/16 00:47:57 - mmengine - INFO - Epoch(train) [88][ 300/1879] lr: 2.0000e-04 eta: 5:49:16 time: 0.8254 data_time: 0.0271 memory: 9812 grad_norm: 3.5041 loss: 2.1237 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1123 distill.loss_dist: 1.0115 2023/05/16 00:48:17 - mmengine - INFO - Epoch(train) [88][ 320/1879] lr: 2.0000e-04 eta: 5:48:59 time: 0.9772 data_time: 0.0267 memory: 9812 grad_norm: 3.4928 loss: 2.2066 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1911 distill.loss_dist: 1.0155 2023/05/16 00:48:33 - mmengine - INFO - Epoch(train) [88][ 340/1879] lr: 2.0000e-04 eta: 5:48:41 time: 0.8068 data_time: 0.0267 memory: 9812 grad_norm: 3.4445 loss: 2.1166 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0657 distill.loss_dist: 1.0508 2023/05/16 00:48:50 - mmengine - INFO - Epoch(train) [88][ 360/1879] lr: 2.0000e-04 eta: 5:48:24 time: 0.8390 data_time: 0.0282 memory: 9812 grad_norm: 3.4884 loss: 2.0741 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0708 distill.loss_dist: 1.0033 2023/05/16 00:49:08 - mmengine - INFO - Epoch(train) [88][ 380/1879] lr: 2.0000e-04 eta: 5:48:06 time: 0.8906 data_time: 0.0311 memory: 9812 grad_norm: 3.3807 loss: 2.0464 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0372 distill.loss_dist: 1.0091 2023/05/16 00:49:24 - mmengine - INFO - Epoch(train) [88][ 400/1879] lr: 2.0000e-04 eta: 5:47:49 time: 0.8198 data_time: 0.0271 memory: 9812 grad_norm: 3.4689 loss: 2.0675 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0427 distill.loss_dist: 1.0248 2023/05/16 00:49:40 - mmengine - INFO - Epoch(train) [88][ 420/1879] lr: 2.0000e-04 eta: 5:47:31 time: 0.8171 data_time: 0.0293 memory: 9812 grad_norm: 3.4365 loss: 2.1109 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0983 distill.loss_dist: 1.0126 2023/05/16 00:50:00 - mmengine - INFO - Epoch(train) [88][ 440/1879] lr: 2.0000e-04 eta: 5:47:14 time: 0.9689 data_time: 0.0263 memory: 9812 grad_norm: 3.3862 loss: 2.1351 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1079 distill.loss_dist: 1.0272 2023/05/16 00:50:16 - mmengine - INFO - Epoch(train) [88][ 460/1879] lr: 2.0000e-04 eta: 5:46:57 time: 0.8127 data_time: 0.0288 memory: 9812 grad_norm: 3.5591 loss: 2.1852 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1646 distill.loss_dist: 1.0205 2023/05/16 00:50:32 - mmengine - INFO - Epoch(train) [88][ 480/1879] lr: 2.0000e-04 eta: 5:46:39 time: 0.8076 data_time: 0.0258 memory: 9812 grad_norm: 3.4269 loss: 2.0035 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9878 distill.loss_dist: 1.0157 2023/05/16 00:50:51 - mmengine - INFO - Epoch(train) [88][ 500/1879] lr: 2.0000e-04 eta: 5:46:22 time: 0.9404 data_time: 0.0301 memory: 9812 grad_norm: 3.5945 loss: 2.2292 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1785 distill.loss_dist: 1.0507 2023/05/16 00:51:09 - mmengine - INFO - Epoch(train) [88][ 520/1879] lr: 2.0000e-04 eta: 5:46:05 time: 0.8710 data_time: 0.0262 memory: 9812 grad_norm: 3.4397 loss: 2.1211 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0899 distill.loss_dist: 1.0312 2023/05/16 00:51:14 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 00:51:24 - mmengine - INFO - Epoch(train) [88][ 540/1879] lr: 2.0000e-04 eta: 5:45:47 time: 0.7884 data_time: 0.0294 memory: 9812 grad_norm: 3.5006 loss: 1.9722 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9973 distill.loss_dist: 0.9749 2023/05/16 00:51:42 - mmengine - INFO - Epoch(train) [88][ 560/1879] lr: 2.0000e-04 eta: 5:45:30 time: 0.9025 data_time: 0.0290 memory: 9812 grad_norm: 3.4809 loss: 2.2694 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2216 distill.loss_dist: 1.0478 2023/05/16 00:51:59 - mmengine - INFO - Epoch(train) [88][ 580/1879] lr: 2.0000e-04 eta: 5:45:12 time: 0.8090 data_time: 0.0285 memory: 9812 grad_norm: 3.4535 loss: 2.0903 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.0766 distill.loss_dist: 1.0137 2023/05/16 00:52:16 - mmengine - INFO - Epoch(train) [88][ 600/1879] lr: 2.0000e-04 eta: 5:44:55 time: 0.8846 data_time: 0.0269 memory: 9812 grad_norm: 3.5169 loss: 1.9694 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 0.9785 distill.loss_dist: 0.9909 2023/05/16 00:52:35 - mmengine - INFO - Epoch(train) [88][ 620/1879] lr: 2.0000e-04 eta: 5:44:38 time: 0.9207 data_time: 0.0272 memory: 9812 grad_norm: 3.4140 loss: 2.0010 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9967 distill.loss_dist: 1.0043 2023/05/16 00:52:52 - mmengine - INFO - Epoch(train) [88][ 640/1879] lr: 2.0000e-04 eta: 5:44:20 time: 0.8381 data_time: 0.0308 memory: 9812 grad_norm: 3.4670 loss: 2.1296 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1274 distill.loss_dist: 1.0022 2023/05/16 00:53:09 - mmengine - INFO - Epoch(train) [88][ 660/1879] lr: 2.0000e-04 eta: 5:44:03 time: 0.8644 data_time: 0.0255 memory: 9812 grad_norm: 3.4547 loss: 2.0818 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0825 distill.loss_dist: 0.9993 2023/05/16 00:53:29 - mmengine - INFO - Epoch(train) [88][ 680/1879] lr: 2.0000e-04 eta: 5:43:46 time: 1.0021 data_time: 0.0239 memory: 9812 grad_norm: 3.4768 loss: 2.2667 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2323 distill.loss_dist: 1.0344 2023/05/16 00:53:44 - mmengine - INFO - Epoch(train) [88][ 700/1879] lr: 2.0000e-04 eta: 5:43:28 time: 0.7784 data_time: 0.0254 memory: 9812 grad_norm: 3.4621 loss: 2.1509 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1435 distill.loss_dist: 1.0075 2023/05/16 00:54:01 - mmengine - INFO - Epoch(train) [88][ 720/1879] lr: 2.0000e-04 eta: 5:43:11 time: 0.8252 data_time: 0.0297 memory: 9812 grad_norm: 3.4763 loss: 2.2140 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1725 distill.loss_dist: 1.0415 2023/05/16 00:54:20 - mmengine - INFO - Epoch(train) [88][ 740/1879] lr: 2.0000e-04 eta: 5:42:54 time: 0.9486 data_time: 0.0281 memory: 9812 grad_norm: 3.4620 loss: 2.1932 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1637 distill.loss_dist: 1.0294 2023/05/16 00:54:35 - mmengine - INFO - Epoch(train) [88][ 760/1879] lr: 2.0000e-04 eta: 5:42:36 time: 0.7667 data_time: 0.0285 memory: 9812 grad_norm: 3.4404 loss: 2.0858 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0656 distill.loss_dist: 1.0202 2023/05/16 00:54:52 - mmengine - INFO - Epoch(train) [88][ 780/1879] lr: 2.0000e-04 eta: 5:42:18 time: 0.8278 data_time: 0.0266 memory: 9812 grad_norm: 3.4538 loss: 2.2011 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1685 distill.loss_dist: 1.0327 2023/05/16 00:55:10 - mmengine - INFO - Epoch(train) [88][ 800/1879] lr: 2.0000e-04 eta: 5:42:01 time: 0.9118 data_time: 0.0304 memory: 9812 grad_norm: 3.4144 loss: 2.1176 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1132 distill.loss_dist: 1.0043 2023/05/16 00:55:28 - mmengine - INFO - Epoch(train) [88][ 820/1879] lr: 2.0000e-04 eta: 5:41:44 time: 0.9007 data_time: 0.0317 memory: 9812 grad_norm: 3.4748 loss: 2.2513 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1972 distill.loss_dist: 1.0541 2023/05/16 00:55:44 - mmengine - INFO - Epoch(train) [88][ 840/1879] lr: 2.0000e-04 eta: 5:41:26 time: 0.8065 data_time: 0.0270 memory: 9812 grad_norm: 3.5392 loss: 2.3472 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3239 distill.loss_dist: 1.0232 2023/05/16 00:56:02 - mmengine - INFO - Epoch(train) [88][ 860/1879] lr: 2.0000e-04 eta: 5:41:09 time: 0.8634 data_time: 0.0326 memory: 9812 grad_norm: 3.3486 loss: 2.0519 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0366 distill.loss_dist: 1.0153 2023/05/16 00:56:21 - mmengine - INFO - Epoch(train) [88][ 880/1879] lr: 2.0000e-04 eta: 5:40:52 time: 0.9626 data_time: 0.0302 memory: 9812 grad_norm: 3.4743 loss: 2.3865 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3446 distill.loss_dist: 1.0419 2023/05/16 00:56:37 - mmengine - INFO - Epoch(train) [88][ 900/1879] lr: 2.0000e-04 eta: 5:40:34 time: 0.7747 data_time: 0.0265 memory: 9812 grad_norm: 3.4504 loss: 2.1449 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1199 distill.loss_dist: 1.0250 2023/05/16 00:56:54 - mmengine - INFO - Epoch(train) [88][ 920/1879] lr: 2.0000e-04 eta: 5:40:17 time: 0.8757 data_time: 0.0403 memory: 9812 grad_norm: 3.4221 loss: 2.0189 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0279 distill.loss_dist: 0.9910 2023/05/16 00:57:13 - mmengine - INFO - Epoch(train) [88][ 940/1879] lr: 2.0000e-04 eta: 5:40:00 time: 0.9476 data_time: 0.0592 memory: 9812 grad_norm: 3.4691 loss: 2.1526 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1446 distill.loss_dist: 1.0080 2023/05/16 00:57:29 - mmengine - INFO - Epoch(train) [88][ 960/1879] lr: 2.0000e-04 eta: 5:39:42 time: 0.7763 data_time: 0.0252 memory: 9812 grad_norm: 3.4050 loss: 2.2083 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.2042 distill.loss_dist: 1.0041 2023/05/16 00:57:46 - mmengine - INFO - Epoch(train) [88][ 980/1879] lr: 2.0000e-04 eta: 5:39:25 time: 0.8602 data_time: 0.0292 memory: 9812 grad_norm: 3.5397 loss: 2.2741 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2245 distill.loss_dist: 1.0496 2023/05/16 00:58:03 - mmengine - INFO - Epoch(train) [88][1000/1879] lr: 2.0000e-04 eta: 5:39:07 time: 0.8648 data_time: 0.0278 memory: 9812 grad_norm: 3.4934 loss: 2.1349 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1195 distill.loss_dist: 1.0154 2023/05/16 00:58:21 - mmengine - INFO - Epoch(train) [88][1020/1879] lr: 2.0000e-04 eta: 5:38:50 time: 0.8749 data_time: 0.0311 memory: 9812 grad_norm: 3.5085 loss: 2.1407 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1012 distill.loss_dist: 1.0395 2023/05/16 00:58:37 - mmengine - INFO - Epoch(train) [88][1040/1879] lr: 2.0000e-04 eta: 5:38:32 time: 0.8091 data_time: 0.1376 memory: 9812 grad_norm: 3.4427 loss: 2.1893 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1672 distill.loss_dist: 1.0220 2023/05/16 00:58:55 - mmengine - INFO - Epoch(train) [88][1060/1879] lr: 2.0000e-04 eta: 5:38:15 time: 0.9179 data_time: 0.3226 memory: 9812 grad_norm: 3.3768 loss: 2.1980 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2019 distill.loss_dist: 0.9961 2023/05/16 00:59:13 - mmengine - INFO - Epoch(train) [88][1080/1879] lr: 2.0000e-04 eta: 5:37:58 time: 0.8684 data_time: 0.2001 memory: 9812 grad_norm: 3.4018 loss: 2.0452 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0468 distill.loss_dist: 0.9984 2023/05/16 00:59:30 - mmengine - INFO - Epoch(train) [88][1100/1879] lr: 2.0000e-04 eta: 5:37:40 time: 0.8542 data_time: 0.1413 memory: 9812 grad_norm: 3.3595 loss: 1.9169 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9362 distill.loss_dist: 0.9807 2023/05/16 00:59:46 - mmengine - INFO - Epoch(train) [88][1120/1879] lr: 2.0000e-04 eta: 5:37:23 time: 0.8311 data_time: 0.0411 memory: 9812 grad_norm: 3.4857 loss: 2.1230 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1163 distill.loss_dist: 1.0067 2023/05/16 01:00:04 - mmengine - INFO - Epoch(train) [88][1140/1879] lr: 2.0000e-04 eta: 5:37:06 time: 0.8966 data_time: 0.0268 memory: 9812 grad_norm: 3.4671 loss: 2.1935 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1698 distill.loss_dist: 1.0237 2023/05/16 01:00:21 - mmengine - INFO - Epoch(train) [88][1160/1879] lr: 2.0000e-04 eta: 5:36:48 time: 0.8358 data_time: 0.0269 memory: 9812 grad_norm: 3.4705 loss: 2.0927 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0869 distill.loss_dist: 1.0058 2023/05/16 01:00:38 - mmengine - INFO - Epoch(train) [88][1180/1879] lr: 2.0000e-04 eta: 5:36:31 time: 0.8494 data_time: 0.0278 memory: 9812 grad_norm: 3.4854 loss: 2.1687 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1645 distill.loss_dist: 1.0041 2023/05/16 01:00:56 - mmengine - INFO - Epoch(train) [88][1200/1879] lr: 2.0000e-04 eta: 5:36:13 time: 0.8963 data_time: 0.0315 memory: 9812 grad_norm: 3.4156 loss: 2.0228 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0012 distill.loss_dist: 1.0216 2023/05/16 01:01:14 - mmengine - INFO - Epoch(train) [88][1220/1879] lr: 2.0000e-04 eta: 5:35:56 time: 0.9105 data_time: 0.0256 memory: 9812 grad_norm: 3.5059 loss: 2.1372 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1248 distill.loss_dist: 1.0124 2023/05/16 01:01:31 - mmengine - INFO - Epoch(train) [88][1240/1879] lr: 2.0000e-04 eta: 5:35:39 time: 0.8423 data_time: 0.0296 memory: 9812 grad_norm: 3.3826 loss: 2.1766 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1531 distill.loss_dist: 1.0235 2023/05/16 01:01:49 - mmengine - INFO - Epoch(train) [88][1260/1879] lr: 2.0000e-04 eta: 5:35:21 time: 0.8755 data_time: 0.0324 memory: 9812 grad_norm: 3.3943 loss: 2.1679 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1376 distill.loss_dist: 1.0303 2023/05/16 01:02:05 - mmengine - INFO - Epoch(train) [88][1280/1879] lr: 2.0000e-04 eta: 5:35:04 time: 0.8084 data_time: 0.0291 memory: 9812 grad_norm: 3.3532 loss: 2.0469 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0468 distill.loss_dist: 1.0001 2023/05/16 01:02:23 - mmengine - INFO - Epoch(train) [88][1300/1879] lr: 2.0000e-04 eta: 5:34:47 time: 0.8822 data_time: 0.0280 memory: 9812 grad_norm: 3.5318 loss: 2.2371 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2084 distill.loss_dist: 1.0287 2023/05/16 01:02:40 - mmengine - INFO - Epoch(train) [88][1320/1879] lr: 2.0000e-04 eta: 5:34:29 time: 0.8523 data_time: 0.0290 memory: 9812 grad_norm: 3.4934 loss: 2.0592 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0395 distill.loss_dist: 1.0196 2023/05/16 01:02:57 - mmengine - INFO - Epoch(train) [88][1340/1879] lr: 2.0000e-04 eta: 5:34:12 time: 0.8538 data_time: 0.0305 memory: 9812 grad_norm: 3.4558 loss: 2.0557 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0632 distill.loss_dist: 0.9925 2023/05/16 01:03:15 - mmengine - INFO - Epoch(train) [88][1360/1879] lr: 2.0000e-04 eta: 5:33:54 time: 0.8896 data_time: 0.0330 memory: 9812 grad_norm: 3.4515 loss: 2.1265 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1227 distill.loss_dist: 1.0038 2023/05/16 01:03:31 - mmengine - INFO - Epoch(train) [88][1380/1879] lr: 2.0000e-04 eta: 5:33:37 time: 0.8469 data_time: 0.0257 memory: 9812 grad_norm: 3.4732 loss: 2.2598 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2122 distill.loss_dist: 1.0476 2023/05/16 01:03:49 - mmengine - INFO - Epoch(train) [88][1400/1879] lr: 2.0000e-04 eta: 5:33:20 time: 0.8768 data_time: 0.0284 memory: 9812 grad_norm: 3.3951 loss: 2.0904 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1063 distill.loss_dist: 0.9841 2023/05/16 01:04:08 - mmengine - INFO - Epoch(train) [88][1420/1879] lr: 2.0000e-04 eta: 5:33:02 time: 0.9365 data_time: 0.0290 memory: 9812 grad_norm: 3.5666 loss: 1.9977 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9933 distill.loss_dist: 1.0044 2023/05/16 01:04:24 - mmengine - INFO - Epoch(train) [88][1440/1879] lr: 2.0000e-04 eta: 5:32:45 time: 0.8101 data_time: 0.0252 memory: 9812 grad_norm: 3.4869 loss: 2.0356 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0372 distill.loss_dist: 0.9984 2023/05/16 01:04:43 - mmengine - INFO - Epoch(train) [88][1460/1879] lr: 2.0000e-04 eta: 5:32:28 time: 0.9558 data_time: 0.0250 memory: 9812 grad_norm: 3.5343 loss: 2.0706 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0555 distill.loss_dist: 1.0151 2023/05/16 01:04:59 - mmengine - INFO - Epoch(train) [88][1480/1879] lr: 2.0000e-04 eta: 5:32:10 time: 0.7830 data_time: 0.0291 memory: 9812 grad_norm: 3.5217 loss: 2.0590 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0383 distill.loss_dist: 1.0206 2023/05/16 01:05:16 - mmengine - INFO - Epoch(train) [88][1500/1879] lr: 2.0000e-04 eta: 5:31:53 time: 0.8572 data_time: 0.0264 memory: 9812 grad_norm: 3.5322 loss: 2.2975 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2901 distill.loss_dist: 1.0074 2023/05/16 01:05:34 - mmengine - INFO - Epoch(train) [88][1520/1879] lr: 2.0000e-04 eta: 5:31:36 time: 0.9174 data_time: 0.0258 memory: 9812 grad_norm: 3.4276 loss: 2.0902 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0618 distill.loss_dist: 1.0284 2023/05/16 01:05:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 01:05:50 - mmengine - INFO - Epoch(train) [88][1540/1879] lr: 2.0000e-04 eta: 5:31:18 time: 0.8007 data_time: 0.0261 memory: 9812 grad_norm: 3.5083 loss: 2.1697 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1585 distill.loss_dist: 1.0112 2023/05/16 01:06:08 - mmengine - INFO - Epoch(train) [88][1560/1879] lr: 2.0000e-04 eta: 5:31:01 time: 0.8740 data_time: 0.0273 memory: 9812 grad_norm: 3.4020 loss: 2.2796 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2611 distill.loss_dist: 1.0186 2023/05/16 01:06:27 - mmengine - INFO - Epoch(train) [88][1580/1879] lr: 2.0000e-04 eta: 5:30:43 time: 0.9426 data_time: 0.0259 memory: 9812 grad_norm: 3.5552 loss: 2.1105 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1285 distill.loss_dist: 0.9820 2023/05/16 01:06:43 - mmengine - INFO - Epoch(train) [88][1600/1879] lr: 2.0000e-04 eta: 5:30:26 time: 0.7930 data_time: 0.0262 memory: 9812 grad_norm: 3.4008 loss: 2.2063 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1851 distill.loss_dist: 1.0212 2023/05/16 01:06:59 - mmengine - INFO - Epoch(train) [88][1620/1879] lr: 2.0000e-04 eta: 5:30:08 time: 0.8297 data_time: 0.0267 memory: 9812 grad_norm: 3.4487 loss: 2.2797 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2214 distill.loss_dist: 1.0583 2023/05/16 01:07:17 - mmengine - INFO - Epoch(train) [88][1640/1879] lr: 2.0000e-04 eta: 5:29:51 time: 0.8979 data_time: 0.0290 memory: 9812 grad_norm: 3.5364 loss: 2.2599 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2327 distill.loss_dist: 1.0272 2023/05/16 01:07:34 - mmengine - INFO - Epoch(train) [88][1660/1879] lr: 2.0000e-04 eta: 5:29:34 time: 0.8386 data_time: 0.0256 memory: 9812 grad_norm: 3.4931 loss: 2.3735 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3199 distill.loss_dist: 1.0537 2023/05/16 01:07:52 - mmengine - INFO - Epoch(train) [88][1680/1879] lr: 2.0000e-04 eta: 5:29:16 time: 0.9023 data_time: 0.0267 memory: 9812 grad_norm: 3.4216 loss: 2.2470 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.2387 distill.loss_dist: 1.0083 2023/05/16 01:08:10 - mmengine - INFO - Epoch(train) [88][1700/1879] lr: 2.0000e-04 eta: 5:28:59 time: 0.9060 data_time: 0.0243 memory: 9812 grad_norm: 3.4730 loss: 2.2095 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2000 distill.loss_dist: 1.0095 2023/05/16 01:08:26 - mmengine - INFO - Epoch(train) [88][1720/1879] lr: 2.0000e-04 eta: 5:28:42 time: 0.7819 data_time: 0.0265 memory: 9812 grad_norm: 3.5210 loss: 2.2069 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1899 distill.loss_dist: 1.0170 2023/05/16 01:08:43 - mmengine - INFO - Epoch(train) [88][1740/1879] lr: 2.0000e-04 eta: 5:28:24 time: 0.8504 data_time: 0.0295 memory: 9812 grad_norm: 3.4568 loss: 2.2690 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2190 distill.loss_dist: 1.0500 2023/05/16 01:09:02 - mmengine - INFO - Epoch(train) [88][1760/1879] lr: 2.0000e-04 eta: 5:28:07 time: 0.9441 data_time: 0.0253 memory: 9812 grad_norm: 3.4681 loss: 1.9907 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0068 distill.loss_dist: 0.9840 2023/05/16 01:09:19 - mmengine - INFO - Epoch(train) [88][1780/1879] lr: 2.0000e-04 eta: 5:27:49 time: 0.8380 data_time: 0.0303 memory: 9812 grad_norm: 3.4478 loss: 2.1530 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1191 distill.loss_dist: 1.0339 2023/05/16 01:09:35 - mmengine - INFO - Epoch(train) [88][1800/1879] lr: 2.0000e-04 eta: 5:27:32 time: 0.8248 data_time: 0.0250 memory: 9812 grad_norm: 3.3803 loss: 1.9393 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 0.9359 distill.loss_dist: 1.0034 2023/05/16 01:09:55 - mmengine - INFO - Epoch(train) [88][1820/1879] lr: 2.0000e-04 eta: 5:27:15 time: 0.9709 data_time: 0.0277 memory: 9812 grad_norm: 3.4889 loss: 2.1082 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0998 distill.loss_dist: 1.0084 2023/05/16 01:10:12 - mmengine - INFO - Epoch(train) [88][1840/1879] lr: 2.0000e-04 eta: 5:26:57 time: 0.8465 data_time: 0.0260 memory: 9812 grad_norm: 3.4921 loss: 2.1571 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1784 distill.loss_dist: 0.9787 2023/05/16 01:10:27 - mmengine - INFO - Epoch(train) [88][1860/1879] lr: 2.0000e-04 eta: 5:26:40 time: 0.7858 data_time: 0.0271 memory: 9812 grad_norm: 3.5377 loss: 2.1571 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1388 distill.loss_dist: 1.0182 2023/05/16 01:10:41 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 01:10:41 - mmengine - INFO - Epoch(train) [88][1879/1879] lr: 2.0000e-04 eta: 5:26:23 time: 0.6876 data_time: 0.0224 memory: 9812 grad_norm: 3.5386 loss: 2.1099 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.0698 distill.loss_dist: 1.0402 2023/05/16 01:11:00 - mmengine - INFO - Epoch(val) [88][ 20/155] eta: 0:02:10 time: 0.9638 data_time: 0.8978 memory: 1484 2023/05/16 01:11:14 - mmengine - INFO - Epoch(val) [88][ 40/155] eta: 0:01:35 time: 0.7035 data_time: 0.6155 memory: 1484 2023/05/16 01:11:32 - mmengine - INFO - Epoch(val) [88][ 60/155] eta: 0:01:20 time: 0.8875 data_time: 0.8212 memory: 1484 2023/05/16 01:11:46 - mmengine - INFO - Epoch(val) [88][ 80/155] eta: 0:01:01 time: 0.7136 data_time: 0.6428 memory: 1484 2023/05/16 01:12:04 - mmengine - INFO - Epoch(val) [88][100/155] eta: 0:00:45 time: 0.8960 data_time: 0.8297 memory: 1484 2023/05/16 01:12:17 - mmengine - INFO - Epoch(val) [88][120/155] eta: 0:00:28 time: 0.6721 data_time: 0.6038 memory: 1484 2023/05/16 01:12:37 - mmengine - INFO - Epoch(val) [88][140/155] eta: 0:00:12 time: 0.9902 data_time: 0.9246 memory: 1484 2023/05/16 01:13:06 - mmengine - INFO - Epoch(val) [88][ 20/155] eta: 0:16:15 time: 0.9854 data_time: 0.8288 memory: 1582 2023/05/16 01:13:20 - mmengine - INFO - Epoch(val) [88][ 40/155] eta: 0:07:35 time: 0.7029 data_time: 0.5511 memory: 1582 2023/05/16 01:13:39 - mmengine - INFO - Epoch(val) [88][ 60/155] eta: 0:04:39 time: 0.9089 data_time: 0.7546 memory: 1582 2023/05/16 01:13:52 - mmengine - INFO - Epoch(val) [88][ 80/155] eta: 0:02:58 time: 0.6598 data_time: 0.5081 memory: 1582 2023/05/16 01:14:10 - mmengine - INFO - Epoch(val) [88][100/155] eta: 0:01:54 time: 0.9282 data_time: 0.7753 memory: 1582 2023/05/16 01:14:24 - mmengine - INFO - Epoch(val) [88][120/155] eta: 0:01:04 time: 0.6947 data_time: 0.5401 memory: 1582 2023/05/16 01:14:44 - mmengine - INFO - Epoch(val) [88][140/155] eta: 0:00:25 time: 0.9899 data_time: 0.8350 memory: 1582 2023/05/16 01:14:55 - mmengine - INFO - Epoch(val) [88][155/155] acc/top1: 0.6793 acc/top5: 0.8798 acc/mean1: 0.6792 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6576 time: 0.8094 2023/05/16 01:15:16 - mmengine - INFO - Epoch(train) [89][ 20/1879] lr: 2.0000e-04 eta: 5:26:06 time: 1.0629 data_time: 0.4792 memory: 9812 grad_norm: 3.5497 loss: 2.2320 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1961 distill.loss_dist: 1.0359 2023/05/16 01:15:33 - mmengine - INFO - Epoch(train) [89][ 40/1879] lr: 2.0000e-04 eta: 5:25:49 time: 0.8556 data_time: 0.0501 memory: 9812 grad_norm: 3.4914 loss: 2.3171 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2788 distill.loss_dist: 1.0383 2023/05/16 01:15:50 - mmengine - INFO - Epoch(train) [89][ 60/1879] lr: 2.0000e-04 eta: 5:25:31 time: 0.8499 data_time: 0.0265 memory: 9812 grad_norm: 3.5567 loss: 2.1736 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1566 distill.loss_dist: 1.0170 2023/05/16 01:16:10 - mmengine - INFO - Epoch(train) [89][ 80/1879] lr: 2.0000e-04 eta: 5:25:14 time: 0.9550 data_time: 0.0300 memory: 9812 grad_norm: 3.5010 loss: 2.1239 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1288 distill.loss_dist: 0.9952 2023/05/16 01:16:25 - mmengine - INFO - Epoch(train) [89][ 100/1879] lr: 2.0000e-04 eta: 5:24:57 time: 0.7908 data_time: 0.0330 memory: 9812 grad_norm: 3.3941 loss: 2.0060 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0045 distill.loss_dist: 1.0015 2023/05/16 01:16:43 - mmengine - INFO - Epoch(train) [89][ 120/1879] lr: 2.0000e-04 eta: 5:24:39 time: 0.8606 data_time: 0.0289 memory: 9812 grad_norm: 3.4603 loss: 2.0971 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1030 distill.loss_dist: 0.9941 2023/05/16 01:17:02 - mmengine - INFO - Epoch(train) [89][ 140/1879] lr: 2.0000e-04 eta: 5:24:22 time: 0.9666 data_time: 0.0263 memory: 9812 grad_norm: 3.5062 loss: 2.1322 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1371 distill.loss_dist: 0.9951 2023/05/16 01:17:19 - mmengine - INFO - Epoch(train) [89][ 160/1879] lr: 2.0000e-04 eta: 5:24:05 time: 0.8246 data_time: 0.0289 memory: 9812 grad_norm: 3.4821 loss: 2.2079 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1916 distill.loss_dist: 1.0163 2023/05/16 01:17:35 - mmengine - INFO - Epoch(train) [89][ 180/1879] lr: 2.0000e-04 eta: 5:23:47 time: 0.8233 data_time: 0.0291 memory: 9812 grad_norm: 3.4269 loss: 2.0932 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0918 distill.loss_dist: 1.0013 2023/05/16 01:17:54 - mmengine - INFO - Epoch(train) [89][ 200/1879] lr: 2.0000e-04 eta: 5:23:30 time: 0.9539 data_time: 0.0284 memory: 9812 grad_norm: 3.5082 loss: 2.0034 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9809 distill.loss_dist: 1.0225 2023/05/16 01:18:10 - mmengine - INFO - Epoch(train) [89][ 220/1879] lr: 2.0000e-04 eta: 5:23:12 time: 0.8017 data_time: 0.0273 memory: 9812 grad_norm: 3.4248 loss: 2.1364 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1108 distill.loss_dist: 1.0256 2023/05/16 01:18:27 - mmengine - INFO - Epoch(train) [89][ 240/1879] lr: 2.0000e-04 eta: 5:22:55 time: 0.8335 data_time: 0.0276 memory: 9812 grad_norm: 3.4636 loss: 2.0602 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0584 distill.loss_dist: 1.0018 2023/05/16 01:18:47 - mmengine - INFO - Epoch(train) [89][ 260/1879] lr: 2.0000e-04 eta: 5:22:38 time: 0.9840 data_time: 0.0245 memory: 9812 grad_norm: 3.4461 loss: 2.1817 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1879 distill.loss_dist: 0.9938 2023/05/16 01:19:04 - mmengine - INFO - Epoch(train) [89][ 280/1879] lr: 2.0000e-04 eta: 5:22:20 time: 0.8463 data_time: 0.0273 memory: 9812 grad_norm: 3.4762 loss: 2.1364 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1249 distill.loss_dist: 1.0115 2023/05/16 01:19:20 - mmengine - INFO - Epoch(train) [89][ 300/1879] lr: 2.0000e-04 eta: 5:22:03 time: 0.8182 data_time: 0.0238 memory: 9812 grad_norm: 3.3993 loss: 1.9971 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9892 distill.loss_dist: 1.0079 2023/05/16 01:19:37 - mmengine - INFO - Epoch(train) [89][ 320/1879] lr: 2.0000e-04 eta: 5:21:45 time: 0.8425 data_time: 0.0283 memory: 9812 grad_norm: 3.4174 loss: 2.1841 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1528 distill.loss_dist: 1.0313 2023/05/16 01:19:52 - mmengine - INFO - Epoch(train) [89][ 340/1879] lr: 2.0000e-04 eta: 5:21:28 time: 0.7828 data_time: 0.0739 memory: 9812 grad_norm: 3.5036 loss: 2.1243 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0899 distill.loss_dist: 1.0344 2023/05/16 01:20:10 - mmengine - INFO - Epoch(train) [89][ 360/1879] lr: 2.0000e-04 eta: 5:21:11 time: 0.8982 data_time: 0.0278 memory: 9812 grad_norm: 3.4839 loss: 2.3126 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2737 distill.loss_dist: 1.0389 2023/05/16 01:20:28 - mmengine - INFO - Epoch(train) [89][ 380/1879] lr: 2.0000e-04 eta: 5:20:53 time: 0.8771 data_time: 0.0256 memory: 9812 grad_norm: 3.4052 loss: 2.1129 student.top1_acc: 0.3750 student.top5_acc: 0.5625 student.loss_cls: 1.0788 distill.loss_dist: 1.0341 2023/05/16 01:20:45 - mmengine - INFO - Epoch(train) [89][ 400/1879] lr: 2.0000e-04 eta: 5:20:36 time: 0.8369 data_time: 0.0260 memory: 9812 grad_norm: 3.4767 loss: 2.2908 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2513 distill.loss_dist: 1.0395 2023/05/16 01:21:03 - mmengine - INFO - Epoch(train) [89][ 420/1879] lr: 2.0000e-04 eta: 5:20:19 time: 0.9067 data_time: 0.0276 memory: 9812 grad_norm: 3.4962 loss: 2.2533 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.2195 distill.loss_dist: 1.0337 2023/05/16 01:21:19 - mmengine - INFO - Epoch(train) [89][ 440/1879] lr: 2.0000e-04 eta: 5:20:01 time: 0.8198 data_time: 0.0308 memory: 9812 grad_norm: 3.4926 loss: 2.3933 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3579 distill.loss_dist: 1.0354 2023/05/16 01:21:38 - mmengine - INFO - Epoch(train) [89][ 460/1879] lr: 2.0000e-04 eta: 5:19:44 time: 0.9082 data_time: 0.0332 memory: 9812 grad_norm: 3.4590 loss: 2.1791 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1600 distill.loss_dist: 1.0190 2023/05/16 01:21:54 - mmengine - INFO - Epoch(train) [89][ 480/1879] lr: 2.0000e-04 eta: 5:19:26 time: 0.8166 data_time: 0.0258 memory: 9812 grad_norm: 3.4197 loss: 2.0545 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0428 distill.loss_dist: 1.0117 2023/05/16 01:22:11 - mmengine - INFO - Epoch(train) [89][ 500/1879] lr: 2.0000e-04 eta: 5:19:09 time: 0.8436 data_time: 0.0259 memory: 9812 grad_norm: 3.3798 loss: 2.0741 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0594 distill.loss_dist: 1.0147 2023/05/16 01:22:29 - mmengine - INFO - Epoch(train) [89][ 520/1879] lr: 2.0000e-04 eta: 5:18:52 time: 0.9235 data_time: 0.1092 memory: 9812 grad_norm: 3.4977 loss: 2.2089 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1757 distill.loss_dist: 1.0332 2023/05/16 01:22:46 - mmengine - INFO - Epoch(train) [89][ 540/1879] lr: 2.0000e-04 eta: 5:18:34 time: 0.8558 data_time: 0.1952 memory: 9812 grad_norm: 3.4874 loss: 2.1996 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1824 distill.loss_dist: 1.0172 2023/05/16 01:23:03 - mmengine - INFO - Epoch(train) [89][ 560/1879] lr: 2.0000e-04 eta: 5:18:17 time: 0.8063 data_time: 0.0664 memory: 9812 grad_norm: 3.4807 loss: 2.1175 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0848 distill.loss_dist: 1.0328 2023/05/16 01:23:22 - mmengine - INFO - Epoch(train) [89][ 580/1879] lr: 2.0000e-04 eta: 5:18:00 time: 0.9771 data_time: 0.0288 memory: 9812 grad_norm: 3.4699 loss: 2.0658 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0571 distill.loss_dist: 1.0087 2023/05/16 01:23:39 - mmengine - INFO - Epoch(train) [89][ 600/1879] lr: 2.0000e-04 eta: 5:17:42 time: 0.8511 data_time: 0.0298 memory: 9812 grad_norm: 3.3892 loss: 2.0835 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0565 distill.loss_dist: 1.0270 2023/05/16 01:23:55 - mmengine - INFO - Epoch(train) [89][ 620/1879] lr: 2.0000e-04 eta: 5:17:25 time: 0.8044 data_time: 0.0270 memory: 9812 grad_norm: 3.5431 loss: 2.1533 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1169 distill.loss_dist: 1.0364 2023/05/16 01:24:15 - mmengine - INFO - Epoch(train) [89][ 640/1879] lr: 2.0000e-04 eta: 5:17:07 time: 0.9602 data_time: 0.0254 memory: 9812 grad_norm: 3.4840 loss: 2.1636 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1487 distill.loss_dist: 1.0149 2023/05/16 01:24:21 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 01:24:31 - mmengine - INFO - Epoch(train) [89][ 660/1879] lr: 2.0000e-04 eta: 5:16:50 time: 0.8062 data_time: 0.0280 memory: 9812 grad_norm: 3.4738 loss: 2.1148 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0898 distill.loss_dist: 1.0250 2023/05/16 01:24:47 - mmengine - INFO - Epoch(train) [89][ 680/1879] lr: 2.0000e-04 eta: 5:16:32 time: 0.8101 data_time: 0.0305 memory: 9812 grad_norm: 3.3692 loss: 2.1875 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1729 distill.loss_dist: 1.0147 2023/05/16 01:25:05 - mmengine - INFO - Epoch(train) [89][ 700/1879] lr: 2.0000e-04 eta: 5:16:15 time: 0.9221 data_time: 0.0281 memory: 9812 grad_norm: 3.4228 loss: 2.0999 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0844 distill.loss_dist: 1.0155 2023/05/16 01:25:23 - mmengine - INFO - Epoch(train) [89][ 720/1879] lr: 2.0000e-04 eta: 5:15:58 time: 0.8611 data_time: 0.0320 memory: 9812 grad_norm: 3.5887 loss: 2.2151 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1833 distill.loss_dist: 1.0319 2023/05/16 01:25:39 - mmengine - INFO - Epoch(train) [89][ 740/1879] lr: 2.0000e-04 eta: 5:15:40 time: 0.7995 data_time: 0.0241 memory: 9812 grad_norm: 3.4400 loss: 2.1381 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1231 distill.loss_dist: 1.0149 2023/05/16 01:25:58 - mmengine - INFO - Epoch(train) [89][ 760/1879] lr: 2.0000e-04 eta: 5:15:23 time: 0.9557 data_time: 0.0272 memory: 9812 grad_norm: 3.4768 loss: 2.2428 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2088 distill.loss_dist: 1.0340 2023/05/16 01:26:15 - mmengine - INFO - Epoch(train) [89][ 780/1879] lr: 2.0000e-04 eta: 5:15:06 time: 0.8594 data_time: 0.0254 memory: 9812 grad_norm: 3.4619 loss: 2.1142 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0938 distill.loss_dist: 1.0203 2023/05/16 01:26:32 - mmengine - INFO - Epoch(train) [89][ 800/1879] lr: 2.0000e-04 eta: 5:14:48 time: 0.8413 data_time: 0.0258 memory: 9812 grad_norm: 3.4890 loss: 2.1553 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1335 distill.loss_dist: 1.0218 2023/05/16 01:26:50 - mmengine - INFO - Epoch(train) [89][ 820/1879] lr: 2.0000e-04 eta: 5:14:31 time: 0.9257 data_time: 0.0269 memory: 9812 grad_norm: 3.4232 loss: 2.1787 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1416 distill.loss_dist: 1.0372 2023/05/16 01:27:07 - mmengine - INFO - Epoch(train) [89][ 840/1879] lr: 2.0000e-04 eta: 5:14:14 time: 0.8226 data_time: 0.0267 memory: 9812 grad_norm: 3.4479 loss: 2.1304 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1017 distill.loss_dist: 1.0287 2023/05/16 01:27:22 - mmengine - INFO - Epoch(train) [89][ 860/1879] lr: 2.0000e-04 eta: 5:13:56 time: 0.7697 data_time: 0.0273 memory: 9812 grad_norm: 3.4618 loss: 2.1489 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1109 distill.loss_dist: 1.0380 2023/05/16 01:27:41 - mmengine - INFO - Epoch(train) [89][ 880/1879] lr: 2.0000e-04 eta: 5:13:39 time: 0.9142 data_time: 0.0295 memory: 9812 grad_norm: 3.4809 loss: 2.2043 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1719 distill.loss_dist: 1.0325 2023/05/16 01:27:57 - mmengine - INFO - Epoch(train) [89][ 900/1879] lr: 2.0000e-04 eta: 5:13:21 time: 0.8053 data_time: 0.0290 memory: 9812 grad_norm: 3.4808 loss: 2.1820 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1530 distill.loss_dist: 1.0290 2023/05/16 01:28:13 - mmengine - INFO - Epoch(train) [89][ 920/1879] lr: 2.0000e-04 eta: 5:13:04 time: 0.8076 data_time: 0.0262 memory: 9812 grad_norm: 3.4676 loss: 2.0380 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0279 distill.loss_dist: 1.0101 2023/05/16 01:28:31 - mmengine - INFO - Epoch(train) [89][ 940/1879] lr: 2.0000e-04 eta: 5:12:46 time: 0.9152 data_time: 0.0307 memory: 9812 grad_norm: 3.5059 loss: 2.1301 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1292 distill.loss_dist: 1.0010 2023/05/16 01:28:49 - mmengine - INFO - Epoch(train) [89][ 960/1879] lr: 2.0000e-04 eta: 5:12:29 time: 0.8713 data_time: 0.0281 memory: 9812 grad_norm: 3.4689 loss: 2.1553 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1433 distill.loss_dist: 1.0120 2023/05/16 01:29:05 - mmengine - INFO - Epoch(train) [89][ 980/1879] lr: 2.0000e-04 eta: 5:12:12 time: 0.8304 data_time: 0.0288 memory: 9812 grad_norm: 3.4916 loss: 2.1102 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1122 distill.loss_dist: 0.9980 2023/05/16 01:29:24 - mmengine - INFO - Epoch(train) [89][1000/1879] lr: 2.0000e-04 eta: 5:11:54 time: 0.9113 data_time: 0.0265 memory: 9812 grad_norm: 3.4199 loss: 1.9060 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.8942 distill.loss_dist: 1.0119 2023/05/16 01:29:40 - mmengine - INFO - Epoch(train) [89][1020/1879] lr: 2.0000e-04 eta: 5:11:37 time: 0.8327 data_time: 0.0306 memory: 9812 grad_norm: 3.4808 loss: 2.2908 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2589 distill.loss_dist: 1.0319 2023/05/16 01:29:57 - mmengine - INFO - Epoch(train) [89][1040/1879] lr: 2.0000e-04 eta: 5:11:19 time: 0.8303 data_time: 0.0230 memory: 9812 grad_norm: 3.4091 loss: 1.9583 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9510 distill.loss_dist: 1.0073 2023/05/16 01:30:15 - mmengine - INFO - Epoch(train) [89][1060/1879] lr: 2.0000e-04 eta: 5:11:02 time: 0.9178 data_time: 0.0320 memory: 9812 grad_norm: 3.3214 loss: 2.0963 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0963 distill.loss_dist: 1.0001 2023/05/16 01:30:32 - mmengine - INFO - Epoch(train) [89][1080/1879] lr: 2.0000e-04 eta: 5:10:45 time: 0.8207 data_time: 0.0463 memory: 9812 grad_norm: 3.5142 loss: 2.1657 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1558 distill.loss_dist: 1.0099 2023/05/16 01:30:49 - mmengine - INFO - Epoch(train) [89][1100/1879] lr: 2.0000e-04 eta: 5:10:27 time: 0.8706 data_time: 0.0338 memory: 9812 grad_norm: 3.3673 loss: 2.0585 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0421 distill.loss_dist: 1.0164 2023/05/16 01:31:07 - mmengine - INFO - Epoch(train) [89][1120/1879] lr: 2.0000e-04 eta: 5:10:10 time: 0.8884 data_time: 0.0830 memory: 9812 grad_norm: 3.3407 loss: 2.1026 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0695 distill.loss_dist: 1.0332 2023/05/16 01:31:24 - mmengine - INFO - Epoch(train) [89][1140/1879] lr: 2.0000e-04 eta: 5:09:52 time: 0.8380 data_time: 0.1642 memory: 9812 grad_norm: 3.5325 loss: 2.0961 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0908 distill.loss_dist: 1.0053 2023/05/16 01:31:41 - mmengine - INFO - Epoch(train) [89][1160/1879] lr: 2.0000e-04 eta: 5:09:35 time: 0.8435 data_time: 0.0572 memory: 9812 grad_norm: 3.4942 loss: 2.0568 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0833 distill.loss_dist: 0.9735 2023/05/16 01:31:58 - mmengine - INFO - Epoch(train) [89][1180/1879] lr: 2.0000e-04 eta: 5:09:18 time: 0.8895 data_time: 0.2441 memory: 9812 grad_norm: 3.4284 loss: 1.9208 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9131 distill.loss_dist: 1.0077 2023/05/16 01:32:17 - mmengine - INFO - Epoch(train) [89][1200/1879] lr: 2.0000e-04 eta: 5:09:01 time: 0.9477 data_time: 0.1453 memory: 9812 grad_norm: 3.4562 loss: 2.2849 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2444 distill.loss_dist: 1.0405 2023/05/16 01:32:33 - mmengine - INFO - Epoch(train) [89][1220/1879] lr: 2.0000e-04 eta: 5:08:43 time: 0.8060 data_time: 0.0686 memory: 9812 grad_norm: 3.5524 loss: 2.2794 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2721 distill.loss_dist: 1.0073 2023/05/16 01:32:51 - mmengine - INFO - Epoch(train) [89][1240/1879] lr: 2.0000e-04 eta: 5:08:26 time: 0.8712 data_time: 0.1088 memory: 9812 grad_norm: 3.4687 loss: 2.1377 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1347 distill.loss_dist: 1.0030 2023/05/16 01:33:10 - mmengine - INFO - Epoch(train) [89][1260/1879] lr: 2.0000e-04 eta: 5:08:08 time: 0.9393 data_time: 0.0233 memory: 9812 grad_norm: 3.4185 loss: 2.0760 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0959 distill.loss_dist: 0.9801 2023/05/16 01:33:27 - mmengine - INFO - Epoch(train) [89][1280/1879] lr: 2.0000e-04 eta: 5:07:51 time: 0.8443 data_time: 0.0263 memory: 9812 grad_norm: 3.4648 loss: 2.0901 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0889 distill.loss_dist: 1.0012 2023/05/16 01:33:41 - mmengine - INFO - Epoch(train) [89][1300/1879] lr: 2.0000e-04 eta: 5:07:33 time: 0.7400 data_time: 0.0427 memory: 9812 grad_norm: 3.4443 loss: 1.9099 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9143 distill.loss_dist: 0.9956 2023/05/16 01:34:00 - mmengine - INFO - Epoch(train) [89][1320/1879] lr: 2.0000e-04 eta: 5:07:16 time: 0.9259 data_time: 0.1166 memory: 9812 grad_norm: 3.4035 loss: 2.0004 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0124 distill.loss_dist: 0.9880 2023/05/16 01:34:16 - mmengine - INFO - Epoch(train) [89][1340/1879] lr: 2.0000e-04 eta: 5:06:59 time: 0.8114 data_time: 0.0411 memory: 9812 grad_norm: 3.4640 loss: 2.0400 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0503 distill.loss_dist: 0.9897 2023/05/16 01:34:33 - mmengine - INFO - Epoch(train) [89][1360/1879] lr: 2.0000e-04 eta: 5:06:41 time: 0.8316 data_time: 0.0308 memory: 9812 grad_norm: 3.4579 loss: 2.2612 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2141 distill.loss_dist: 1.0472 2023/05/16 01:34:52 - mmengine - INFO - Epoch(train) [89][1380/1879] lr: 2.0000e-04 eta: 5:06:24 time: 0.9339 data_time: 0.0279 memory: 9812 grad_norm: 3.4619 loss: 2.1567 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1094 distill.loss_dist: 1.0473 2023/05/16 01:35:08 - mmengine - INFO - Epoch(train) [89][1400/1879] lr: 2.0000e-04 eta: 5:06:06 time: 0.8351 data_time: 0.0269 memory: 9812 grad_norm: 3.4089 loss: 1.9760 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0051 distill.loss_dist: 0.9709 2023/05/16 01:35:26 - mmengine - INFO - Epoch(train) [89][1420/1879] lr: 2.0000e-04 eta: 5:05:49 time: 0.8633 data_time: 0.0263 memory: 9812 grad_norm: 3.5108 loss: 2.0919 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1101 distill.loss_dist: 0.9818 2023/05/16 01:35:43 - mmengine - INFO - Epoch(train) [89][1440/1879] lr: 2.0000e-04 eta: 5:05:32 time: 0.8602 data_time: 0.0297 memory: 9812 grad_norm: 3.4350 loss: 1.9137 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 0.9359 distill.loss_dist: 0.9778 2023/05/16 01:36:02 - mmengine - INFO - Epoch(train) [89][1460/1879] lr: 2.0000e-04 eta: 5:05:15 time: 0.9442 data_time: 0.0258 memory: 9812 grad_norm: 3.4709 loss: 2.1107 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0865 distill.loss_dist: 1.0242 2023/05/16 01:36:18 - mmengine - INFO - Epoch(train) [89][1480/1879] lr: 2.0000e-04 eta: 5:04:57 time: 0.8197 data_time: 0.0254 memory: 9812 grad_norm: 3.4528 loss: 2.1896 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1771 distill.loss_dist: 1.0126 2023/05/16 01:36:34 - mmengine - INFO - Epoch(train) [89][1500/1879] lr: 2.0000e-04 eta: 5:04:39 time: 0.8075 data_time: 0.0276 memory: 9812 grad_norm: 3.4426 loss: 2.3260 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2863 distill.loss_dist: 1.0397 2023/05/16 01:36:54 - mmengine - INFO - Epoch(train) [89][1520/1879] lr: 2.0000e-04 eta: 5:04:22 time: 0.9621 data_time: 0.0282 memory: 9812 grad_norm: 3.5024 loss: 2.2052 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1580 distill.loss_dist: 1.0472 2023/05/16 01:37:10 - mmengine - INFO - Epoch(train) [89][1540/1879] lr: 2.0000e-04 eta: 5:04:05 time: 0.8208 data_time: 0.0260 memory: 9812 grad_norm: 3.4692 loss: 1.9890 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 0.9983 distill.loss_dist: 0.9907 2023/05/16 01:37:26 - mmengine - INFO - Epoch(train) [89][1560/1879] lr: 2.0000e-04 eta: 5:03:47 time: 0.8007 data_time: 0.0282 memory: 9812 grad_norm: 3.4376 loss: 2.0954 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0741 distill.loss_dist: 1.0213 2023/05/16 01:37:45 - mmengine - INFO - Epoch(train) [89][1580/1879] lr: 2.0000e-04 eta: 5:03:30 time: 0.9315 data_time: 0.0295 memory: 9812 grad_norm: 3.3941 loss: 1.9605 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 0.9683 distill.loss_dist: 0.9922 2023/05/16 01:38:02 - mmengine - INFO - Epoch(train) [89][1600/1879] lr: 2.0000e-04 eta: 5:03:13 time: 0.8589 data_time: 0.0261 memory: 9812 grad_norm: 3.5110 loss: 2.1553 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1284 distill.loss_dist: 1.0270 2023/05/16 01:38:19 - mmengine - INFO - Epoch(train) [89][1620/1879] lr: 2.0000e-04 eta: 5:02:55 time: 0.8304 data_time: 0.0259 memory: 9812 grad_norm: 3.3285 loss: 1.9717 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9745 distill.loss_dist: 0.9972 2023/05/16 01:38:36 - mmengine - INFO - Epoch(train) [89][1640/1879] lr: 2.0000e-04 eta: 5:02:38 time: 0.8691 data_time: 0.0272 memory: 9812 grad_norm: 3.4383 loss: 2.1102 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0890 distill.loss_dist: 1.0212 2023/05/16 01:38:42 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 01:38:52 - mmengine - INFO - Epoch(train) [89][1660/1879] lr: 2.0000e-04 eta: 5:02:20 time: 0.8246 data_time: 0.0274 memory: 9812 grad_norm: 3.4664 loss: 2.1774 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1358 distill.loss_dist: 1.0416 2023/05/16 01:39:12 - mmengine - INFO - Epoch(train) [89][1680/1879] lr: 2.0000e-04 eta: 5:02:03 time: 0.9534 data_time: 0.0286 memory: 9812 grad_norm: 3.4398 loss: 2.0956 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.0871 distill.loss_dist: 1.0084 2023/05/16 01:39:29 - mmengine - INFO - Epoch(train) [89][1700/1879] lr: 2.0000e-04 eta: 5:01:46 time: 0.8502 data_time: 0.0265 memory: 9812 grad_norm: 3.5376 loss: 2.1448 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1415 distill.loss_dist: 1.0032 2023/05/16 01:39:45 - mmengine - INFO - Epoch(train) [89][1720/1879] lr: 2.0000e-04 eta: 5:01:28 time: 0.8335 data_time: 0.0244 memory: 9812 grad_norm: 3.5124 loss: 2.0881 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0830 distill.loss_dist: 1.0051 2023/05/16 01:40:04 - mmengine - INFO - Epoch(train) [89][1740/1879] lr: 2.0000e-04 eta: 5:01:11 time: 0.9337 data_time: 0.0268 memory: 9812 grad_norm: 3.4640 loss: 2.0167 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0216 distill.loss_dist: 0.9951 2023/05/16 01:40:20 - mmengine - INFO - Epoch(train) [89][1760/1879] lr: 2.0000e-04 eta: 5:00:54 time: 0.8125 data_time: 0.0296 memory: 9812 grad_norm: 3.4908 loss: 2.0810 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0723 distill.loss_dist: 1.0088 2023/05/16 01:40:37 - mmengine - INFO - Epoch(train) [89][1780/1879] lr: 2.0000e-04 eta: 5:00:36 time: 0.8128 data_time: 0.0223 memory: 9812 grad_norm: 3.4963 loss: 2.3858 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.3112 distill.loss_dist: 1.0746 2023/05/16 01:40:56 - mmengine - INFO - Epoch(train) [89][1800/1879] lr: 2.0000e-04 eta: 5:00:19 time: 0.9532 data_time: 0.0324 memory: 9812 grad_norm: 3.4793 loss: 2.1916 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1560 distill.loss_dist: 1.0356 2023/05/16 01:41:12 - mmengine - INFO - Epoch(train) [89][1820/1879] lr: 2.0000e-04 eta: 5:00:01 time: 0.7940 data_time: 0.0262 memory: 9812 grad_norm: 3.3745 loss: 2.0580 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0406 distill.loss_dist: 1.0174 2023/05/16 01:41:29 - mmengine - INFO - Epoch(train) [89][1840/1879] lr: 2.0000e-04 eta: 4:59:44 time: 0.8789 data_time: 0.0250 memory: 9812 grad_norm: 3.3890 loss: 2.2308 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2048 distill.loss_dist: 1.0259 2023/05/16 01:41:47 - mmengine - INFO - Epoch(train) [89][1860/1879] lr: 2.0000e-04 eta: 4:59:27 time: 0.8722 data_time: 0.0318 memory: 9812 grad_norm: 3.4577 loss: 2.1400 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1248 distill.loss_dist: 1.0152 2023/05/16 01:42:00 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 01:42:00 - mmengine - INFO - Epoch(train) [89][1879/1879] lr: 2.0000e-04 eta: 4:59:10 time: 0.7169 data_time: 0.0225 memory: 9812 grad_norm: 3.5000 loss: 2.1412 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1497 distill.loss_dist: 0.9915 2023/05/16 01:42:20 - mmengine - INFO - Epoch(val) [89][ 20/155] eta: 0:02:12 time: 0.9841 data_time: 0.9172 memory: 1484 2023/05/16 01:42:33 - mmengine - INFO - Epoch(val) [89][ 40/155] eta: 0:01:33 time: 0.6372 data_time: 0.5695 memory: 1484 2023/05/16 01:42:52 - mmengine - INFO - Epoch(val) [89][ 60/155] eta: 0:01:21 time: 0.9543 data_time: 0.8848 memory: 1484 2023/05/16 01:43:06 - mmengine - INFO - Epoch(val) [89][ 80/155] eta: 0:01:01 time: 0.7074 data_time: 0.6438 memory: 1484 2023/05/16 01:43:25 - mmengine - INFO - Epoch(val) [89][100/155] eta: 0:00:46 time: 0.9362 data_time: 0.8691 memory: 1484 2023/05/16 01:43:38 - mmengine - INFO - Epoch(val) [89][120/155] eta: 0:00:28 time: 0.6523 data_time: 0.5864 memory: 1484 2023/05/16 01:43:58 - mmengine - INFO - Epoch(val) [89][140/155] eta: 0:00:12 time: 0.9922 data_time: 0.9276 memory: 1484 2023/05/16 01:44:26 - mmengine - INFO - Epoch(val) [89][ 20/155] eta: 0:16:13 time: 0.9715 data_time: 0.8178 memory: 1582 2023/05/16 01:44:40 - mmengine - INFO - Epoch(val) [89][ 40/155] eta: 0:07:35 time: 0.7030 data_time: 0.5460 memory: 1582 2023/05/16 01:44:59 - mmengine - INFO - Epoch(val) [89][ 60/155] eta: 0:04:40 time: 0.9462 data_time: 0.7905 memory: 1582 2023/05/16 01:45:13 - mmengine - INFO - Epoch(val) [89][ 80/155] eta: 0:02:59 time: 0.7073 data_time: 0.5536 memory: 1582 2023/05/16 01:45:32 - mmengine - INFO - Epoch(val) [89][100/155] eta: 0:01:55 time: 0.9292 data_time: 0.7772 memory: 1582 2023/05/16 01:45:46 - mmengine - INFO - Epoch(val) [89][120/155] eta: 0:01:05 time: 0.6874 data_time: 0.5332 memory: 1582 2023/05/16 01:46:06 - mmengine - INFO - Epoch(val) [89][140/155] eta: 0:00:26 time: 1.0005 data_time: 0.8437 memory: 1582 2023/05/16 01:46:16 - mmengine - INFO - Epoch(val) [89][155/155] acc/top1: 0.6793 acc/top5: 0.8806 acc/mean1: 0.6792 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6615 time: 0.8143 2023/05/16 01:46:37 - mmengine - INFO - Epoch(train) [90][ 20/1879] lr: 2.0000e-04 eta: 4:58:53 time: 1.0435 data_time: 0.4962 memory: 9812 grad_norm: 3.4967 loss: 1.9493 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 0.9434 distill.loss_dist: 1.0059 2023/05/16 01:46:53 - mmengine - INFO - Epoch(train) [90][ 40/1879] lr: 2.0000e-04 eta: 4:58:35 time: 0.8170 data_time: 0.3488 memory: 9812 grad_norm: 3.4682 loss: 2.0602 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.0550 distill.loss_dist: 1.0052 2023/05/16 01:47:10 - mmengine - INFO - Epoch(train) [90][ 60/1879] lr: 2.0000e-04 eta: 4:58:18 time: 0.8423 data_time: 0.2453 memory: 9812 grad_norm: 3.4553 loss: 2.1872 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1650 distill.loss_dist: 1.0222 2023/05/16 01:47:29 - mmengine - INFO - Epoch(train) [90][ 80/1879] lr: 2.0000e-04 eta: 4:58:01 time: 0.9640 data_time: 0.2528 memory: 9812 grad_norm: 3.4194 loss: 2.0123 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0353 distill.loss_dist: 0.9769 2023/05/16 01:47:47 - mmengine - INFO - Epoch(train) [90][ 100/1879] lr: 2.0000e-04 eta: 4:57:43 time: 0.8594 data_time: 0.0902 memory: 9812 grad_norm: 3.4459 loss: 1.9990 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 0.9885 distill.loss_dist: 1.0105 2023/05/16 01:48:03 - mmengine - INFO - Epoch(train) [90][ 120/1879] lr: 2.0000e-04 eta: 4:57:26 time: 0.8030 data_time: 0.0381 memory: 9812 grad_norm: 3.4438 loss: 2.2050 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2042 distill.loss_dist: 1.0008 2023/05/16 01:48:23 - mmengine - INFO - Epoch(train) [90][ 140/1879] lr: 2.0000e-04 eta: 4:57:09 time: 0.9897 data_time: 0.0317 memory: 9812 grad_norm: 3.4248 loss: 2.3221 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2978 distill.loss_dist: 1.0244 2023/05/16 01:48:38 - mmengine - INFO - Epoch(train) [90][ 160/1879] lr: 2.0000e-04 eta: 4:56:51 time: 0.7774 data_time: 0.0266 memory: 9812 grad_norm: 3.4192 loss: 2.1553 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1195 distill.loss_dist: 1.0359 2023/05/16 01:48:55 - mmengine - INFO - Epoch(train) [90][ 180/1879] lr: 2.0000e-04 eta: 4:56:34 time: 0.8283 data_time: 0.0240 memory: 9812 grad_norm: 3.4258 loss: 2.2394 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1914 distill.loss_dist: 1.0479 2023/05/16 01:49:13 - mmengine - INFO - Epoch(train) [90][ 200/1879] lr: 2.0000e-04 eta: 4:56:17 time: 0.9006 data_time: 0.0441 memory: 9812 grad_norm: 3.4891 loss: 2.1893 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1605 distill.loss_dist: 1.0288 2023/05/16 01:49:30 - mmengine - INFO - Epoch(train) [90][ 220/1879] lr: 2.0000e-04 eta: 4:55:59 time: 0.8560 data_time: 0.1716 memory: 9812 grad_norm: 3.4594 loss: 2.1209 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0756 distill.loss_dist: 1.0453 2023/05/16 01:49:47 - mmengine - INFO - Epoch(train) [90][ 240/1879] lr: 2.0000e-04 eta: 4:55:42 time: 0.8608 data_time: 0.1889 memory: 9812 grad_norm: 3.5096 loss: 2.0786 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0821 distill.loss_dist: 0.9965 2023/05/16 01:50:05 - mmengine - INFO - Epoch(train) [90][ 260/1879] lr: 2.0000e-04 eta: 4:55:24 time: 0.9146 data_time: 0.1348 memory: 9812 grad_norm: 3.4920 loss: 2.1066 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1046 distill.loss_dist: 1.0020 2023/05/16 01:50:23 - mmengine - INFO - Epoch(train) [90][ 280/1879] lr: 2.0000e-04 eta: 4:55:07 time: 0.8643 data_time: 0.3047 memory: 9812 grad_norm: 3.5691 loss: 2.2561 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.2333 distill.loss_dist: 1.0228 2023/05/16 01:50:39 - mmengine - INFO - Epoch(train) [90][ 300/1879] lr: 2.0000e-04 eta: 4:54:50 time: 0.8337 data_time: 0.2217 memory: 9812 grad_norm: 3.4929 loss: 2.1867 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1576 distill.loss_dist: 1.0291 2023/05/16 01:50:57 - mmengine - INFO - Epoch(train) [90][ 320/1879] lr: 2.0000e-04 eta: 4:54:32 time: 0.8608 data_time: 0.3242 memory: 9812 grad_norm: 3.4732 loss: 2.1963 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1926 distill.loss_dist: 1.0037 2023/05/16 01:51:15 - mmengine - INFO - Epoch(train) [90][ 340/1879] lr: 2.0000e-04 eta: 4:54:15 time: 0.9367 data_time: 0.4713 memory: 9812 grad_norm: 3.4548 loss: 2.0944 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0707 distill.loss_dist: 1.0237 2023/05/16 01:51:31 - mmengine - INFO - Epoch(train) [90][ 360/1879] lr: 2.0000e-04 eta: 4:53:58 time: 0.8007 data_time: 0.3499 memory: 9812 grad_norm: 3.4205 loss: 2.1605 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1352 distill.loss_dist: 1.0254 2023/05/16 01:51:49 - mmengine - INFO - Epoch(train) [90][ 380/1879] lr: 2.0000e-04 eta: 4:53:40 time: 0.8809 data_time: 0.1255 memory: 9812 grad_norm: 3.4782 loss: 2.1919 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1741 distill.loss_dist: 1.0178 2023/05/16 01:52:06 - mmengine - INFO - Epoch(train) [90][ 400/1879] lr: 2.0000e-04 eta: 4:53:23 time: 0.8239 data_time: 0.0289 memory: 9812 grad_norm: 3.5205 loss: 2.1465 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1198 distill.loss_dist: 1.0267 2023/05/16 01:52:23 - mmengine - INFO - Epoch(train) [90][ 420/1879] lr: 2.0000e-04 eta: 4:53:05 time: 0.8753 data_time: 0.0273 memory: 9812 grad_norm: 3.4569 loss: 2.0365 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0247 distill.loss_dist: 1.0119 2023/05/16 01:52:41 - mmengine - INFO - Epoch(train) [90][ 440/1879] lr: 2.0000e-04 eta: 4:52:48 time: 0.8703 data_time: 0.0312 memory: 9812 grad_norm: 3.4961 loss: 2.1997 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1448 distill.loss_dist: 1.0549 2023/05/16 01:52:58 - mmengine - INFO - Epoch(train) [90][ 460/1879] lr: 2.0000e-04 eta: 4:52:31 time: 0.8536 data_time: 0.0384 memory: 9812 grad_norm: 3.3265 loss: 2.1267 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1076 distill.loss_dist: 1.0191 2023/05/16 01:53:16 - mmengine - INFO - Epoch(train) [90][ 480/1879] lr: 2.0000e-04 eta: 4:52:13 time: 0.9274 data_time: 0.0462 memory: 9812 grad_norm: 3.5128 loss: 2.1897 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1496 distill.loss_dist: 1.0401 2023/05/16 01:53:33 - mmengine - INFO - Epoch(train) [90][ 500/1879] lr: 2.0000e-04 eta: 4:51:56 time: 0.8213 data_time: 0.0301 memory: 9812 grad_norm: 3.4631 loss: 1.9815 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 0.9791 distill.loss_dist: 1.0024 2023/05/16 01:53:49 - mmengine - INFO - Epoch(train) [90][ 520/1879] lr: 2.0000e-04 eta: 4:51:38 time: 0.8184 data_time: 0.0278 memory: 9812 grad_norm: 3.4643 loss: 1.8558 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.8758 distill.loss_dist: 0.9801 2023/05/16 01:54:07 - mmengine - INFO - Epoch(train) [90][ 540/1879] lr: 2.0000e-04 eta: 4:51:21 time: 0.9053 data_time: 0.0254 memory: 9812 grad_norm: 3.4357 loss: 2.1702 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1266 distill.loss_dist: 1.0435 2023/05/16 01:54:24 - mmengine - INFO - Epoch(train) [90][ 560/1879] lr: 2.0000e-04 eta: 4:51:04 time: 0.8324 data_time: 0.0311 memory: 9812 grad_norm: 3.4400 loss: 2.1066 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1024 distill.loss_dist: 1.0042 2023/05/16 01:54:40 - mmengine - INFO - Epoch(train) [90][ 580/1879] lr: 2.0000e-04 eta: 4:50:46 time: 0.7980 data_time: 0.0272 memory: 9812 grad_norm: 3.4361 loss: 2.1220 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0950 distill.loss_dist: 1.0270 2023/05/16 01:54:59 - mmengine - INFO - Epoch(train) [90][ 600/1879] lr: 2.0000e-04 eta: 4:50:29 time: 0.9310 data_time: 0.0274 memory: 9812 grad_norm: 3.4962 loss: 2.1643 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1456 distill.loss_dist: 1.0188 2023/05/16 01:55:16 - mmengine - INFO - Epoch(train) [90][ 620/1879] lr: 2.0000e-04 eta: 4:50:11 time: 0.8574 data_time: 0.0329 memory: 9812 grad_norm: 3.4778 loss: 2.2379 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1988 distill.loss_dist: 1.0391 2023/05/16 01:55:32 - mmengine - INFO - Epoch(train) [90][ 640/1879] lr: 2.0000e-04 eta: 4:49:54 time: 0.8371 data_time: 0.0246 memory: 9812 grad_norm: 3.4474 loss: 2.0582 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0418 distill.loss_dist: 1.0164 2023/05/16 01:55:52 - mmengine - INFO - Epoch(train) [90][ 660/1879] lr: 2.0000e-04 eta: 4:49:37 time: 0.9561 data_time: 0.0255 memory: 9812 grad_norm: 3.5556 loss: 1.9817 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 0.9674 distill.loss_dist: 1.0142 2023/05/16 01:56:09 - mmengine - INFO - Epoch(train) [90][ 680/1879] lr: 2.0000e-04 eta: 4:49:19 time: 0.8524 data_time: 0.0314 memory: 9812 grad_norm: 3.5015 loss: 1.9819 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9834 distill.loss_dist: 0.9985 2023/05/16 01:56:24 - mmengine - INFO - Epoch(train) [90][ 700/1879] lr: 2.0000e-04 eta: 4:49:02 time: 0.7489 data_time: 0.0276 memory: 9812 grad_norm: 3.4874 loss: 1.9680 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9760 distill.loss_dist: 0.9920 2023/05/16 01:56:44 - mmengine - INFO - Epoch(train) [90][ 720/1879] lr: 2.0000e-04 eta: 4:48:45 time: 1.0345 data_time: 0.0245 memory: 9812 grad_norm: 3.4980 loss: 2.1219 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0992 distill.loss_dist: 1.0227 2023/05/16 01:57:00 - mmengine - INFO - Epoch(train) [90][ 740/1879] lr: 2.0000e-04 eta: 4:48:27 time: 0.7945 data_time: 0.0313 memory: 9812 grad_norm: 3.4836 loss: 2.0149 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9952 distill.loss_dist: 1.0197 2023/05/16 01:57:16 - mmengine - INFO - Epoch(train) [90][ 760/1879] lr: 2.0000e-04 eta: 4:48:10 time: 0.7853 data_time: 0.0398 memory: 9812 grad_norm: 3.4883 loss: 1.9801 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 0.9692 distill.loss_dist: 1.0110 2023/05/16 01:57:25 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 01:57:35 - mmengine - INFO - Epoch(train) [90][ 780/1879] lr: 2.0000e-04 eta: 4:47:53 time: 0.9358 data_time: 0.0389 memory: 9812 grad_norm: 3.5280 loss: 2.0100 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9975 distill.loss_dist: 1.0126 2023/05/16 01:57:51 - mmengine - INFO - Epoch(train) [90][ 800/1879] lr: 2.0000e-04 eta: 4:47:35 time: 0.8204 data_time: 0.0285 memory: 9812 grad_norm: 3.4325 loss: 2.0487 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0495 distill.loss_dist: 0.9993 2023/05/16 01:58:08 - mmengine - INFO - Epoch(train) [90][ 820/1879] lr: 2.0000e-04 eta: 4:47:18 time: 0.8137 data_time: 0.0280 memory: 9812 grad_norm: 3.5094 loss: 2.1431 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1166 distill.loss_dist: 1.0265 2023/05/16 01:58:27 - mmengine - INFO - Epoch(train) [90][ 840/1879] lr: 2.0000e-04 eta: 4:47:00 time: 0.9642 data_time: 0.0273 memory: 9812 grad_norm: 3.6008 loss: 2.1223 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1025 distill.loss_dist: 1.0198 2023/05/16 01:58:44 - mmengine - INFO - Epoch(train) [90][ 860/1879] lr: 2.0000e-04 eta: 4:46:43 time: 0.8389 data_time: 0.0299 memory: 9812 grad_norm: 3.4529 loss: 2.3220 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2830 distill.loss_dist: 1.0390 2023/05/16 01:59:00 - mmengine - INFO - Epoch(train) [90][ 880/1879] lr: 2.0000e-04 eta: 4:46:26 time: 0.8340 data_time: 0.0265 memory: 9812 grad_norm: 3.4532 loss: 2.2291 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2125 distill.loss_dist: 1.0166 2023/05/16 01:59:18 - mmengine - INFO - Epoch(train) [90][ 900/1879] lr: 2.0000e-04 eta: 4:46:08 time: 0.9049 data_time: 0.0265 memory: 9812 grad_norm: 3.4867 loss: 2.1303 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1198 distill.loss_dist: 1.0106 2023/05/16 01:59:38 - mmengine - INFO - Epoch(train) [90][ 920/1879] lr: 2.0000e-04 eta: 4:45:51 time: 0.9693 data_time: 0.0266 memory: 9812 grad_norm: 3.4089 loss: 2.0311 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0159 distill.loss_dist: 1.0152 2023/05/16 01:59:53 - mmengine - INFO - Epoch(train) [90][ 940/1879] lr: 2.0000e-04 eta: 4:45:33 time: 0.7747 data_time: 0.0292 memory: 9812 grad_norm: 3.3972 loss: 2.2586 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2761 distill.loss_dist: 0.9825 2023/05/16 02:00:10 - mmengine - INFO - Epoch(train) [90][ 960/1879] lr: 2.0000e-04 eta: 4:45:16 time: 0.8475 data_time: 0.0234 memory: 9812 grad_norm: 3.4775 loss: 2.2048 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1920 distill.loss_dist: 1.0128 2023/05/16 02:00:28 - mmengine - INFO - Epoch(train) [90][ 980/1879] lr: 2.0000e-04 eta: 4:44:59 time: 0.8817 data_time: 0.0267 memory: 9812 grad_norm: 3.4583 loss: 2.0335 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0397 distill.loss_dist: 0.9938 2023/05/16 02:00:45 - mmengine - INFO - Epoch(train) [90][1000/1879] lr: 2.0000e-04 eta: 4:44:41 time: 0.8448 data_time: 0.0623 memory: 9812 grad_norm: 3.5042 loss: 2.1548 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1403 distill.loss_dist: 1.0144 2023/05/16 02:01:02 - mmengine - INFO - Epoch(train) [90][1020/1879] lr: 2.0000e-04 eta: 4:44:24 time: 0.8496 data_time: 0.0268 memory: 9812 grad_norm: 3.3801 loss: 2.1074 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1023 distill.loss_dist: 1.0051 2023/05/16 02:01:21 - mmengine - INFO - Epoch(train) [90][1040/1879] lr: 2.0000e-04 eta: 4:44:07 time: 0.9417 data_time: 0.0281 memory: 9812 grad_norm: 3.5467 loss: 2.1640 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1513 distill.loss_dist: 1.0127 2023/05/16 02:01:37 - mmengine - INFO - Epoch(train) [90][1060/1879] lr: 2.0000e-04 eta: 4:43:49 time: 0.7866 data_time: 0.0327 memory: 9812 grad_norm: 3.4105 loss: 2.2015 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.1724 distill.loss_dist: 1.0291 2023/05/16 02:01:55 - mmengine - INFO - Epoch(train) [90][1080/1879] lr: 2.0000e-04 eta: 4:43:32 time: 0.9061 data_time: 0.0256 memory: 9812 grad_norm: 3.4644 loss: 2.4384 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.4022 distill.loss_dist: 1.0362 2023/05/16 02:02:13 - mmengine - INFO - Epoch(train) [90][1100/1879] lr: 2.0000e-04 eta: 4:43:15 time: 0.9115 data_time: 0.0259 memory: 9812 grad_norm: 3.4267 loss: 2.2169 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2145 distill.loss_dist: 1.0024 2023/05/16 02:02:30 - mmengine - INFO - Epoch(train) [90][1120/1879] lr: 2.0000e-04 eta: 4:42:57 time: 0.8459 data_time: 0.0260 memory: 9812 grad_norm: 3.4393 loss: 2.1456 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1206 distill.loss_dist: 1.0250 2023/05/16 02:02:47 - mmengine - INFO - Epoch(train) [90][1140/1879] lr: 2.0000e-04 eta: 4:42:40 time: 0.8302 data_time: 0.0270 memory: 9812 grad_norm: 3.4538 loss: 2.1414 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.1581 distill.loss_dist: 0.9833 2023/05/16 02:03:06 - mmengine - INFO - Epoch(train) [90][1160/1879] lr: 2.0000e-04 eta: 4:42:23 time: 0.9559 data_time: 0.0281 memory: 9812 grad_norm: 3.4495 loss: 2.0771 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0635 distill.loss_dist: 1.0136 2023/05/16 02:03:22 - mmengine - INFO - Epoch(train) [90][1180/1879] lr: 2.0000e-04 eta: 4:42:05 time: 0.7950 data_time: 0.0276 memory: 9812 grad_norm: 3.4079 loss: 2.0991 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0759 distill.loss_dist: 1.0232 2023/05/16 02:03:37 - mmengine - INFO - Epoch(train) [90][1200/1879] lr: 2.0000e-04 eta: 4:41:47 time: 0.7725 data_time: 0.0308 memory: 9812 grad_norm: 3.3796 loss: 1.9947 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9876 distill.loss_dist: 1.0071 2023/05/16 02:03:55 - mmengine - INFO - Epoch(train) [90][1220/1879] lr: 2.0000e-04 eta: 4:41:30 time: 0.8750 data_time: 0.0253 memory: 9812 grad_norm: 3.4252 loss: 2.1742 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1742 distill.loss_dist: 1.0000 2023/05/16 02:04:13 - mmengine - INFO - Epoch(train) [90][1240/1879] lr: 2.0000e-04 eta: 4:41:13 time: 0.9205 data_time: 0.0632 memory: 9812 grad_norm: 3.4391 loss: 2.0879 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0636 distill.loss_dist: 1.0242 2023/05/16 02:04:30 - mmengine - INFO - Epoch(train) [90][1260/1879] lr: 2.0000e-04 eta: 4:40:55 time: 0.8534 data_time: 0.0264 memory: 9812 grad_norm: 3.4558 loss: 2.2618 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2025 distill.loss_dist: 1.0592 2023/05/16 02:04:48 - mmengine - INFO - Epoch(train) [90][1280/1879] lr: 2.0000e-04 eta: 4:40:38 time: 0.9154 data_time: 0.0261 memory: 9812 grad_norm: 3.5016 loss: 2.0746 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0413 distill.loss_dist: 1.0333 2023/05/16 02:05:04 - mmengine - INFO - Epoch(train) [90][1300/1879] lr: 2.0000e-04 eta: 4:40:21 time: 0.7963 data_time: 0.0263 memory: 9812 grad_norm: 3.5032 loss: 2.2134 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2072 distill.loss_dist: 1.0062 2023/05/16 02:05:24 - mmengine - INFO - Epoch(train) [90][1320/1879] lr: 2.0000e-04 eta: 4:40:03 time: 0.9542 data_time: 0.0245 memory: 9812 grad_norm: 3.4963 loss: 2.0061 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0104 distill.loss_dist: 0.9957 2023/05/16 02:05:41 - mmengine - INFO - Epoch(train) [90][1340/1879] lr: 2.0000e-04 eta: 4:39:46 time: 0.8542 data_time: 0.0286 memory: 9812 grad_norm: 3.5764 loss: 2.3667 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.3199 distill.loss_dist: 1.0467 2023/05/16 02:05:56 - mmengine - INFO - Epoch(train) [90][1360/1879] lr: 2.0000e-04 eta: 4:39:28 time: 0.7494 data_time: 0.0303 memory: 9812 grad_norm: 3.4134 loss: 2.1713 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1430 distill.loss_dist: 1.0283 2023/05/16 02:06:14 - mmengine - INFO - Epoch(train) [90][1380/1879] lr: 2.0000e-04 eta: 4:39:11 time: 0.9061 data_time: 0.1413 memory: 9812 grad_norm: 3.4703 loss: 2.1628 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1625 distill.loss_dist: 1.0003 2023/05/16 02:06:30 - mmengine - INFO - Epoch(train) [90][1400/1879] lr: 2.0000e-04 eta: 4:38:54 time: 0.8039 data_time: 0.1826 memory: 9812 grad_norm: 3.4577 loss: 2.1509 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1390 distill.loss_dist: 1.0119 2023/05/16 02:06:47 - mmengine - INFO - Epoch(train) [90][1420/1879] lr: 2.0000e-04 eta: 4:38:36 time: 0.8785 data_time: 0.1874 memory: 9812 grad_norm: 3.5199 loss: 2.2868 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2660 distill.loss_dist: 1.0208 2023/05/16 02:07:04 - mmengine - INFO - Epoch(train) [90][1440/1879] lr: 2.0000e-04 eta: 4:38:19 time: 0.8308 data_time: 0.0443 memory: 9812 grad_norm: 3.4651 loss: 1.9041 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.9312 distill.loss_dist: 0.9729 2023/05/16 02:07:22 - mmengine - INFO - Epoch(train) [90][1460/1879] lr: 2.0000e-04 eta: 4:38:02 time: 0.9011 data_time: 0.2026 memory: 9812 grad_norm: 3.5239 loss: 2.3293 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.3029 distill.loss_dist: 1.0263 2023/05/16 02:07:40 - mmengine - INFO - Epoch(train) [90][1480/1879] lr: 2.0000e-04 eta: 4:37:44 time: 0.8680 data_time: 0.1820 memory: 9812 grad_norm: 3.5496 loss: 2.1657 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1169 distill.loss_dist: 1.0489 2023/05/16 02:07:55 - mmengine - INFO - Epoch(train) [90][1500/1879] lr: 2.0000e-04 eta: 4:37:27 time: 0.7951 data_time: 0.0504 memory: 9812 grad_norm: 3.4032 loss: 2.0003 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0086 distill.loss_dist: 0.9917 2023/05/16 02:08:13 - mmengine - INFO - Epoch(train) [90][1520/1879] lr: 2.0000e-04 eta: 4:37:09 time: 0.8937 data_time: 0.0547 memory: 9812 grad_norm: 3.4556 loss: 2.1263 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1036 distill.loss_dist: 1.0227 2023/05/16 02:08:31 - mmengine - INFO - Epoch(train) [90][1540/1879] lr: 2.0000e-04 eta: 4:36:52 time: 0.8798 data_time: 0.0787 memory: 9812 grad_norm: 3.4871 loss: 2.1423 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1165 distill.loss_dist: 1.0259 2023/05/16 02:08:48 - mmengine - INFO - Epoch(train) [90][1560/1879] lr: 2.0000e-04 eta: 4:36:35 time: 0.8498 data_time: 0.0233 memory: 9812 grad_norm: 3.5318 loss: 2.1665 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1569 distill.loss_dist: 1.0097 2023/05/16 02:09:06 - mmengine - INFO - Epoch(train) [90][1580/1879] lr: 2.0000e-04 eta: 4:36:17 time: 0.9015 data_time: 0.0274 memory: 9812 grad_norm: 3.5273 loss: 2.1694 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1430 distill.loss_dist: 1.0264 2023/05/16 02:09:23 - mmengine - INFO - Epoch(train) [90][1600/1879] lr: 2.0000e-04 eta: 4:36:00 time: 0.8370 data_time: 0.0295 memory: 9812 grad_norm: 3.5425 loss: 2.1305 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0954 distill.loss_dist: 1.0351 2023/05/16 02:09:39 - mmengine - INFO - Epoch(train) [90][1620/1879] lr: 2.0000e-04 eta: 4:35:42 time: 0.8050 data_time: 0.0251 memory: 9812 grad_norm: 3.4793 loss: 1.9772 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.9828 distill.loss_dist: 0.9944 2023/05/16 02:09:58 - mmengine - INFO - Epoch(train) [90][1640/1879] lr: 2.0000e-04 eta: 4:35:25 time: 0.9565 data_time: 0.0257 memory: 9812 grad_norm: 3.4790 loss: 1.9868 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 0.9656 distill.loss_dist: 1.0212 2023/05/16 02:10:15 - mmengine - INFO - Epoch(train) [90][1660/1879] lr: 2.0000e-04 eta: 4:35:08 time: 0.8442 data_time: 0.0277 memory: 9812 grad_norm: 3.4240 loss: 2.1711 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1401 distill.loss_dist: 1.0310 2023/05/16 02:10:31 - mmengine - INFO - Epoch(train) [90][1680/1879] lr: 2.0000e-04 eta: 4:34:50 time: 0.8073 data_time: 0.0236 memory: 9812 grad_norm: 3.5082 loss: 2.1451 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1308 distill.loss_dist: 1.0142 2023/05/16 02:10:49 - mmengine - INFO - Epoch(train) [90][1700/1879] lr: 2.0000e-04 eta: 4:34:33 time: 0.8808 data_time: 0.0265 memory: 9812 grad_norm: 3.5219 loss: 2.3231 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2952 distill.loss_dist: 1.0280 2023/05/16 02:11:07 - mmengine - INFO - Epoch(train) [90][1720/1879] lr: 2.0000e-04 eta: 4:34:16 time: 0.8922 data_time: 0.0285 memory: 9812 grad_norm: 3.4036 loss: 2.1758 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1543 distill.loss_dist: 1.0215 2023/05/16 02:11:24 - mmengine - INFO - Epoch(train) [90][1740/1879] lr: 2.0000e-04 eta: 4:33:58 time: 0.8537 data_time: 0.0224 memory: 9812 grad_norm: 3.4406 loss: 2.2191 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2000 distill.loss_dist: 1.0191 2023/05/16 02:11:41 - mmengine - INFO - Epoch(train) [90][1760/1879] lr: 2.0000e-04 eta: 4:33:41 time: 0.8842 data_time: 0.0274 memory: 9812 grad_norm: 3.5740 loss: 2.2013 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1744 distill.loss_dist: 1.0268 2023/05/16 02:11:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 02:11:58 - mmengine - INFO - Epoch(train) [90][1780/1879] lr: 2.0000e-04 eta: 4:33:23 time: 0.8213 data_time: 0.0304 memory: 9812 grad_norm: 3.5184 loss: 2.0934 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0904 distill.loss_dist: 1.0030 2023/05/16 02:12:15 - mmengine - INFO - Epoch(train) [90][1800/1879] lr: 2.0000e-04 eta: 4:33:06 time: 0.8722 data_time: 0.0274 memory: 9812 grad_norm: 3.3971 loss: 2.2473 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2083 distill.loss_dist: 1.0390 2023/05/16 02:12:34 - mmengine - INFO - Epoch(train) [90][1820/1879] lr: 2.0000e-04 eta: 4:32:49 time: 0.9287 data_time: 0.0297 memory: 9812 grad_norm: 3.4240 loss: 2.2021 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1617 distill.loss_dist: 1.0404 2023/05/16 02:12:52 - mmengine - INFO - Epoch(train) [90][1840/1879] lr: 2.0000e-04 eta: 4:32:31 time: 0.8831 data_time: 0.0269 memory: 9812 grad_norm: 3.4346 loss: 2.2769 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2357 distill.loss_dist: 1.0412 2023/05/16 02:13:09 - mmengine - INFO - Epoch(train) [90][1860/1879] lr: 2.0000e-04 eta: 4:32:14 time: 0.8542 data_time: 0.0298 memory: 9812 grad_norm: 3.4900 loss: 2.1263 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0984 distill.loss_dist: 1.0278 2023/05/16 02:13:22 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 02:13:22 - mmengine - INFO - Epoch(train) [90][1879/1879] lr: 2.0000e-04 eta: 4:31:57 time: 0.6673 data_time: 0.0204 memory: 9812 grad_norm: 3.5208 loss: 2.1943 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.1652 distill.loss_dist: 1.0291 2023/05/16 02:13:22 - mmengine - INFO - Saving checkpoint at 90 epochs 2023/05/16 02:13:43 - mmengine - INFO - Epoch(val) [90][ 20/155] eta: 0:02:13 time: 0.9916 data_time: 0.9288 memory: 1484 2023/05/16 02:13:57 - mmengine - INFO - Epoch(val) [90][ 40/155] eta: 0:01:36 time: 0.6858 data_time: 0.6192 memory: 1484 2023/05/16 02:14:14 - mmengine - INFO - Epoch(val) [90][ 60/155] eta: 0:01:20 time: 0.8588 data_time: 0.7947 memory: 1484 2023/05/16 02:14:28 - mmengine - INFO - Epoch(val) [90][ 80/155] eta: 0:01:00 time: 0.6942 data_time: 0.6327 memory: 1484 2023/05/16 02:14:47 - mmengine - INFO - Epoch(val) [90][100/155] eta: 0:00:45 time: 0.9361 data_time: 0.8738 memory: 1484 2023/05/16 02:15:01 - mmengine - INFO - Epoch(val) [90][120/155] eta: 0:00:28 time: 0.6901 data_time: 0.6235 memory: 1484 2023/05/16 02:15:20 - mmengine - INFO - Epoch(val) [90][140/155] eta: 0:00:12 time: 0.9641 data_time: 0.8981 memory: 1484 2023/05/16 02:15:48 - mmengine - INFO - Epoch(val) [90][ 20/155] eta: 0:16:07 time: 0.9790 data_time: 0.8247 memory: 1582 2023/05/16 02:16:02 - mmengine - INFO - Epoch(val) [90][ 40/155] eta: 0:07:32 time: 0.6962 data_time: 0.5426 memory: 1582 2023/05/16 02:16:21 - mmengine - INFO - Epoch(val) [90][ 60/155] eta: 0:04:39 time: 0.9556 data_time: 0.8003 memory: 1582 2023/05/16 02:16:35 - mmengine - INFO - Epoch(val) [90][ 80/155] eta: 0:02:58 time: 0.7089 data_time: 0.5545 memory: 1582 2023/05/16 02:16:54 - mmengine - INFO - Epoch(val) [90][100/155] eta: 0:01:54 time: 0.9171 data_time: 0.7630 memory: 1582 2023/05/16 02:17:09 - mmengine - INFO - Epoch(val) [90][120/155] eta: 0:01:05 time: 0.7440 data_time: 0.5923 memory: 1582 2023/05/16 02:17:28 - mmengine - INFO - Epoch(val) [90][140/155] eta: 0:00:26 time: 0.9892 data_time: 0.8349 memory: 1582 2023/05/16 02:17:38 - mmengine - INFO - Epoch(val) [90][155/155] acc/top1: 0.6795 acc/top5: 0.8797 acc/mean1: 0.6794 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6656 time: 0.8174 2023/05/16 02:17:59 - mmengine - INFO - Epoch(train) [91][ 20/1879] lr: 2.0000e-04 eta: 4:31:40 time: 1.0775 data_time: 0.6230 memory: 9812 grad_norm: 3.4142 loss: 2.1073 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0959 distill.loss_dist: 1.0113 2023/05/16 02:18:17 - mmengine - INFO - Epoch(train) [91][ 40/1879] lr: 2.0000e-04 eta: 4:31:23 time: 0.8735 data_time: 0.1710 memory: 9812 grad_norm: 3.4856 loss: 2.0667 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0377 distill.loss_dist: 1.0290 2023/05/16 02:18:33 - mmengine - INFO - Epoch(train) [91][ 60/1879] lr: 2.0000e-04 eta: 4:31:05 time: 0.8004 data_time: 0.0875 memory: 9812 grad_norm: 3.4302 loss: 2.2488 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1843 distill.loss_dist: 1.0645 2023/05/16 02:18:52 - mmengine - INFO - Epoch(train) [91][ 80/1879] lr: 2.0000e-04 eta: 4:30:48 time: 0.9721 data_time: 0.0396 memory: 9812 grad_norm: 3.5134 loss: 2.1538 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1554 distill.loss_dist: 0.9984 2023/05/16 02:19:09 - mmengine - INFO - Epoch(train) [91][ 100/1879] lr: 2.0000e-04 eta: 4:30:31 time: 0.8424 data_time: 0.0253 memory: 9812 grad_norm: 3.4504 loss: 2.2230 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2186 distill.loss_dist: 1.0044 2023/05/16 02:19:27 - mmengine - INFO - Epoch(train) [91][ 120/1879] lr: 2.0000e-04 eta: 4:30:13 time: 0.8805 data_time: 0.0273 memory: 9812 grad_norm: 3.4159 loss: 2.2854 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2603 distill.loss_dist: 1.0251 2023/05/16 02:19:44 - mmengine - INFO - Epoch(train) [91][ 140/1879] lr: 2.0000e-04 eta: 4:29:56 time: 0.8713 data_time: 0.0265 memory: 9812 grad_norm: 3.4591 loss: 2.1795 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1748 distill.loss_dist: 1.0047 2023/05/16 02:20:01 - mmengine - INFO - Epoch(train) [91][ 160/1879] lr: 2.0000e-04 eta: 4:29:39 time: 0.8507 data_time: 0.0301 memory: 9812 grad_norm: 3.5063 loss: 2.1715 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1525 distill.loss_dist: 1.0190 2023/05/16 02:20:18 - mmengine - INFO - Epoch(train) [91][ 180/1879] lr: 2.0000e-04 eta: 4:29:21 time: 0.8578 data_time: 0.0283 memory: 9812 grad_norm: 3.4078 loss: 2.1439 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1091 distill.loss_dist: 1.0348 2023/05/16 02:20:35 - mmengine - INFO - Epoch(train) [91][ 200/1879] lr: 2.0000e-04 eta: 4:29:04 time: 0.8445 data_time: 0.0249 memory: 9812 grad_norm: 3.4509 loss: 2.2017 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1806 distill.loss_dist: 1.0211 2023/05/16 02:20:52 - mmengine - INFO - Epoch(train) [91][ 220/1879] lr: 2.0000e-04 eta: 4:28:46 time: 0.8623 data_time: 0.0255 memory: 9812 grad_norm: 3.4889 loss: 2.1535 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1390 distill.loss_dist: 1.0145 2023/05/16 02:21:09 - mmengine - INFO - Epoch(train) [91][ 240/1879] lr: 2.0000e-04 eta: 4:28:29 time: 0.8183 data_time: 0.0303 memory: 9812 grad_norm: 3.4600 loss: 2.2140 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.1879 distill.loss_dist: 1.0261 2023/05/16 02:21:27 - mmengine - INFO - Epoch(train) [91][ 260/1879] lr: 2.0000e-04 eta: 4:28:12 time: 0.9301 data_time: 0.0251 memory: 9812 grad_norm: 3.5103 loss: 2.0328 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0551 distill.loss_dist: 0.9777 2023/05/16 02:21:45 - mmengine - INFO - Epoch(train) [91][ 280/1879] lr: 2.0000e-04 eta: 4:27:54 time: 0.8508 data_time: 0.0243 memory: 9812 grad_norm: 3.4753 loss: 2.3160 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2717 distill.loss_dist: 1.0444 2023/05/16 02:22:01 - mmengine - INFO - Epoch(train) [91][ 300/1879] lr: 2.0000e-04 eta: 4:27:37 time: 0.8464 data_time: 0.0291 memory: 9812 grad_norm: 3.5109 loss: 2.1095 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0964 distill.loss_dist: 1.0130 2023/05/16 02:22:20 - mmengine - INFO - Epoch(train) [91][ 320/1879] lr: 2.0000e-04 eta: 4:27:20 time: 0.9262 data_time: 0.0254 memory: 9812 grad_norm: 3.4107 loss: 2.0341 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0290 distill.loss_dist: 1.0050 2023/05/16 02:22:36 - mmengine - INFO - Epoch(train) [91][ 340/1879] lr: 2.0000e-04 eta: 4:27:02 time: 0.7974 data_time: 0.0309 memory: 9812 grad_norm: 3.4730 loss: 2.1590 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1586 distill.loss_dist: 1.0004 2023/05/16 02:22:53 - mmengine - INFO - Epoch(train) [91][ 360/1879] lr: 2.0000e-04 eta: 4:26:45 time: 0.8309 data_time: 0.0295 memory: 9812 grad_norm: 3.5654 loss: 2.2836 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2372 distill.loss_dist: 1.0465 2023/05/16 02:23:12 - mmengine - INFO - Epoch(train) [91][ 380/1879] lr: 2.0000e-04 eta: 4:26:28 time: 0.9616 data_time: 0.0260 memory: 9812 grad_norm: 3.4903 loss: 2.3306 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2991 distill.loss_dist: 1.0315 2023/05/16 02:23:28 - mmengine - INFO - Epoch(train) [91][ 400/1879] lr: 2.0000e-04 eta: 4:26:10 time: 0.8087 data_time: 0.0277 memory: 9812 grad_norm: 3.4559 loss: 2.0670 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0524 distill.loss_dist: 1.0146 2023/05/16 02:23:45 - mmengine - INFO - Epoch(train) [91][ 420/1879] lr: 2.0000e-04 eta: 4:25:53 time: 0.8363 data_time: 0.0281 memory: 9812 grad_norm: 3.4103 loss: 2.2871 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2682 distill.loss_dist: 1.0189 2023/05/16 02:24:04 - mmengine - INFO - Epoch(train) [91][ 440/1879] lr: 2.0000e-04 eta: 4:25:35 time: 0.9566 data_time: 0.0272 memory: 9812 grad_norm: 3.4848 loss: 1.9656 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9769 distill.loss_dist: 0.9887 2023/05/16 02:24:20 - mmengine - INFO - Epoch(train) [91][ 460/1879] lr: 2.0000e-04 eta: 4:25:18 time: 0.8197 data_time: 0.0274 memory: 9812 grad_norm: 3.4620 loss: 2.0986 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1003 distill.loss_dist: 0.9984 2023/05/16 02:24:37 - mmengine - INFO - Epoch(train) [91][ 480/1879] lr: 2.0000e-04 eta: 4:25:00 time: 0.8249 data_time: 0.0282 memory: 9812 grad_norm: 3.4226 loss: 2.0960 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0635 distill.loss_dist: 1.0325 2023/05/16 02:24:56 - mmengine - INFO - Epoch(train) [91][ 500/1879] lr: 2.0000e-04 eta: 4:24:43 time: 0.9555 data_time: 0.0305 memory: 9812 grad_norm: 3.4935 loss: 2.1097 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0993 distill.loss_dist: 1.0105 2023/05/16 02:25:12 - mmengine - INFO - Epoch(train) [91][ 520/1879] lr: 2.0000e-04 eta: 4:24:26 time: 0.8038 data_time: 0.0252 memory: 9812 grad_norm: 3.4825 loss: 2.2625 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2280 distill.loss_dist: 1.0345 2023/05/16 02:25:28 - mmengine - INFO - Epoch(train) [91][ 540/1879] lr: 2.0000e-04 eta: 4:24:08 time: 0.7985 data_time: 0.0287 memory: 9812 grad_norm: 3.3946 loss: 1.8968 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.8836 distill.loss_dist: 1.0132 2023/05/16 02:25:47 - mmengine - INFO - Epoch(train) [91][ 560/1879] lr: 2.0000e-04 eta: 4:23:51 time: 0.9629 data_time: 0.0304 memory: 9812 grad_norm: 3.4490 loss: 2.1138 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0958 distill.loss_dist: 1.0180 2023/05/16 02:26:05 - mmengine - INFO - Epoch(train) [91][ 580/1879] lr: 2.0000e-04 eta: 4:23:34 time: 0.8848 data_time: 0.0235 memory: 9812 grad_norm: 3.4619 loss: 2.1749 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1682 distill.loss_dist: 1.0067 2023/05/16 02:26:22 - mmengine - INFO - Epoch(train) [91][ 600/1879] lr: 2.0000e-04 eta: 4:23:16 time: 0.8548 data_time: 0.0255 memory: 9812 grad_norm: 3.3914 loss: 2.1687 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1384 distill.loss_dist: 1.0302 2023/05/16 02:26:39 - mmengine - INFO - Epoch(train) [91][ 620/1879] lr: 2.0000e-04 eta: 4:22:59 time: 0.8461 data_time: 0.0306 memory: 9812 grad_norm: 3.5069 loss: 2.1573 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1185 distill.loss_dist: 1.0388 2023/05/16 02:26:58 - mmengine - INFO - Epoch(train) [91][ 640/1879] lr: 2.0000e-04 eta: 4:22:42 time: 0.9174 data_time: 0.0356 memory: 9812 grad_norm: 3.4703 loss: 2.1018 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0852 distill.loss_dist: 1.0166 2023/05/16 02:27:13 - mmengine - INFO - Epoch(train) [91][ 660/1879] lr: 2.0000e-04 eta: 4:22:24 time: 0.7850 data_time: 0.0298 memory: 9812 grad_norm: 3.5374 loss: 2.0267 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0256 distill.loss_dist: 1.0011 2023/05/16 02:27:30 - mmengine - INFO - Epoch(train) [91][ 680/1879] lr: 2.0000e-04 eta: 4:22:07 time: 0.8418 data_time: 0.0727 memory: 9812 grad_norm: 3.5048 loss: 2.3426 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2895 distill.loss_dist: 1.0531 2023/05/16 02:27:50 - mmengine - INFO - Epoch(train) [91][ 700/1879] lr: 2.0000e-04 eta: 4:21:50 time: 0.9790 data_time: 0.0252 memory: 9812 grad_norm: 3.4495 loss: 1.9597 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 0.9744 distill.loss_dist: 0.9853 2023/05/16 02:28:05 - mmengine - INFO - Epoch(train) [91][ 720/1879] lr: 2.0000e-04 eta: 4:21:32 time: 0.7466 data_time: 0.0246 memory: 9812 grad_norm: 3.4583 loss: 2.2834 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2655 distill.loss_dist: 1.0179 2023/05/16 02:28:21 - mmengine - INFO - Epoch(train) [91][ 740/1879] lr: 2.0000e-04 eta: 4:21:14 time: 0.8236 data_time: 0.0604 memory: 9812 grad_norm: 3.3867 loss: 1.9421 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9415 distill.loss_dist: 1.0006 2023/05/16 02:28:40 - mmengine - INFO - Epoch(train) [91][ 760/1879] lr: 2.0000e-04 eta: 4:20:57 time: 0.9241 data_time: 0.3729 memory: 9812 grad_norm: 3.4480 loss: 2.0057 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0044 distill.loss_dist: 1.0013 2023/05/16 02:28:56 - mmengine - INFO - Epoch(train) [91][ 780/1879] lr: 2.0000e-04 eta: 4:20:40 time: 0.7991 data_time: 0.3460 memory: 9812 grad_norm: 3.4712 loss: 2.2168 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1876 distill.loss_dist: 1.0292 2023/05/16 02:29:14 - mmengine - INFO - Epoch(train) [91][ 800/1879] lr: 2.0000e-04 eta: 4:20:22 time: 0.9082 data_time: 0.3368 memory: 9812 grad_norm: 3.4356 loss: 2.1824 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1728 distill.loss_dist: 1.0096 2023/05/16 02:29:32 - mmengine - INFO - Epoch(train) [91][ 820/1879] lr: 2.0000e-04 eta: 4:20:05 time: 0.9208 data_time: 0.0596 memory: 9812 grad_norm: 3.4428 loss: 2.1127 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1015 distill.loss_dist: 1.0112 2023/05/16 02:29:50 - mmengine - INFO - Epoch(train) [91][ 840/1879] lr: 2.0000e-04 eta: 4:19:48 time: 0.8538 data_time: 0.0270 memory: 9812 grad_norm: 3.4058 loss: 1.9726 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 0.9809 distill.loss_dist: 0.9917 2023/05/16 02:30:06 - mmengine - INFO - Epoch(train) [91][ 860/1879] lr: 2.0000e-04 eta: 4:19:30 time: 0.8427 data_time: 0.0262 memory: 9812 grad_norm: 3.4796 loss: 2.0461 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0331 distill.loss_dist: 1.0130 2023/05/16 02:30:24 - mmengine - INFO - Epoch(train) [91][ 880/1879] lr: 2.0000e-04 eta: 4:19:13 time: 0.9039 data_time: 0.0293 memory: 9812 grad_norm: 3.4212 loss: 2.0842 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0551 distill.loss_dist: 1.0291 2023/05/16 02:30:32 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 02:30:40 - mmengine - INFO - Epoch(train) [91][ 900/1879] lr: 2.0000e-04 eta: 4:18:55 time: 0.7699 data_time: 0.0298 memory: 9812 grad_norm: 3.5028 loss: 2.1890 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1559 distill.loss_dist: 1.0331 2023/05/16 02:30:58 - mmengine - INFO - Epoch(train) [91][ 920/1879] lr: 2.0000e-04 eta: 4:18:38 time: 0.8791 data_time: 0.0267 memory: 9812 grad_norm: 3.5314 loss: 2.0215 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0105 distill.loss_dist: 1.0110 2023/05/16 02:31:15 - mmengine - INFO - Epoch(train) [91][ 940/1879] lr: 2.0000e-04 eta: 4:18:21 time: 0.8879 data_time: 0.0407 memory: 9812 grad_norm: 3.5776 loss: 2.4291 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.3790 distill.loss_dist: 1.0501 2023/05/16 02:31:32 - mmengine - INFO - Epoch(train) [91][ 960/1879] lr: 2.0000e-04 eta: 4:18:03 time: 0.8507 data_time: 0.0363 memory: 9812 grad_norm: 3.5266 loss: 2.1456 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.0923 distill.loss_dist: 1.0533 2023/05/16 02:31:49 - mmengine - INFO - Epoch(train) [91][ 980/1879] lr: 2.0000e-04 eta: 4:17:46 time: 0.8347 data_time: 0.0258 memory: 9812 grad_norm: 3.4993 loss: 2.0763 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0733 distill.loss_dist: 1.0029 2023/05/16 02:32:09 - mmengine - INFO - Epoch(train) [91][1000/1879] lr: 2.0000e-04 eta: 4:17:29 time: 0.9718 data_time: 0.0290 memory: 9812 grad_norm: 3.5647 loss: 2.0655 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0711 distill.loss_dist: 0.9944 2023/05/16 02:32:25 - mmengine - INFO - Epoch(train) [91][1020/1879] lr: 2.0000e-04 eta: 4:17:11 time: 0.8292 data_time: 0.0307 memory: 9812 grad_norm: 3.4753 loss: 2.2804 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.2669 distill.loss_dist: 1.0134 2023/05/16 02:32:42 - mmengine - INFO - Epoch(train) [91][1040/1879] lr: 2.0000e-04 eta: 4:16:54 time: 0.8203 data_time: 0.0250 memory: 9812 grad_norm: 3.5472 loss: 2.0391 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0261 distill.loss_dist: 1.0129 2023/05/16 02:32:59 - mmengine - INFO - Epoch(train) [91][1060/1879] lr: 2.0000e-04 eta: 4:16:37 time: 0.8664 data_time: 0.0259 memory: 9812 grad_norm: 3.6107 loss: 2.2106 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1855 distill.loss_dist: 1.0251 2023/05/16 02:33:16 - mmengine - INFO - Epoch(train) [91][1080/1879] lr: 2.0000e-04 eta: 4:16:19 time: 0.8561 data_time: 0.0267 memory: 9812 grad_norm: 3.4764 loss: 1.8962 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9021 distill.loss_dist: 0.9941 2023/05/16 02:33:32 - mmengine - INFO - Epoch(train) [91][1100/1879] lr: 2.0000e-04 eta: 4:16:02 time: 0.8107 data_time: 0.0257 memory: 9812 grad_norm: 3.5895 loss: 2.2412 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2245 distill.loss_dist: 1.0167 2023/05/16 02:33:52 - mmengine - INFO - Epoch(train) [91][1120/1879] lr: 2.0000e-04 eta: 4:15:44 time: 0.9646 data_time: 0.0259 memory: 9812 grad_norm: 3.5293 loss: 2.1307 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1199 distill.loss_dist: 1.0107 2023/05/16 02:34:09 - mmengine - INFO - Epoch(train) [91][1140/1879] lr: 2.0000e-04 eta: 4:15:27 time: 0.8544 data_time: 0.0300 memory: 9812 grad_norm: 3.4283 loss: 2.1429 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1264 distill.loss_dist: 1.0165 2023/05/16 02:34:25 - mmengine - INFO - Epoch(train) [91][1160/1879] lr: 2.0000e-04 eta: 4:15:10 time: 0.8185 data_time: 0.0278 memory: 9812 grad_norm: 3.4492 loss: 2.1877 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1773 distill.loss_dist: 1.0104 2023/05/16 02:34:43 - mmengine - INFO - Epoch(train) [91][1180/1879] lr: 2.0000e-04 eta: 4:14:52 time: 0.9135 data_time: 0.0263 memory: 9812 grad_norm: 3.4404 loss: 2.0862 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0864 distill.loss_dist: 0.9998 2023/05/16 02:35:01 - mmengine - INFO - Epoch(train) [91][1200/1879] lr: 2.0000e-04 eta: 4:14:35 time: 0.8722 data_time: 0.0267 memory: 9812 grad_norm: 3.4268 loss: 2.0180 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0265 distill.loss_dist: 0.9916 2023/05/16 02:35:18 - mmengine - INFO - Epoch(train) [91][1220/1879] lr: 2.0000e-04 eta: 4:14:18 time: 0.8795 data_time: 0.0301 memory: 9812 grad_norm: 3.4840 loss: 2.1319 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1029 distill.loss_dist: 1.0290 2023/05/16 02:35:37 - mmengine - INFO - Epoch(train) [91][1240/1879] lr: 2.0000e-04 eta: 4:14:00 time: 0.9459 data_time: 0.0232 memory: 9812 grad_norm: 3.3573 loss: 2.0574 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0684 distill.loss_dist: 0.9889 2023/05/16 02:35:53 - mmengine - INFO - Epoch(train) [91][1260/1879] lr: 2.0000e-04 eta: 4:13:43 time: 0.7674 data_time: 0.0312 memory: 9812 grad_norm: 3.4655 loss: 2.2186 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1855 distill.loss_dist: 1.0331 2023/05/16 02:36:10 - mmengine - INFO - Epoch(train) [91][1280/1879] lr: 2.0000e-04 eta: 4:13:25 time: 0.8471 data_time: 0.0267 memory: 9812 grad_norm: 3.5037 loss: 2.2192 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1994 distill.loss_dist: 1.0198 2023/05/16 02:36:29 - mmengine - INFO - Epoch(train) [91][1300/1879] lr: 2.0000e-04 eta: 4:13:08 time: 0.9449 data_time: 0.0241 memory: 9812 grad_norm: 3.4448 loss: 2.0230 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0178 distill.loss_dist: 1.0052 2023/05/16 02:36:45 - mmengine - INFO - Epoch(train) [91][1320/1879] lr: 2.0000e-04 eta: 4:12:51 time: 0.8271 data_time: 0.0291 memory: 9812 grad_norm: 3.4652 loss: 2.0454 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0442 distill.loss_dist: 1.0013 2023/05/16 02:37:02 - mmengine - INFO - Epoch(train) [91][1340/1879] lr: 2.0000e-04 eta: 4:12:33 time: 0.8396 data_time: 0.0288 memory: 9812 grad_norm: 3.3335 loss: 2.0941 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1065 distill.loss_dist: 0.9877 2023/05/16 02:37:21 - mmengine - INFO - Epoch(train) [91][1360/1879] lr: 2.0000e-04 eta: 4:12:16 time: 0.9369 data_time: 0.0251 memory: 9812 grad_norm: 3.5166 loss: 2.1478 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1135 distill.loss_dist: 1.0343 2023/05/16 02:37:36 - mmengine - INFO - Epoch(train) [91][1380/1879] lr: 2.0000e-04 eta: 4:11:59 time: 0.7773 data_time: 0.0276 memory: 9812 grad_norm: 3.5737 loss: 1.9958 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.0222 distill.loss_dist: 0.9736 2023/05/16 02:37:52 - mmengine - INFO - Epoch(train) [91][1400/1879] lr: 2.0000e-04 eta: 4:11:41 time: 0.7761 data_time: 0.0295 memory: 9812 grad_norm: 3.3794 loss: 2.0580 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.0347 distill.loss_dist: 1.0233 2023/05/16 02:38:12 - mmengine - INFO - Epoch(train) [91][1420/1879] lr: 2.0000e-04 eta: 4:11:24 time: 0.9995 data_time: 0.0506 memory: 9812 grad_norm: 3.4394 loss: 2.0661 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0620 distill.loss_dist: 1.0041 2023/05/16 02:38:28 - mmengine - INFO - Epoch(train) [91][1440/1879] lr: 2.0000e-04 eta: 4:11:06 time: 0.7788 data_time: 0.0284 memory: 9812 grad_norm: 3.5476 loss: 2.0913 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0814 distill.loss_dist: 1.0099 2023/05/16 02:38:44 - mmengine - INFO - Epoch(train) [91][1460/1879] lr: 2.0000e-04 eta: 4:10:49 time: 0.8283 data_time: 0.0274 memory: 9812 grad_norm: 3.4712 loss: 1.8704 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 0.9012 distill.loss_dist: 0.9692 2023/05/16 02:39:03 - mmengine - INFO - Epoch(train) [91][1480/1879] lr: 2.0000e-04 eta: 4:10:32 time: 0.9340 data_time: 0.0240 memory: 9812 grad_norm: 3.4883 loss: 2.0605 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0584 distill.loss_dist: 1.0022 2023/05/16 02:39:20 - mmengine - INFO - Epoch(train) [91][1500/1879] lr: 2.0000e-04 eta: 4:10:14 time: 0.8642 data_time: 0.0380 memory: 9812 grad_norm: 3.6043 loss: 2.2606 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2352 distill.loss_dist: 1.0253 2023/05/16 02:39:37 - mmengine - INFO - Epoch(train) [91][1520/1879] lr: 2.0000e-04 eta: 4:09:57 time: 0.8436 data_time: 0.0321 memory: 9812 grad_norm: 3.4096 loss: 2.2117 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1956 distill.loss_dist: 1.0161 2023/05/16 02:39:54 - mmengine - INFO - Epoch(train) [91][1540/1879] lr: 2.0000e-04 eta: 4:09:39 time: 0.8607 data_time: 0.0263 memory: 9812 grad_norm: 3.3517 loss: 2.1362 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0965 distill.loss_dist: 1.0396 2023/05/16 02:40:12 - mmengine - INFO - Epoch(train) [91][1560/1879] lr: 2.0000e-04 eta: 4:09:22 time: 0.8861 data_time: 0.0323 memory: 9812 grad_norm: 3.5481 loss: 2.3103 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2667 distill.loss_dist: 1.0436 2023/05/16 02:40:29 - mmengine - INFO - Epoch(train) [91][1580/1879] lr: 2.0000e-04 eta: 4:09:05 time: 0.8313 data_time: 0.0762 memory: 9812 grad_norm: 3.5254 loss: 2.2230 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2024 distill.loss_dist: 1.0206 2023/05/16 02:40:45 - mmengine - INFO - Epoch(train) [91][1600/1879] lr: 2.0000e-04 eta: 4:08:47 time: 0.8210 data_time: 0.0555 memory: 9812 grad_norm: 3.5067 loss: 2.0614 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0217 distill.loss_dist: 1.0397 2023/05/16 02:41:03 - mmengine - INFO - Epoch(train) [91][1620/1879] lr: 2.0000e-04 eta: 4:08:30 time: 0.8715 data_time: 0.2663 memory: 9812 grad_norm: 3.4925 loss: 2.1069 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.0851 distill.loss_dist: 1.0219 2023/05/16 02:41:22 - mmengine - INFO - Epoch(train) [91][1640/1879] lr: 2.0000e-04 eta: 4:08:13 time: 0.9673 data_time: 0.5265 memory: 9812 grad_norm: 3.4839 loss: 2.2807 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2346 distill.loss_dist: 1.0461 2023/05/16 02:41:38 - mmengine - INFO - Epoch(train) [91][1660/1879] lr: 2.0000e-04 eta: 4:07:55 time: 0.8211 data_time: 0.3756 memory: 9812 grad_norm: 3.4512 loss: 2.1039 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0827 distill.loss_dist: 1.0212 2023/05/16 02:41:56 - mmengine - INFO - Epoch(train) [91][1680/1879] lr: 2.0000e-04 eta: 4:07:38 time: 0.8568 data_time: 0.4091 memory: 9812 grad_norm: 3.4852 loss: 2.0723 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0501 distill.loss_dist: 1.0222 2023/05/16 02:42:15 - mmengine - INFO - Epoch(train) [91][1700/1879] lr: 2.0000e-04 eta: 4:07:21 time: 0.9907 data_time: 0.5462 memory: 9812 grad_norm: 3.3803 loss: 2.0868 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0586 distill.loss_dist: 1.0282 2023/05/16 02:42:31 - mmengine - INFO - Epoch(train) [91][1720/1879] lr: 2.0000e-04 eta: 4:07:03 time: 0.7957 data_time: 0.3603 memory: 9812 grad_norm: 3.4431 loss: 2.1605 student.top1_acc: 0.7500 student.top5_acc: 0.7500 student.loss_cls: 1.1567 distill.loss_dist: 1.0038 2023/05/16 02:42:47 - mmengine - INFO - Epoch(train) [91][1740/1879] lr: 2.0000e-04 eta: 4:06:46 time: 0.7753 data_time: 0.3354 memory: 9812 grad_norm: 3.4705 loss: 2.2260 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1768 distill.loss_dist: 1.0492 2023/05/16 02:43:06 - mmengine - INFO - Epoch(train) [91][1760/1879] lr: 2.0000e-04 eta: 4:06:28 time: 0.9554 data_time: 0.5102 memory: 9812 grad_norm: 3.4171 loss: 2.1436 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0912 distill.loss_dist: 1.0524 2023/05/16 02:43:23 - mmengine - INFO - Epoch(train) [91][1780/1879] lr: 2.0000e-04 eta: 4:06:11 time: 0.8322 data_time: 0.3888 memory: 9812 grad_norm: 3.4659 loss: 2.0075 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 0.9996 distill.loss_dist: 1.0079 2023/05/16 02:43:39 - mmengine - INFO - Epoch(train) [91][1800/1879] lr: 2.0000e-04 eta: 4:05:54 time: 0.8026 data_time: 0.3503 memory: 9812 grad_norm: 3.5275 loss: 2.1421 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0976 distill.loss_dist: 1.0444 2023/05/16 02:43:58 - mmengine - INFO - Epoch(train) [91][1820/1879] lr: 2.0000e-04 eta: 4:05:36 time: 0.9377 data_time: 0.4949 memory: 9812 grad_norm: 3.5042 loss: 2.1662 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1323 distill.loss_dist: 1.0340 2023/05/16 02:44:14 - mmengine - INFO - Epoch(train) [91][1840/1879] lr: 2.0000e-04 eta: 4:05:19 time: 0.8384 data_time: 0.3973 memory: 9812 grad_norm: 3.4837 loss: 2.1966 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1512 distill.loss_dist: 1.0454 2023/05/16 02:44:31 - mmengine - INFO - Epoch(train) [91][1860/1879] lr: 2.0000e-04 eta: 4:05:01 time: 0.8191 data_time: 0.3788 memory: 9812 grad_norm: 3.4558 loss: 2.2562 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2473 distill.loss_dist: 1.0089 2023/05/16 02:44:44 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 02:44:44 - mmengine - INFO - Epoch(train) [91][1879/1879] lr: 2.0000e-04 eta: 4:04:45 time: 0.7020 data_time: 0.2776 memory: 9812 grad_norm: 3.5563 loss: 2.2227 student.top1_acc: 0.7143 student.top5_acc: 0.8571 student.loss_cls: 1.1882 distill.loss_dist: 1.0345 2023/05/16 02:45:04 - mmengine - INFO - Epoch(val) [91][ 20/155] eta: 0:02:14 time: 0.9932 data_time: 0.9293 memory: 1484 2023/05/16 02:45:17 - mmengine - INFO - Epoch(val) [91][ 40/155] eta: 0:01:34 time: 0.6429 data_time: 0.5782 memory: 1484 2023/05/16 02:45:36 - mmengine - INFO - Epoch(val) [91][ 60/155] eta: 0:01:20 time: 0.9211 data_time: 0.8452 memory: 1484 2023/05/16 02:45:48 - mmengine - INFO - Epoch(val) [91][ 80/155] eta: 0:00:59 time: 0.6403 data_time: 0.5743 memory: 1484 2023/05/16 02:46:07 - mmengine - INFO - Epoch(val) [91][100/155] eta: 0:00:45 time: 0.9366 data_time: 0.8690 memory: 1484 2023/05/16 02:46:20 - mmengine - INFO - Epoch(val) [91][120/155] eta: 0:00:27 time: 0.6625 data_time: 0.6000 memory: 1484 2023/05/16 02:46:40 - mmengine - INFO - Epoch(val) [91][140/155] eta: 0:00:12 time: 0.9643 data_time: 0.9003 memory: 1484 2023/05/16 02:47:11 - mmengine - INFO - Epoch(val) [91][ 20/155] eta: 0:16:12 time: 0.9971 data_time: 0.8434 memory: 1582 2023/05/16 02:47:24 - mmengine - INFO - Epoch(val) [91][ 40/155] eta: 0:07:33 time: 0.6761 data_time: 0.5204 memory: 1582 2023/05/16 02:47:43 - mmengine - INFO - Epoch(val) [91][ 60/155] eta: 0:04:38 time: 0.9159 data_time: 0.7583 memory: 1582 2023/05/16 02:47:56 - mmengine - INFO - Epoch(val) [91][ 80/155] eta: 0:02:57 time: 0.6785 data_time: 0.5238 memory: 1582 2023/05/16 02:48:16 - mmengine - INFO - Epoch(val) [91][100/155] eta: 0:01:54 time: 0.9761 data_time: 0.8251 memory: 1582 2023/05/16 02:48:30 - mmengine - INFO - Epoch(val) [91][120/155] eta: 0:01:05 time: 0.7049 data_time: 0.5518 memory: 1582 2023/05/16 02:48:50 - mmengine - INFO - Epoch(val) [91][140/155] eta: 0:00:26 time: 1.0006 data_time: 0.8493 memory: 1582 2023/05/16 02:49:00 - mmengine - INFO - Epoch(val) [91][155/155] acc/top1: 0.6798 acc/top5: 0.8798 acc/mean1: 0.6797 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6629 time: 0.8148 2023/05/16 02:49:00 - mmengine - INFO - The previous best checkpoint /home/lilin/Repos/mmaction2/work_dirs/tsm_razor_dist_r50_mobilenetv2_k400_dist_weight_1/best_acc_top1_epoch_85.pth is removed 2023/05/16 02:49:01 - mmengine - INFO - The best checkpoint with 0.6798 acc/top1 at 91 epoch is saved to best_acc_top1_epoch_91.pth. 2023/05/16 02:49:14 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 02:49:23 - mmengine - INFO - Epoch(train) [92][ 20/1879] lr: 2.0000e-04 eta: 4:04:28 time: 1.0745 data_time: 0.6354 memory: 9812 grad_norm: 3.5555 loss: 2.1788 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1319 distill.loss_dist: 1.0469 2023/05/16 02:49:40 - mmengine - INFO - Epoch(train) [92][ 40/1879] lr: 2.0000e-04 eta: 4:04:10 time: 0.8809 data_time: 0.3373 memory: 9812 grad_norm: 3.4290 loss: 2.0577 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0383 distill.loss_dist: 1.0194 2023/05/16 02:49:57 - mmengine - INFO - Epoch(train) [92][ 60/1879] lr: 2.0000e-04 eta: 4:03:53 time: 0.8541 data_time: 0.0404 memory: 9812 grad_norm: 3.4955 loss: 2.0613 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0524 distill.loss_dist: 1.0089 2023/05/16 02:50:15 - mmengine - INFO - Epoch(train) [92][ 80/1879] lr: 2.0000e-04 eta: 4:03:36 time: 0.9054 data_time: 0.0292 memory: 9812 grad_norm: 3.4194 loss: 2.1444 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1522 distill.loss_dist: 0.9923 2023/05/16 02:50:32 - mmengine - INFO - Epoch(train) [92][ 100/1879] lr: 2.0000e-04 eta: 4:03:18 time: 0.8346 data_time: 0.0268 memory: 9812 grad_norm: 3.5337 loss: 2.2849 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2516 distill.loss_dist: 1.0333 2023/05/16 02:50:49 - mmengine - INFO - Epoch(train) [92][ 120/1879] lr: 2.0000e-04 eta: 4:03:01 time: 0.8487 data_time: 0.0273 memory: 9812 grad_norm: 3.4221 loss: 2.0919 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0780 distill.loss_dist: 1.0139 2023/05/16 02:51:07 - mmengine - INFO - Epoch(train) [92][ 140/1879] lr: 2.0000e-04 eta: 4:02:43 time: 0.8818 data_time: 0.0299 memory: 9812 grad_norm: 3.4297 loss: 2.1341 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1075 distill.loss_dist: 1.0266 2023/05/16 02:51:23 - mmengine - INFO - Epoch(train) [92][ 160/1879] lr: 2.0000e-04 eta: 4:02:26 time: 0.7988 data_time: 0.0260 memory: 9812 grad_norm: 3.4633 loss: 2.1885 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1514 distill.loss_dist: 1.0370 2023/05/16 02:51:40 - mmengine - INFO - Epoch(train) [92][ 180/1879] lr: 2.0000e-04 eta: 4:02:09 time: 0.8474 data_time: 0.0260 memory: 9812 grad_norm: 3.5283 loss: 2.2463 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2104 distill.loss_dist: 1.0358 2023/05/16 02:51:58 - mmengine - INFO - Epoch(train) [92][ 200/1879] lr: 2.0000e-04 eta: 4:01:51 time: 0.8983 data_time: 0.0269 memory: 9812 grad_norm: 3.4905 loss: 2.1875 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1729 distill.loss_dist: 1.0146 2023/05/16 02:52:14 - mmengine - INFO - Epoch(train) [92][ 220/1879] lr: 2.0000e-04 eta: 4:01:34 time: 0.8035 data_time: 0.0271 memory: 9812 grad_norm: 3.5832 loss: 2.1853 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1574 distill.loss_dist: 1.0278 2023/05/16 02:52:31 - mmengine - INFO - Epoch(train) [92][ 240/1879] lr: 2.0000e-04 eta: 4:01:16 time: 0.8722 data_time: 0.0273 memory: 9812 grad_norm: 3.5233 loss: 2.3613 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3243 distill.loss_dist: 1.0369 2023/05/16 02:52:50 - mmengine - INFO - Epoch(train) [92][ 260/1879] lr: 2.0000e-04 eta: 4:00:59 time: 0.9377 data_time: 0.0291 memory: 9812 grad_norm: 3.4840 loss: 2.1465 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1267 distill.loss_dist: 1.0198 2023/05/16 02:53:06 - mmengine - INFO - Epoch(train) [92][ 280/1879] lr: 2.0000e-04 eta: 4:00:42 time: 0.8018 data_time: 0.0280 memory: 9812 grad_norm: 3.4441 loss: 2.1757 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1510 distill.loss_dist: 1.0247 2023/05/16 02:53:23 - mmengine - INFO - Epoch(train) [92][ 300/1879] lr: 2.0000e-04 eta: 4:00:24 time: 0.8384 data_time: 0.0254 memory: 9812 grad_norm: 3.4618 loss: 2.0227 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0337 distill.loss_dist: 0.9890 2023/05/16 02:53:40 - mmengine - INFO - Epoch(train) [92][ 320/1879] lr: 2.0000e-04 eta: 4:00:07 time: 0.8706 data_time: 0.0291 memory: 9812 grad_norm: 3.4252 loss: 2.1931 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1556 distill.loss_dist: 1.0374 2023/05/16 02:53:58 - mmengine - INFO - Epoch(train) [92][ 340/1879] lr: 2.0000e-04 eta: 3:59:49 time: 0.8820 data_time: 0.0285 memory: 9812 grad_norm: 3.4215 loss: 2.2110 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1575 distill.loss_dist: 1.0535 2023/05/16 02:54:15 - mmengine - INFO - Epoch(train) [92][ 360/1879] lr: 2.0000e-04 eta: 3:59:32 time: 0.8612 data_time: 0.0270 memory: 9812 grad_norm: 3.4619 loss: 2.1160 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1067 distill.loss_dist: 1.0093 2023/05/16 02:54:33 - mmengine - INFO - Epoch(train) [92][ 380/1879] lr: 2.0000e-04 eta: 3:59:15 time: 0.8598 data_time: 0.0279 memory: 9812 grad_norm: 3.4719 loss: 1.9604 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9636 distill.loss_dist: 0.9968 2023/05/16 02:54:52 - mmengine - INFO - Epoch(train) [92][ 400/1879] lr: 2.0000e-04 eta: 3:58:58 time: 0.9537 data_time: 0.0265 memory: 9812 grad_norm: 3.5032 loss: 2.1231 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1235 distill.loss_dist: 0.9996 2023/05/16 02:55:08 - mmengine - INFO - Epoch(train) [92][ 420/1879] lr: 2.0000e-04 eta: 3:58:40 time: 0.8191 data_time: 0.0285 memory: 9812 grad_norm: 3.4825 loss: 1.9740 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9525 distill.loss_dist: 1.0215 2023/05/16 02:55:25 - mmengine - INFO - Epoch(train) [92][ 440/1879] lr: 2.0000e-04 eta: 3:58:23 time: 0.8566 data_time: 0.0264 memory: 9812 grad_norm: 3.4539 loss: 2.2164 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1938 distill.loss_dist: 1.0226 2023/05/16 02:55:43 - mmengine - INFO - Epoch(train) [92][ 460/1879] lr: 2.0000e-04 eta: 3:58:05 time: 0.9024 data_time: 0.0259 memory: 9812 grad_norm: 3.5807 loss: 2.2507 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2119 distill.loss_dist: 1.0388 2023/05/16 02:56:01 - mmengine - INFO - Epoch(train) [92][ 480/1879] lr: 2.0000e-04 eta: 3:57:48 time: 0.8626 data_time: 0.0327 memory: 9812 grad_norm: 3.4394 loss: 2.1188 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0974 distill.loss_dist: 1.0213 2023/05/16 02:56:17 - mmengine - INFO - Epoch(train) [92][ 500/1879] lr: 2.0000e-04 eta: 3:57:31 time: 0.8043 data_time: 0.0266 memory: 9812 grad_norm: 3.4671 loss: 2.0999 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0909 distill.loss_dist: 1.0090 2023/05/16 02:56:36 - mmengine - INFO - Epoch(train) [92][ 520/1879] lr: 2.0000e-04 eta: 3:57:13 time: 0.9892 data_time: 0.0271 memory: 9812 grad_norm: 3.4516 loss: 2.0622 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0603 distill.loss_dist: 1.0019 2023/05/16 02:56:53 - mmengine - INFO - Epoch(train) [92][ 540/1879] lr: 2.0000e-04 eta: 3:56:56 time: 0.8457 data_time: 0.0265 memory: 9812 grad_norm: 3.4711 loss: 2.0948 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0672 distill.loss_dist: 1.0276 2023/05/16 02:57:10 - mmengine - INFO - Epoch(train) [92][ 560/1879] lr: 2.0000e-04 eta: 3:56:39 time: 0.8353 data_time: 0.0253 memory: 9812 grad_norm: 3.4931 loss: 2.3218 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2748 distill.loss_dist: 1.0470 2023/05/16 02:57:29 - mmengine - INFO - Epoch(train) [92][ 580/1879] lr: 2.0000e-04 eta: 3:56:21 time: 0.9271 data_time: 0.0290 memory: 9812 grad_norm: 3.4760 loss: 2.1242 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1159 distill.loss_dist: 1.0083 2023/05/16 02:57:45 - mmengine - INFO - Epoch(train) [92][ 600/1879] lr: 2.0000e-04 eta: 3:56:04 time: 0.8188 data_time: 0.0244 memory: 9812 grad_norm: 3.5555 loss: 2.2073 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1567 distill.loss_dist: 1.0506 2023/05/16 02:58:01 - mmengine - INFO - Epoch(train) [92][ 620/1879] lr: 2.0000e-04 eta: 3:55:46 time: 0.7999 data_time: 0.0276 memory: 9812 grad_norm: 3.5452 loss: 2.1439 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0996 distill.loss_dist: 1.0443 2023/05/16 02:58:19 - mmengine - INFO - Epoch(train) [92][ 640/1879] lr: 2.0000e-04 eta: 3:55:29 time: 0.9130 data_time: 0.0249 memory: 9812 grad_norm: 3.4040 loss: 2.0833 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.0612 distill.loss_dist: 1.0221 2023/05/16 02:58:36 - mmengine - INFO - Epoch(train) [92][ 660/1879] lr: 2.0000e-04 eta: 3:55:12 time: 0.8489 data_time: 0.0305 memory: 9812 grad_norm: 3.4484 loss: 2.0930 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0605 distill.loss_dist: 1.0325 2023/05/16 02:58:54 - mmengine - INFO - Epoch(train) [92][ 680/1879] lr: 2.0000e-04 eta: 3:54:54 time: 0.8776 data_time: 0.0271 memory: 9812 grad_norm: 3.5063 loss: 2.1606 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1378 distill.loss_dist: 1.0228 2023/05/16 02:59:11 - mmengine - INFO - Epoch(train) [92][ 700/1879] lr: 2.0000e-04 eta: 3:54:37 time: 0.8756 data_time: 0.0274 memory: 9812 grad_norm: 3.4145 loss: 1.8903 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 0.8931 distill.loss_dist: 0.9972 2023/05/16 02:59:29 - mmengine - INFO - Epoch(train) [92][ 720/1879] lr: 2.0000e-04 eta: 3:54:20 time: 0.8503 data_time: 0.0307 memory: 9812 grad_norm: 3.4175 loss: 2.1357 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1208 distill.loss_dist: 1.0149 2023/05/16 02:59:45 - mmengine - INFO - Epoch(train) [92][ 740/1879] lr: 2.0000e-04 eta: 3:54:02 time: 0.8171 data_time: 0.0376 memory: 9812 grad_norm: 3.4493 loss: 2.2051 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1804 distill.loss_dist: 1.0248 2023/05/16 03:00:04 - mmengine - INFO - Epoch(train) [92][ 760/1879] lr: 2.0000e-04 eta: 3:53:45 time: 0.9717 data_time: 0.0272 memory: 9812 grad_norm: 3.5162 loss: 2.3371 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2896 distill.loss_dist: 1.0474 2023/05/16 03:00:21 - mmengine - INFO - Epoch(train) [92][ 780/1879] lr: 2.0000e-04 eta: 3:53:27 time: 0.8274 data_time: 0.0257 memory: 9812 grad_norm: 3.5453 loss: 2.1103 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1082 distill.loss_dist: 1.0020 2023/05/16 03:00:37 - mmengine - INFO - Epoch(train) [92][ 800/1879] lr: 2.0000e-04 eta: 3:53:10 time: 0.7785 data_time: 0.0878 memory: 9812 grad_norm: 3.4018 loss: 1.9683 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 0.9617 distill.loss_dist: 1.0066 2023/05/16 03:00:54 - mmengine - INFO - Epoch(train) [92][ 820/1879] lr: 2.0000e-04 eta: 3:52:53 time: 0.8969 data_time: 0.0615 memory: 9812 grad_norm: 3.4528 loss: 1.9776 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 0.9795 distill.loss_dist: 0.9981 2023/05/16 03:01:11 - mmengine - INFO - Epoch(train) [92][ 840/1879] lr: 2.0000e-04 eta: 3:52:35 time: 0.8414 data_time: 0.2015 memory: 9812 grad_norm: 3.5536 loss: 2.2366 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2271 distill.loss_dist: 1.0095 2023/05/16 03:01:29 - mmengine - INFO - Epoch(train) [92][ 860/1879] lr: 2.0000e-04 eta: 3:52:18 time: 0.9032 data_time: 0.2766 memory: 9812 grad_norm: 3.5002 loss: 1.9164 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9351 distill.loss_dist: 0.9813 2023/05/16 03:01:47 - mmengine - INFO - Epoch(train) [92][ 880/1879] lr: 2.0000e-04 eta: 3:52:01 time: 0.8879 data_time: 0.1896 memory: 9812 grad_norm: 3.5175 loss: 2.3036 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2508 distill.loss_dist: 1.0528 2023/05/16 03:02:04 - mmengine - INFO - Epoch(train) [92][ 900/1879] lr: 2.0000e-04 eta: 3:51:43 time: 0.8412 data_time: 0.0851 memory: 9812 grad_norm: 3.4721 loss: 2.0452 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0207 distill.loss_dist: 1.0245 2023/05/16 03:02:21 - mmengine - INFO - Epoch(train) [92][ 920/1879] lr: 2.0000e-04 eta: 3:51:26 time: 0.8581 data_time: 0.0780 memory: 9812 grad_norm: 3.5731 loss: 2.0728 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0611 distill.loss_dist: 1.0117 2023/05/16 03:02:38 - mmengine - INFO - Epoch(train) [92][ 940/1879] lr: 2.0000e-04 eta: 3:51:08 time: 0.8154 data_time: 0.1216 memory: 9812 grad_norm: 3.4248 loss: 2.0674 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0640 distill.loss_dist: 1.0034 2023/05/16 03:02:56 - mmengine - INFO - Epoch(train) [92][ 960/1879] lr: 2.0000e-04 eta: 3:50:51 time: 0.9289 data_time: 0.1616 memory: 9812 grad_norm: 3.4285 loss: 2.1410 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1263 distill.loss_dist: 1.0147 2023/05/16 03:03:13 - mmengine - INFO - Epoch(train) [92][ 980/1879] lr: 2.0000e-04 eta: 3:50:34 time: 0.8429 data_time: 0.0483 memory: 9812 grad_norm: 3.3746 loss: 2.1415 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1367 distill.loss_dist: 1.0048 2023/05/16 03:03:31 - mmengine - INFO - Epoch(train) [92][1000/1879] lr: 2.0000e-04 eta: 3:50:16 time: 0.9016 data_time: 0.0250 memory: 9812 grad_norm: 3.4015 loss: 2.1003 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1129 distill.loss_dist: 0.9874 2023/05/16 03:03:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 03:03:49 - mmengine - INFO - Epoch(train) [92][1020/1879] lr: 2.0000e-04 eta: 3:49:59 time: 0.9075 data_time: 0.0295 memory: 9812 grad_norm: 3.4897 loss: 2.1624 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1427 distill.loss_dist: 1.0197 2023/05/16 03:04:06 - mmengine - INFO - Epoch(train) [92][1040/1879] lr: 2.0000e-04 eta: 3:49:42 time: 0.8133 data_time: 0.0310 memory: 9812 grad_norm: 3.4840 loss: 2.0533 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0418 distill.loss_dist: 1.0114 2023/05/16 03:04:23 - mmengine - INFO - Epoch(train) [92][1060/1879] lr: 2.0000e-04 eta: 3:49:24 time: 0.8787 data_time: 0.0252 memory: 9812 grad_norm: 3.4862 loss: 2.4437 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.3680 distill.loss_dist: 1.0757 2023/05/16 03:04:42 - mmengine - INFO - Epoch(train) [92][1080/1879] lr: 2.0000e-04 eta: 3:49:07 time: 0.9617 data_time: 0.0271 memory: 9812 grad_norm: 3.4495 loss: 2.3279 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2788 distill.loss_dist: 1.0491 2023/05/16 03:04:58 - mmengine - INFO - Epoch(train) [92][1100/1879] lr: 2.0000e-04 eta: 3:48:49 time: 0.7753 data_time: 0.0455 memory: 9812 grad_norm: 3.4019 loss: 2.3195 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2762 distill.loss_dist: 1.0433 2023/05/16 03:05:14 - mmengine - INFO - Epoch(train) [92][1120/1879] lr: 2.0000e-04 eta: 3:48:32 time: 0.8081 data_time: 0.0250 memory: 9812 grad_norm: 3.5387 loss: 2.1804 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1718 distill.loss_dist: 1.0086 2023/05/16 03:05:34 - mmengine - INFO - Epoch(train) [92][1140/1879] lr: 2.0000e-04 eta: 3:48:15 time: 0.9772 data_time: 0.0267 memory: 9812 grad_norm: 3.5214 loss: 2.1810 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1493 distill.loss_dist: 1.0317 2023/05/16 03:05:50 - mmengine - INFO - Epoch(train) [92][1160/1879] lr: 2.0000e-04 eta: 3:47:57 time: 0.8154 data_time: 0.0293 memory: 9812 grad_norm: 3.4904 loss: 2.1385 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1143 distill.loss_dist: 1.0242 2023/05/16 03:06:07 - mmengine - INFO - Epoch(train) [92][1180/1879] lr: 2.0000e-04 eta: 3:47:40 time: 0.8558 data_time: 0.0243 memory: 9812 grad_norm: 3.5225 loss: 2.2603 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.2208 distill.loss_dist: 1.0394 2023/05/16 03:06:25 - mmengine - INFO - Epoch(train) [92][1200/1879] lr: 2.0000e-04 eta: 3:47:23 time: 0.8783 data_time: 0.0304 memory: 9812 grad_norm: 3.5609 loss: 2.3032 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2817 distill.loss_dist: 1.0215 2023/05/16 03:06:43 - mmengine - INFO - Epoch(train) [92][1220/1879] lr: 2.0000e-04 eta: 3:47:05 time: 0.9116 data_time: 0.2585 memory: 9812 grad_norm: 3.4163 loss: 2.2022 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1879 distill.loss_dist: 1.0143 2023/05/16 03:06:59 - mmengine - INFO - Epoch(train) [92][1240/1879] lr: 2.0000e-04 eta: 3:46:48 time: 0.7878 data_time: 0.2645 memory: 9812 grad_norm: 3.5441 loss: 2.2086 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1688 distill.loss_dist: 1.0398 2023/05/16 03:07:16 - mmengine - INFO - Epoch(train) [92][1260/1879] lr: 2.0000e-04 eta: 3:46:30 time: 0.8815 data_time: 0.1060 memory: 9812 grad_norm: 3.5355 loss: 2.3374 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3220 distill.loss_dist: 1.0154 2023/05/16 03:07:34 - mmengine - INFO - Epoch(train) [92][1280/1879] lr: 2.0000e-04 eta: 3:46:13 time: 0.8622 data_time: 0.0300 memory: 9812 grad_norm: 3.4519 loss: 2.2394 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2105 distill.loss_dist: 1.0289 2023/05/16 03:07:50 - mmengine - INFO - Epoch(train) [92][1300/1879] lr: 2.0000e-04 eta: 3:45:56 time: 0.8358 data_time: 0.0285 memory: 9812 grad_norm: 3.4462 loss: 2.0749 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0590 distill.loss_dist: 1.0159 2023/05/16 03:08:10 - mmengine - INFO - Epoch(train) [92][1320/1879] lr: 2.0000e-04 eta: 3:45:38 time: 0.9565 data_time: 0.0256 memory: 9812 grad_norm: 3.5778 loss: 2.1390 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1119 distill.loss_dist: 1.0272 2023/05/16 03:08:26 - mmengine - INFO - Epoch(train) [92][1340/1879] lr: 2.0000e-04 eta: 3:45:21 time: 0.8365 data_time: 0.0264 memory: 9812 grad_norm: 3.4764 loss: 2.0535 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0388 distill.loss_dist: 1.0147 2023/05/16 03:08:43 - mmengine - INFO - Epoch(train) [92][1360/1879] lr: 2.0000e-04 eta: 3:45:04 time: 0.8207 data_time: 0.0251 memory: 9812 grad_norm: 3.4892 loss: 2.2286 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1795 distill.loss_dist: 1.0491 2023/05/16 03:09:03 - mmengine - INFO - Epoch(train) [92][1380/1879] lr: 2.0000e-04 eta: 3:44:46 time: 0.9880 data_time: 0.0272 memory: 9812 grad_norm: 3.4741 loss: 2.0564 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.0792 distill.loss_dist: 0.9771 2023/05/16 03:09:18 - mmengine - INFO - Epoch(train) [92][1400/1879] lr: 2.0000e-04 eta: 3:44:29 time: 0.7589 data_time: 0.0308 memory: 9812 grad_norm: 3.4901 loss: 2.2452 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2062 distill.loss_dist: 1.0390 2023/05/16 03:09:35 - mmengine - INFO - Epoch(train) [92][1420/1879] lr: 2.0000e-04 eta: 3:44:11 time: 0.8576 data_time: 0.0259 memory: 9812 grad_norm: 3.5277 loss: 2.2076 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1863 distill.loss_dist: 1.0213 2023/05/16 03:09:54 - mmengine - INFO - Epoch(train) [92][1440/1879] lr: 2.0000e-04 eta: 3:43:54 time: 0.9329 data_time: 0.0254 memory: 9812 grad_norm: 3.4076 loss: 2.0753 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0568 distill.loss_dist: 1.0186 2023/05/16 03:10:10 - mmengine - INFO - Epoch(train) [92][1460/1879] lr: 2.0000e-04 eta: 3:43:37 time: 0.8203 data_time: 0.0274 memory: 9812 grad_norm: 3.4349 loss: 2.0767 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0510 distill.loss_dist: 1.0256 2023/05/16 03:10:27 - mmengine - INFO - Epoch(train) [92][1480/1879] lr: 2.0000e-04 eta: 3:43:19 time: 0.8287 data_time: 0.0280 memory: 9812 grad_norm: 3.5024 loss: 2.3135 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2509 distill.loss_dist: 1.0626 2023/05/16 03:10:46 - mmengine - INFO - Epoch(train) [92][1500/1879] lr: 2.0000e-04 eta: 3:43:02 time: 0.9497 data_time: 0.0277 memory: 9812 grad_norm: 3.5025 loss: 2.0910 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0675 distill.loss_dist: 1.0234 2023/05/16 03:11:02 - mmengine - INFO - Epoch(train) [92][1520/1879] lr: 2.0000e-04 eta: 3:42:45 time: 0.8133 data_time: 0.0268 memory: 9812 grad_norm: 3.5017 loss: 2.0553 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0752 distill.loss_dist: 0.9801 2023/05/16 03:11:18 - mmengine - INFO - Epoch(train) [92][1540/1879] lr: 2.0000e-04 eta: 3:42:27 time: 0.8082 data_time: 0.0290 memory: 9812 grad_norm: 3.4886 loss: 2.0058 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0223 distill.loss_dist: 0.9835 2023/05/16 03:11:37 - mmengine - INFO - Epoch(train) [92][1560/1879] lr: 2.0000e-04 eta: 3:42:10 time: 0.9278 data_time: 0.0574 memory: 9812 grad_norm: 3.4275 loss: 2.0555 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0555 distill.loss_dist: 1.0000 2023/05/16 03:11:54 - mmengine - INFO - Epoch(train) [92][1580/1879] lr: 2.0000e-04 eta: 3:41:52 time: 0.8376 data_time: 0.0274 memory: 9812 grad_norm: 3.4922 loss: 2.1977 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1675 distill.loss_dist: 1.0302 2023/05/16 03:12:10 - mmengine - INFO - Epoch(train) [92][1600/1879] lr: 2.0000e-04 eta: 3:41:35 time: 0.8203 data_time: 0.0384 memory: 9812 grad_norm: 3.4984 loss: 2.1407 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1095 distill.loss_dist: 1.0311 2023/05/16 03:12:28 - mmengine - INFO - Epoch(train) [92][1620/1879] lr: 2.0000e-04 eta: 3:41:18 time: 0.8852 data_time: 0.0453 memory: 9812 grad_norm: 3.5475 loss: 2.3072 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.2516 distill.loss_dist: 1.0556 2023/05/16 03:12:46 - mmengine - INFO - Epoch(train) [92][1640/1879] lr: 2.0000e-04 eta: 3:41:00 time: 0.8902 data_time: 0.0446 memory: 9812 grad_norm: 3.4935 loss: 2.0882 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0863 distill.loss_dist: 1.0020 2023/05/16 03:13:02 - mmengine - INFO - Epoch(train) [92][1660/1879] lr: 2.0000e-04 eta: 3:40:43 time: 0.8256 data_time: 0.0283 memory: 9812 grad_norm: 3.5132 loss: 2.1095 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0992 distill.loss_dist: 1.0103 2023/05/16 03:13:19 - mmengine - INFO - Epoch(train) [92][1680/1879] lr: 2.0000e-04 eta: 3:40:26 time: 0.8627 data_time: 0.0266 memory: 9812 grad_norm: 3.3777 loss: 2.1327 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1374 distill.loss_dist: 0.9953 2023/05/16 03:13:38 - mmengine - INFO - Epoch(train) [92][1700/1879] lr: 2.0000e-04 eta: 3:40:08 time: 0.9543 data_time: 0.0356 memory: 9812 grad_norm: 3.5307 loss: 2.0441 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0255 distill.loss_dist: 1.0186 2023/05/16 03:13:54 - mmengine - INFO - Epoch(train) [92][1720/1879] lr: 2.0000e-04 eta: 3:39:51 time: 0.7544 data_time: 0.0382 memory: 9812 grad_norm: 3.4271 loss: 2.1477 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1472 distill.loss_dist: 1.0005 2023/05/16 03:14:10 - mmengine - INFO - Epoch(train) [92][1740/1879] lr: 2.0000e-04 eta: 3:39:33 time: 0.8332 data_time: 0.1063 memory: 9812 grad_norm: 3.3842 loss: 2.0577 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0258 distill.loss_dist: 1.0319 2023/05/16 03:14:28 - mmengine - INFO - Epoch(train) [92][1760/1879] lr: 2.0000e-04 eta: 3:39:16 time: 0.8754 data_time: 0.0300 memory: 9812 grad_norm: 3.4771 loss: 2.2972 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2874 distill.loss_dist: 1.0098 2023/05/16 03:14:47 - mmengine - INFO - Epoch(train) [92][1780/1879] lr: 2.0000e-04 eta: 3:38:59 time: 0.9686 data_time: 0.0272 memory: 9812 grad_norm: 3.5490 loss: 2.1073 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1038 distill.loss_dist: 1.0035 2023/05/16 03:15:04 - mmengine - INFO - Epoch(train) [92][1800/1879] lr: 2.0000e-04 eta: 3:38:41 time: 0.8175 data_time: 0.0267 memory: 9812 grad_norm: 3.6942 loss: 2.2870 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2326 distill.loss_dist: 1.0544 2023/05/16 03:15:20 - mmengine - INFO - Epoch(train) [92][1820/1879] lr: 2.0000e-04 eta: 3:38:24 time: 0.7996 data_time: 0.0285 memory: 9812 grad_norm: 3.4316 loss: 2.0955 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0876 distill.loss_dist: 1.0080 2023/05/16 03:15:39 - mmengine - INFO - Epoch(train) [92][1840/1879] lr: 2.0000e-04 eta: 3:38:07 time: 0.9574 data_time: 0.0293 memory: 9812 grad_norm: 3.5538 loss: 2.2236 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1917 distill.loss_dist: 1.0319 2023/05/16 03:15:55 - mmengine - INFO - Epoch(train) [92][1860/1879] lr: 2.0000e-04 eta: 3:37:49 time: 0.8363 data_time: 0.0271 memory: 9812 grad_norm: 3.5155 loss: 2.0833 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0553 distill.loss_dist: 1.0280 2023/05/16 03:16:08 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 03:16:08 - mmengine - INFO - Epoch(train) [92][1879/1879] lr: 2.0000e-04 eta: 3:37:32 time: 0.6641 data_time: 0.0204 memory: 9812 grad_norm: 3.5942 loss: 2.0821 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.0602 distill.loss_dist: 1.0220 2023/05/16 03:16:29 - mmengine - INFO - Epoch(val) [92][ 20/155] eta: 0:02:16 time: 1.0116 data_time: 0.9447 memory: 1484 2023/05/16 03:16:41 - mmengine - INFO - Epoch(val) [92][ 40/155] eta: 0:01:34 time: 0.6271 data_time: 0.5597 memory: 1484 2023/05/16 03:16:59 - mmengine - INFO - Epoch(val) [92][ 60/155] eta: 0:01:20 time: 0.9148 data_time: 0.8478 memory: 1484 2023/05/16 03:17:13 - mmengine - INFO - Epoch(val) [92][ 80/155] eta: 0:01:00 time: 0.6760 data_time: 0.6117 memory: 1484 2023/05/16 03:17:32 - mmengine - INFO - Epoch(val) [92][100/155] eta: 0:00:46 time: 0.9752 data_time: 0.9126 memory: 1484 2023/05/16 03:17:45 - mmengine - INFO - Epoch(val) [92][120/155] eta: 0:00:28 time: 0.6434 data_time: 0.5772 memory: 1484 2023/05/16 03:18:04 - mmengine - INFO - Epoch(val) [92][140/155] eta: 0:00:12 time: 0.9353 data_time: 0.8736 memory: 1484 2023/05/16 03:18:35 - mmengine - INFO - Epoch(val) [92][ 20/155] eta: 0:16:13 time: 0.9919 data_time: 0.8376 memory: 1582 2023/05/16 03:18:49 - mmengine - INFO - Epoch(val) [92][ 40/155] eta: 0:07:34 time: 0.6958 data_time: 0.5417 memory: 1582 2023/05/16 03:19:08 - mmengine - INFO - Epoch(val) [92][ 60/155] eta: 0:04:39 time: 0.9345 data_time: 0.7832 memory: 1582 2023/05/16 03:19:22 - mmengine - INFO - Epoch(val) [92][ 80/155] eta: 0:02:58 time: 0.6977 data_time: 0.5474 memory: 1582 2023/05/16 03:19:41 - mmengine - INFO - Epoch(val) [92][100/155] eta: 0:01:55 time: 0.9656 data_time: 0.8147 memory: 1582 2023/05/16 03:19:54 - mmengine - INFO - Epoch(val) [92][120/155] eta: 0:01:05 time: 0.6659 data_time: 0.5115 memory: 1582 2023/05/16 03:20:15 - mmengine - INFO - Epoch(val) [92][140/155] eta: 0:00:26 time: 1.0135 data_time: 0.8597 memory: 1582 2023/05/16 03:20:24 - mmengine - INFO - Epoch(val) [92][155/155] acc/top1: 0.6790 acc/top5: 0.8805 acc/mean1: 0.6789 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6663 time: 0.8172 2023/05/16 03:20:46 - mmengine - INFO - Epoch(train) [93][ 20/1879] lr: 2.0000e-04 eta: 3:37:15 time: 1.1048 data_time: 0.4779 memory: 9812 grad_norm: 3.4893 loss: 2.0863 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0669 distill.loss_dist: 1.0194 2023/05/16 03:21:02 - mmengine - INFO - Epoch(train) [93][ 40/1879] lr: 2.0000e-04 eta: 3:36:58 time: 0.7990 data_time: 0.1911 memory: 9812 grad_norm: 3.4717 loss: 2.3292 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3017 distill.loss_dist: 1.0275 2023/05/16 03:21:18 - mmengine - INFO - Epoch(train) [93][ 60/1879] lr: 2.0000e-04 eta: 3:36:40 time: 0.7838 data_time: 0.1165 memory: 9812 grad_norm: 3.4702 loss: 2.3133 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.2567 distill.loss_dist: 1.0566 2023/05/16 03:21:37 - mmengine - INFO - Epoch(train) [93][ 80/1879] lr: 2.0000e-04 eta: 3:36:23 time: 0.9360 data_time: 0.1952 memory: 9812 grad_norm: 3.5302 loss: 2.2773 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2569 distill.loss_dist: 1.0203 2023/05/16 03:21:54 - mmengine - INFO - Epoch(train) [93][ 100/1879] lr: 2.0000e-04 eta: 3:36:06 time: 0.8473 data_time: 0.0839 memory: 9812 grad_norm: 3.5971 loss: 2.0679 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0310 distill.loss_dist: 1.0369 2023/05/16 03:22:09 - mmengine - INFO - Epoch(train) [93][ 120/1879] lr: 2.0000e-04 eta: 3:35:48 time: 0.7824 data_time: 0.0277 memory: 9812 grad_norm: 3.4551 loss: 2.1118 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0825 distill.loss_dist: 1.0293 2023/05/16 03:22:20 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 03:22:28 - mmengine - INFO - Epoch(train) [93][ 140/1879] lr: 2.0000e-04 eta: 3:35:31 time: 0.9409 data_time: 0.0270 memory: 9812 grad_norm: 3.4726 loss: 2.0392 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0325 distill.loss_dist: 1.0067 2023/05/16 03:22:44 - mmengine - INFO - Epoch(train) [93][ 160/1879] lr: 2.0000e-04 eta: 3:35:14 time: 0.8114 data_time: 0.0285 memory: 9812 grad_norm: 3.4278 loss: 2.1068 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0936 distill.loss_dist: 1.0132 2023/05/16 03:23:01 - mmengine - INFO - Epoch(train) [93][ 180/1879] lr: 2.0000e-04 eta: 3:34:56 time: 0.8328 data_time: 0.0284 memory: 9812 grad_norm: 3.4295 loss: 2.0914 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1042 distill.loss_dist: 0.9873 2023/05/16 03:23:19 - mmengine - INFO - Epoch(train) [93][ 200/1879] lr: 2.0000e-04 eta: 3:34:39 time: 0.8969 data_time: 0.0264 memory: 9812 grad_norm: 3.4865 loss: 2.0710 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0489 distill.loss_dist: 1.0221 2023/05/16 03:23:37 - mmengine - INFO - Epoch(train) [93][ 220/1879] lr: 2.0000e-04 eta: 3:34:21 time: 0.9111 data_time: 0.0277 memory: 9812 grad_norm: 3.5093 loss: 1.9694 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 0.9694 distill.loss_dist: 1.0000 2023/05/16 03:23:54 - mmengine - INFO - Epoch(train) [93][ 240/1879] lr: 2.0000e-04 eta: 3:34:04 time: 0.8125 data_time: 0.0292 memory: 9812 grad_norm: 3.3591 loss: 1.9985 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0211 distill.loss_dist: 0.9775 2023/05/16 03:24:10 - mmengine - INFO - Epoch(train) [93][ 260/1879] lr: 2.0000e-04 eta: 3:33:47 time: 0.8434 data_time: 0.0283 memory: 9812 grad_norm: 3.5228 loss: 2.1840 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1368 distill.loss_dist: 1.0471 2023/05/16 03:24:28 - mmengine - INFO - Epoch(train) [93][ 280/1879] lr: 2.0000e-04 eta: 3:33:29 time: 0.8544 data_time: 0.0260 memory: 9812 grad_norm: 3.4575 loss: 1.9078 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 0.9118 distill.loss_dist: 0.9960 2023/05/16 03:24:45 - mmengine - INFO - Epoch(train) [93][ 300/1879] lr: 2.0000e-04 eta: 3:33:12 time: 0.8765 data_time: 0.0321 memory: 9812 grad_norm: 3.4464 loss: 2.0101 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0025 distill.loss_dist: 1.0077 2023/05/16 03:25:02 - mmengine - INFO - Epoch(train) [93][ 320/1879] lr: 2.0000e-04 eta: 3:32:54 time: 0.8502 data_time: 0.0278 memory: 9812 grad_norm: 3.4994 loss: 2.1385 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1313 distill.loss_dist: 1.0073 2023/05/16 03:25:19 - mmengine - INFO - Epoch(train) [93][ 340/1879] lr: 2.0000e-04 eta: 3:32:37 time: 0.8472 data_time: 0.0252 memory: 9812 grad_norm: 3.4115 loss: 2.1013 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1004 distill.loss_dist: 1.0010 2023/05/16 03:25:37 - mmengine - INFO - Epoch(train) [93][ 360/1879] lr: 2.0000e-04 eta: 3:32:20 time: 0.9101 data_time: 0.0241 memory: 9812 grad_norm: 3.5325 loss: 2.1840 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1746 distill.loss_dist: 1.0093 2023/05/16 03:25:56 - mmengine - INFO - Epoch(train) [93][ 380/1879] lr: 2.0000e-04 eta: 3:32:03 time: 0.9361 data_time: 0.0290 memory: 9812 grad_norm: 3.5179 loss: 2.2327 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2097 distill.loss_dist: 1.0230 2023/05/16 03:26:13 - mmengine - INFO - Epoch(train) [93][ 400/1879] lr: 2.0000e-04 eta: 3:31:45 time: 0.8248 data_time: 0.0265 memory: 9812 grad_norm: 3.5271 loss: 2.2770 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2608 distill.loss_dist: 1.0163 2023/05/16 03:26:29 - mmengine - INFO - Epoch(train) [93][ 420/1879] lr: 2.0000e-04 eta: 3:31:28 time: 0.8273 data_time: 0.0269 memory: 9812 grad_norm: 3.5232 loss: 2.2069 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1722 distill.loss_dist: 1.0347 2023/05/16 03:26:48 - mmengine - INFO - Epoch(train) [93][ 440/1879] lr: 2.0000e-04 eta: 3:31:10 time: 0.9153 data_time: 0.0298 memory: 9812 grad_norm: 3.5936 loss: 2.3173 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2892 distill.loss_dist: 1.0281 2023/05/16 03:27:04 - mmengine - INFO - Epoch(train) [93][ 460/1879] lr: 2.0000e-04 eta: 3:30:53 time: 0.8202 data_time: 0.0259 memory: 9812 grad_norm: 3.4181 loss: 2.0319 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0075 distill.loss_dist: 1.0244 2023/05/16 03:27:20 - mmengine - INFO - Epoch(train) [93][ 480/1879] lr: 2.0000e-04 eta: 3:30:35 time: 0.7916 data_time: 0.0275 memory: 9812 grad_norm: 3.4434 loss: 2.1486 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1247 distill.loss_dist: 1.0240 2023/05/16 03:27:39 - mmengine - INFO - Epoch(train) [93][ 500/1879] lr: 2.0000e-04 eta: 3:30:18 time: 0.9672 data_time: 0.0323 memory: 9812 grad_norm: 3.4409 loss: 1.9836 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9884 distill.loss_dist: 0.9952 2023/05/16 03:27:54 - mmengine - INFO - Epoch(train) [93][ 520/1879] lr: 2.0000e-04 eta: 3:30:01 time: 0.7612 data_time: 0.0288 memory: 9812 grad_norm: 3.5409 loss: 2.2866 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2236 distill.loss_dist: 1.0630 2023/05/16 03:28:11 - mmengine - INFO - Epoch(train) [93][ 540/1879] lr: 2.0000e-04 eta: 3:29:43 time: 0.8357 data_time: 0.0296 memory: 9812 grad_norm: 3.3441 loss: 2.2097 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2028 distill.loss_dist: 1.0068 2023/05/16 03:28:31 - mmengine - INFO - Epoch(train) [93][ 560/1879] lr: 2.0000e-04 eta: 3:29:26 time: 0.9641 data_time: 0.0293 memory: 9812 grad_norm: 3.4150 loss: 1.9660 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9568 distill.loss_dist: 1.0092 2023/05/16 03:28:48 - mmengine - INFO - Epoch(train) [93][ 580/1879] lr: 2.0000e-04 eta: 3:29:09 time: 0.8690 data_time: 0.0244 memory: 9812 grad_norm: 3.5025 loss: 2.0531 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0445 distill.loss_dist: 1.0087 2023/05/16 03:29:04 - mmengine - INFO - Epoch(train) [93][ 600/1879] lr: 2.0000e-04 eta: 3:28:51 time: 0.8079 data_time: 0.0295 memory: 9812 grad_norm: 3.4898 loss: 2.2119 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1914 distill.loss_dist: 1.0205 2023/05/16 03:29:24 - mmengine - INFO - Epoch(train) [93][ 620/1879] lr: 2.0000e-04 eta: 3:28:34 time: 0.9860 data_time: 0.0279 memory: 9812 grad_norm: 3.4238 loss: 2.0307 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0442 distill.loss_dist: 0.9865 2023/05/16 03:29:40 - mmengine - INFO - Epoch(train) [93][ 640/1879] lr: 2.0000e-04 eta: 3:28:17 time: 0.8215 data_time: 0.0271 memory: 9812 grad_norm: 3.4755 loss: 2.1779 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1590 distill.loss_dist: 1.0189 2023/05/16 03:29:57 - mmengine - INFO - Epoch(train) [93][ 660/1879] lr: 2.0000e-04 eta: 3:27:59 time: 0.8304 data_time: 0.0283 memory: 9812 grad_norm: 3.4276 loss: 2.0762 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0741 distill.loss_dist: 1.0021 2023/05/16 03:30:17 - mmengine - INFO - Epoch(train) [93][ 680/1879] lr: 2.0000e-04 eta: 3:27:42 time: 0.9976 data_time: 0.0278 memory: 9812 grad_norm: 3.4570 loss: 2.0428 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0271 distill.loss_dist: 1.0157 2023/05/16 03:30:33 - mmengine - INFO - Epoch(train) [93][ 700/1879] lr: 2.0000e-04 eta: 3:27:25 time: 0.7881 data_time: 0.0293 memory: 9812 grad_norm: 3.4712 loss: 2.3614 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3390 distill.loss_dist: 1.0224 2023/05/16 03:30:49 - mmengine - INFO - Epoch(train) [93][ 720/1879] lr: 2.0000e-04 eta: 3:27:07 time: 0.8157 data_time: 0.0274 memory: 9812 grad_norm: 3.4939 loss: 2.2259 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1971 distill.loss_dist: 1.0289 2023/05/16 03:31:09 - mmengine - INFO - Epoch(train) [93][ 740/1879] lr: 2.0000e-04 eta: 3:26:50 time: 0.9930 data_time: 0.0271 memory: 9812 grad_norm: 3.4485 loss: 2.1569 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1336 distill.loss_dist: 1.0233 2023/05/16 03:31:24 - mmengine - INFO - Epoch(train) [93][ 760/1879] lr: 2.0000e-04 eta: 3:26:32 time: 0.7744 data_time: 0.0312 memory: 9812 grad_norm: 3.4938 loss: 2.2133 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1783 distill.loss_dist: 1.0351 2023/05/16 03:31:41 - mmengine - INFO - Epoch(train) [93][ 780/1879] lr: 2.0000e-04 eta: 3:26:15 time: 0.8190 data_time: 0.0249 memory: 9812 grad_norm: 3.5506 loss: 2.0731 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0747 distill.loss_dist: 0.9985 2023/05/16 03:32:00 - mmengine - INFO - Epoch(train) [93][ 800/1879] lr: 2.0000e-04 eta: 3:25:58 time: 0.9405 data_time: 0.0305 memory: 9812 grad_norm: 3.5314 loss: 1.9848 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0183 distill.loss_dist: 0.9665 2023/05/16 03:32:17 - mmengine - INFO - Epoch(train) [93][ 820/1879] lr: 2.0000e-04 eta: 3:25:40 time: 0.8728 data_time: 0.0272 memory: 9812 grad_norm: 3.4122 loss: 2.2863 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2389 distill.loss_dist: 1.0474 2023/05/16 03:32:33 - mmengine - INFO - Epoch(train) [93][ 840/1879] lr: 2.0000e-04 eta: 3:25:23 time: 0.8049 data_time: 0.0287 memory: 9812 grad_norm: 3.4815 loss: 2.1914 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1671 distill.loss_dist: 1.0243 2023/05/16 03:32:52 - mmengine - INFO - Epoch(train) [93][ 860/1879] lr: 2.0000e-04 eta: 3:25:06 time: 0.9225 data_time: 0.0278 memory: 9812 grad_norm: 3.4359 loss: 2.2367 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2086 distill.loss_dist: 1.0281 2023/05/16 03:33:08 - mmengine - INFO - Epoch(train) [93][ 880/1879] lr: 2.0000e-04 eta: 3:24:48 time: 0.8136 data_time: 0.0295 memory: 9812 grad_norm: 3.4277 loss: 2.1091 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0893 distill.loss_dist: 1.0198 2023/05/16 03:33:25 - mmengine - INFO - Epoch(train) [93][ 900/1879] lr: 2.0000e-04 eta: 3:24:31 time: 0.8474 data_time: 0.0292 memory: 9812 grad_norm: 3.4359 loss: 2.1517 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1306 distill.loss_dist: 1.0210 2023/05/16 03:33:44 - mmengine - INFO - Epoch(train) [93][ 920/1879] lr: 2.0000e-04 eta: 3:24:14 time: 0.9735 data_time: 0.0287 memory: 9812 grad_norm: 3.4818 loss: 2.0904 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0658 distill.loss_dist: 1.0246 2023/05/16 03:34:00 - mmengine - INFO - Epoch(train) [93][ 940/1879] lr: 2.0000e-04 eta: 3:23:56 time: 0.7900 data_time: 0.0294 memory: 9812 grad_norm: 3.5002 loss: 2.0378 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0543 distill.loss_dist: 0.9835 2023/05/16 03:34:18 - mmengine - INFO - Epoch(train) [93][ 960/1879] lr: 2.0000e-04 eta: 3:23:39 time: 0.8914 data_time: 0.0267 memory: 9812 grad_norm: 3.4824 loss: 2.1412 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1290 distill.loss_dist: 1.0123 2023/05/16 03:34:36 - mmengine - INFO - Epoch(train) [93][ 980/1879] lr: 2.0000e-04 eta: 3:23:21 time: 0.9140 data_time: 0.0294 memory: 9812 grad_norm: 3.4917 loss: 2.0779 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0469 distill.loss_dist: 1.0310 2023/05/16 03:34:52 - mmengine - INFO - Epoch(train) [93][1000/1879] lr: 2.0000e-04 eta: 3:23:04 time: 0.7883 data_time: 0.0303 memory: 9812 grad_norm: 3.4592 loss: 2.0529 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.0479 distill.loss_dist: 1.0050 2023/05/16 03:35:11 - mmengine - INFO - Epoch(train) [93][1020/1879] lr: 2.0000e-04 eta: 3:22:47 time: 0.9248 data_time: 0.0286 memory: 9812 grad_norm: 3.4478 loss: 2.1136 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1170 distill.loss_dist: 0.9966 2023/05/16 03:35:28 - mmengine - INFO - Epoch(train) [93][1040/1879] lr: 2.0000e-04 eta: 3:22:29 time: 0.8454 data_time: 0.0284 memory: 9812 grad_norm: 3.4544 loss: 2.1996 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1730 distill.loss_dist: 1.0266 2023/05/16 03:35:44 - mmengine - INFO - Epoch(train) [93][1060/1879] lr: 2.0000e-04 eta: 3:22:12 time: 0.8061 data_time: 0.0305 memory: 9812 grad_norm: 3.4335 loss: 2.2959 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2680 distill.loss_dist: 1.0279 2023/05/16 03:36:03 - mmengine - INFO - Epoch(train) [93][1080/1879] lr: 2.0000e-04 eta: 3:21:54 time: 0.9342 data_time: 0.0266 memory: 9812 grad_norm: 3.4961 loss: 2.1313 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1186 distill.loss_dist: 1.0127 2023/05/16 03:36:19 - mmengine - INFO - Epoch(train) [93][1100/1879] lr: 2.0000e-04 eta: 3:21:37 time: 0.8375 data_time: 0.0336 memory: 9812 grad_norm: 3.5061 loss: 2.3730 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.3121 distill.loss_dist: 1.0609 2023/05/16 03:36:36 - mmengine - INFO - Epoch(train) [93][1120/1879] lr: 2.0000e-04 eta: 3:21:20 time: 0.8334 data_time: 0.0270 memory: 9812 grad_norm: 3.4767 loss: 2.0953 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0856 distill.loss_dist: 1.0097 2023/05/16 03:36:46 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 03:36:54 - mmengine - INFO - Epoch(train) [93][1140/1879] lr: 2.0000e-04 eta: 3:21:02 time: 0.8797 data_time: 0.0293 memory: 9812 grad_norm: 3.5907 loss: 2.3007 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2705 distill.loss_dist: 1.0303 2023/05/16 03:37:12 - mmengine - INFO - Epoch(train) [93][1160/1879] lr: 2.0000e-04 eta: 3:20:45 time: 0.9212 data_time: 0.0297 memory: 9812 grad_norm: 3.4811 loss: 2.0343 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0279 distill.loss_dist: 1.0065 2023/05/16 03:37:28 - mmengine - INFO - Epoch(train) [93][1180/1879] lr: 2.0000e-04 eta: 3:20:28 time: 0.7876 data_time: 0.0266 memory: 9812 grad_norm: 3.4311 loss: 2.1800 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1830 distill.loss_dist: 0.9969 2023/05/16 03:37:44 - mmengine - INFO - Epoch(train) [93][1200/1879] lr: 2.0000e-04 eta: 3:20:10 time: 0.8218 data_time: 0.0261 memory: 9812 grad_norm: 3.4407 loss: 2.2280 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1971 distill.loss_dist: 1.0309 2023/05/16 03:38:02 - mmengine - INFO - Epoch(train) [93][1220/1879] lr: 2.0000e-04 eta: 3:19:53 time: 0.8978 data_time: 0.0292 memory: 9812 grad_norm: 3.4908 loss: 2.0728 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0805 distill.loss_dist: 0.9923 2023/05/16 03:38:20 - mmengine - INFO - Epoch(train) [93][1240/1879] lr: 2.0000e-04 eta: 3:19:35 time: 0.8644 data_time: 0.0278 memory: 9812 grad_norm: 3.5372 loss: 2.2357 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2364 distill.loss_dist: 0.9992 2023/05/16 03:38:38 - mmengine - INFO - Epoch(train) [93][1260/1879] lr: 2.0000e-04 eta: 3:19:18 time: 0.8913 data_time: 0.0274 memory: 9812 grad_norm: 3.5404 loss: 2.0170 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0288 distill.loss_dist: 0.9882 2023/05/16 03:38:54 - mmengine - INFO - Epoch(train) [93][1280/1879] lr: 2.0000e-04 eta: 3:19:01 time: 0.8292 data_time: 0.0265 memory: 9812 grad_norm: 3.5908 loss: 2.1269 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1044 distill.loss_dist: 1.0225 2023/05/16 03:39:11 - mmengine - INFO - Epoch(train) [93][1300/1879] lr: 2.0000e-04 eta: 3:18:43 time: 0.8366 data_time: 0.0319 memory: 9812 grad_norm: 3.5202 loss: 2.0177 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0287 distill.loss_dist: 0.9891 2023/05/16 03:39:30 - mmengine - INFO - Epoch(train) [93][1320/1879] lr: 2.0000e-04 eta: 3:18:26 time: 0.9413 data_time: 0.0261 memory: 9812 grad_norm: 3.4751 loss: 2.1817 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1498 distill.loss_dist: 1.0319 2023/05/16 03:39:47 - mmengine - INFO - Epoch(train) [93][1340/1879] lr: 2.0000e-04 eta: 3:18:09 time: 0.8388 data_time: 0.0269 memory: 9812 grad_norm: 3.3853 loss: 2.0398 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0352 distill.loss_dist: 1.0046 2023/05/16 03:40:04 - mmengine - INFO - Epoch(train) [93][1360/1879] lr: 2.0000e-04 eta: 3:17:51 time: 0.8492 data_time: 0.0288 memory: 9812 grad_norm: 3.5836 loss: 2.2799 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.2721 distill.loss_dist: 1.0078 2023/05/16 03:40:22 - mmengine - INFO - Epoch(train) [93][1380/1879] lr: 2.0000e-04 eta: 3:17:34 time: 0.9059 data_time: 0.0272 memory: 9812 grad_norm: 3.5468 loss: 2.0737 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0445 distill.loss_dist: 1.0292 2023/05/16 03:40:38 - mmengine - INFO - Epoch(train) [93][1400/1879] lr: 2.0000e-04 eta: 3:17:16 time: 0.8247 data_time: 0.0305 memory: 9812 grad_norm: 3.5031 loss: 2.0808 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0650 distill.loss_dist: 1.0158 2023/05/16 03:40:55 - mmengine - INFO - Epoch(train) [93][1420/1879] lr: 2.0000e-04 eta: 3:16:59 time: 0.8562 data_time: 0.0271 memory: 9812 grad_norm: 3.5031 loss: 2.1591 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1048 distill.loss_dist: 1.0543 2023/05/16 03:41:13 - mmengine - INFO - Epoch(train) [93][1440/1879] lr: 2.0000e-04 eta: 3:16:42 time: 0.9016 data_time: 0.0234 memory: 9812 grad_norm: 3.5393 loss: 2.1093 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1099 distill.loss_dist: 0.9994 2023/05/16 03:41:30 - mmengine - INFO - Epoch(train) [93][1460/1879] lr: 2.0000e-04 eta: 3:16:24 time: 0.8086 data_time: 0.0282 memory: 9812 grad_norm: 3.4847 loss: 2.1574 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1369 distill.loss_dist: 1.0205 2023/05/16 03:41:46 - mmengine - INFO - Epoch(train) [93][1480/1879] lr: 2.0000e-04 eta: 3:16:07 time: 0.8429 data_time: 0.0291 memory: 9812 grad_norm: 3.4789 loss: 1.9672 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9548 distill.loss_dist: 1.0124 2023/05/16 03:42:04 - mmengine - INFO - Epoch(train) [93][1500/1879] lr: 2.0000e-04 eta: 3:15:50 time: 0.8784 data_time: 0.0276 memory: 9812 grad_norm: 3.4541 loss: 2.2562 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2405 distill.loss_dist: 1.0157 2023/05/16 03:42:21 - mmengine - INFO - Epoch(train) [93][1520/1879] lr: 2.0000e-04 eta: 3:15:32 time: 0.8384 data_time: 0.0294 memory: 9812 grad_norm: 3.4430 loss: 2.1640 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1411 distill.loss_dist: 1.0229 2023/05/16 03:42:37 - mmengine - INFO - Epoch(train) [93][1540/1879] lr: 2.0000e-04 eta: 3:15:15 time: 0.8177 data_time: 0.0255 memory: 9812 grad_norm: 3.4678 loss: 2.1667 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1651 distill.loss_dist: 1.0016 2023/05/16 03:42:56 - mmengine - INFO - Epoch(train) [93][1560/1879] lr: 2.0000e-04 eta: 3:14:57 time: 0.9136 data_time: 0.0256 memory: 9812 grad_norm: 3.4682 loss: 2.2038 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1764 distill.loss_dist: 1.0275 2023/05/16 03:43:12 - mmengine - INFO - Epoch(train) [93][1580/1879] lr: 2.0000e-04 eta: 3:14:40 time: 0.8422 data_time: 0.0275 memory: 9812 grad_norm: 3.3743 loss: 2.0700 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0751 distill.loss_dist: 0.9949 2023/05/16 03:43:29 - mmengine - INFO - Epoch(train) [93][1600/1879] lr: 2.0000e-04 eta: 3:14:23 time: 0.8333 data_time: 0.0242 memory: 9812 grad_norm: 3.5462 loss: 2.1061 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0755 distill.loss_dist: 1.0306 2023/05/16 03:43:47 - mmengine - INFO - Epoch(train) [93][1620/1879] lr: 2.0000e-04 eta: 3:14:05 time: 0.8832 data_time: 0.0286 memory: 9812 grad_norm: 3.5265 loss: 2.1850 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1584 distill.loss_dist: 1.0266 2023/05/16 03:44:04 - mmengine - INFO - Epoch(train) [93][1640/1879] lr: 2.0000e-04 eta: 3:13:48 time: 0.8732 data_time: 0.0293 memory: 9812 grad_norm: 3.4540 loss: 2.0310 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0129 distill.loss_dist: 1.0181 2023/05/16 03:44:23 - mmengine - INFO - Epoch(train) [93][1660/1879] lr: 2.0000e-04 eta: 3:13:31 time: 0.9196 data_time: 0.0246 memory: 9812 grad_norm: 3.4119 loss: 2.1810 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1645 distill.loss_dist: 1.0165 2023/05/16 03:44:39 - mmengine - INFO - Epoch(train) [93][1680/1879] lr: 2.0000e-04 eta: 3:13:13 time: 0.8227 data_time: 0.0936 memory: 9812 grad_norm: 3.4750 loss: 2.1604 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1593 distill.loss_dist: 1.0012 2023/05/16 03:44:57 - mmengine - INFO - Epoch(train) [93][1700/1879] lr: 2.0000e-04 eta: 3:12:56 time: 0.9061 data_time: 0.3852 memory: 9812 grad_norm: 3.5413 loss: 2.2297 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1860 distill.loss_dist: 1.0437 2023/05/16 03:45:14 - mmengine - INFO - Epoch(train) [93][1720/1879] lr: 2.0000e-04 eta: 3:12:38 time: 0.8394 data_time: 0.3167 memory: 9812 grad_norm: 3.4824 loss: 1.9852 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9869 distill.loss_dist: 0.9983 2023/05/16 03:45:31 - mmengine - INFO - Epoch(train) [93][1740/1879] lr: 2.0000e-04 eta: 3:12:21 time: 0.8388 data_time: 0.2521 memory: 9812 grad_norm: 3.6034 loss: 2.1321 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.1157 distill.loss_dist: 1.0165 2023/05/16 03:45:50 - mmengine - INFO - Epoch(train) [93][1760/1879] lr: 2.0000e-04 eta: 3:12:04 time: 0.9291 data_time: 0.3975 memory: 9812 grad_norm: 3.4367 loss: 2.1663 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1455 distill.loss_dist: 1.0208 2023/05/16 03:46:05 - mmengine - INFO - Epoch(train) [93][1780/1879] lr: 2.0000e-04 eta: 3:11:46 time: 0.7751 data_time: 0.1386 memory: 9812 grad_norm: 3.4659 loss: 2.2638 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2192 distill.loss_dist: 1.0446 2023/05/16 03:46:24 - mmengine - INFO - Epoch(train) [93][1800/1879] lr: 2.0000e-04 eta: 3:11:29 time: 0.9542 data_time: 0.0278 memory: 9812 grad_norm: 3.5442 loss: 2.2016 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1751 distill.loss_dist: 1.0265 2023/05/16 03:46:41 - mmengine - INFO - Epoch(train) [93][1820/1879] lr: 2.0000e-04 eta: 3:11:12 time: 0.8562 data_time: 0.0279 memory: 9812 grad_norm: 3.5320 loss: 2.2650 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2437 distill.loss_dist: 1.0214 2023/05/16 03:46:58 - mmengine - INFO - Epoch(train) [93][1840/1879] lr: 2.0000e-04 eta: 3:10:54 time: 0.8344 data_time: 0.0236 memory: 9812 grad_norm: 3.4550 loss: 2.2507 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2088 distill.loss_dist: 1.0418 2023/05/16 03:47:16 - mmengine - INFO - Epoch(train) [93][1860/1879] lr: 2.0000e-04 eta: 3:10:37 time: 0.9119 data_time: 0.0238 memory: 9812 grad_norm: 3.5227 loss: 2.1028 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0981 distill.loss_dist: 1.0048 2023/05/16 03:47:29 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 03:47:29 - mmengine - INFO - Epoch(train) [93][1879/1879] lr: 2.0000e-04 eta: 3:10:20 time: 0.6668 data_time: 0.0223 memory: 9812 grad_norm: 3.6123 loss: 2.2825 student.top1_acc: 0.7143 student.top5_acc: 0.7143 student.loss_cls: 1.2480 distill.loss_dist: 1.0345 2023/05/16 03:47:29 - mmengine - INFO - Saving checkpoint at 93 epochs 2023/05/16 03:47:50 - mmengine - INFO - Epoch(val) [93][ 20/155] eta: 0:02:10 time: 0.9691 data_time: 0.9075 memory: 1484 2023/05/16 03:48:04 - mmengine - INFO - Epoch(val) [93][ 40/155] eta: 0:01:34 time: 0.6749 data_time: 0.6093 memory: 1484 2023/05/16 03:48:22 - mmengine - INFO - Epoch(val) [93][ 60/155] eta: 0:01:20 time: 0.9084 data_time: 0.8394 memory: 1484 2023/05/16 03:48:35 - mmengine - INFO - Epoch(val) [93][ 80/155] eta: 0:01:00 time: 0.6602 data_time: 0.5953 memory: 1484 2023/05/16 03:48:55 - mmengine - INFO - Epoch(val) [93][100/155] eta: 0:00:45 time: 0.9670 data_time: 0.9031 memory: 1484 2023/05/16 03:49:07 - mmengine - INFO - Epoch(val) [93][120/155] eta: 0:00:27 time: 0.6195 data_time: 0.5567 memory: 1484 2023/05/16 03:49:26 - mmengine - INFO - Epoch(val) [93][140/155] eta: 0:00:12 time: 0.9711 data_time: 0.9070 memory: 1484 2023/05/16 03:49:56 - mmengine - INFO - Epoch(val) [93][ 20/155] eta: 0:16:07 time: 1.0021 data_time: 0.8483 memory: 1582 2023/05/16 03:50:10 - mmengine - INFO - Epoch(val) [93][ 40/155] eta: 0:07:31 time: 0.6914 data_time: 0.5336 memory: 1582 2023/05/16 03:50:28 - mmengine - INFO - Epoch(val) [93][ 60/155] eta: 0:04:38 time: 0.9230 data_time: 0.7683 memory: 1582 2023/05/16 03:50:42 - mmengine - INFO - Epoch(val) [93][ 80/155] eta: 0:02:57 time: 0.7006 data_time: 0.5466 memory: 1582 2023/05/16 03:51:01 - mmengine - INFO - Epoch(val) [93][100/155] eta: 0:01:54 time: 0.9619 data_time: 0.8063 memory: 1582 2023/05/16 03:51:15 - mmengine - INFO - Epoch(val) [93][120/155] eta: 0:01:04 time: 0.6878 data_time: 0.5349 memory: 1582 2023/05/16 03:51:36 - mmengine - INFO - Epoch(val) [93][140/155] eta: 0:00:26 time: 1.0354 data_time: 0.8814 memory: 1582 2023/05/16 03:51:45 - mmengine - INFO - Epoch(val) [93][155/155] acc/top1: 0.6795 acc/top5: 0.8805 acc/mean1: 0.6794 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6660 time: 0.8183 2023/05/16 03:52:06 - mmengine - INFO - Epoch(train) [94][ 20/1879] lr: 2.0000e-04 eta: 3:10:03 time: 1.0709 data_time: 0.4895 memory: 9812 grad_norm: 3.4949 loss: 2.1467 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1262 distill.loss_dist: 1.0205 2023/05/16 03:52:23 - mmengine - INFO - Epoch(train) [94][ 40/1879] lr: 2.0000e-04 eta: 3:09:46 time: 0.8579 data_time: 0.1748 memory: 9812 grad_norm: 3.5390 loss: 2.2100 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1988 distill.loss_dist: 1.0112 2023/05/16 03:52:40 - mmengine - INFO - Epoch(train) [94][ 60/1879] lr: 2.0000e-04 eta: 3:09:28 time: 0.8087 data_time: 0.1253 memory: 9812 grad_norm: 3.4840 loss: 2.0090 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9943 distill.loss_dist: 1.0147 2023/05/16 03:52:59 - mmengine - INFO - Epoch(train) [94][ 80/1879] lr: 2.0000e-04 eta: 3:09:11 time: 0.9725 data_time: 0.0451 memory: 9812 grad_norm: 3.4404 loss: 2.0781 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0689 distill.loss_dist: 1.0093 2023/05/16 03:53:15 - mmengine - INFO - Epoch(train) [94][ 100/1879] lr: 2.0000e-04 eta: 3:08:53 time: 0.7870 data_time: 0.0262 memory: 9812 grad_norm: 3.4088 loss: 2.0278 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0139 distill.loss_dist: 1.0139 2023/05/16 03:53:31 - mmengine - INFO - Epoch(train) [94][ 120/1879] lr: 2.0000e-04 eta: 3:08:36 time: 0.8149 data_time: 0.0293 memory: 9812 grad_norm: 3.4712 loss: 2.2172 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2172 distill.loss_dist: 1.0000 2023/05/16 03:53:50 - mmengine - INFO - Epoch(train) [94][ 140/1879] lr: 2.0000e-04 eta: 3:08:19 time: 0.9296 data_time: 0.0427 memory: 9812 grad_norm: 3.4123 loss: 2.0788 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0576 distill.loss_dist: 1.0212 2023/05/16 03:54:06 - mmengine - INFO - Epoch(train) [94][ 160/1879] lr: 2.0000e-04 eta: 3:08:01 time: 0.8210 data_time: 0.0553 memory: 9812 grad_norm: 3.5150 loss: 2.1423 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1398 distill.loss_dist: 1.0025 2023/05/16 03:54:23 - mmengine - INFO - Epoch(train) [94][ 180/1879] lr: 2.0000e-04 eta: 3:07:44 time: 0.8564 data_time: 0.0402 memory: 9812 grad_norm: 3.3533 loss: 1.9974 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0067 distill.loss_dist: 0.9907 2023/05/16 03:54:41 - mmengine - INFO - Epoch(train) [94][ 200/1879] lr: 2.0000e-04 eta: 3:07:27 time: 0.8654 data_time: 0.0266 memory: 9812 grad_norm: 3.4326 loss: 2.0492 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0100 distill.loss_dist: 1.0391 2023/05/16 03:54:58 - mmengine - INFO - Epoch(train) [94][ 220/1879] lr: 2.0000e-04 eta: 3:07:09 time: 0.8586 data_time: 0.0263 memory: 9812 grad_norm: 3.4845 loss: 2.0917 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0651 distill.loss_dist: 1.0266 2023/05/16 03:55:15 - mmengine - INFO - Epoch(train) [94][ 240/1879] lr: 2.0000e-04 eta: 3:06:52 time: 0.8308 data_time: 0.0266 memory: 9812 grad_norm: 3.5403 loss: 2.1687 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1340 distill.loss_dist: 1.0347 2023/05/16 03:55:27 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 03:55:33 - mmengine - INFO - Epoch(train) [94][ 260/1879] lr: 2.0000e-04 eta: 3:06:34 time: 0.9015 data_time: 0.0287 memory: 9812 grad_norm: 3.4677 loss: 2.1666 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1431 distill.loss_dist: 1.0235 2023/05/16 03:55:50 - mmengine - INFO - Epoch(train) [94][ 280/1879] lr: 2.0000e-04 eta: 3:06:17 time: 0.8611 data_time: 0.0246 memory: 9812 grad_norm: 3.5941 loss: 2.1918 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1922 distill.loss_dist: 0.9997 2023/05/16 03:56:06 - mmengine - INFO - Epoch(train) [94][ 300/1879] lr: 2.0000e-04 eta: 3:06:00 time: 0.7861 data_time: 0.0279 memory: 9812 grad_norm: 3.4728 loss: 2.1920 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1343 distill.loss_dist: 1.0578 2023/05/16 03:56:24 - mmengine - INFO - Epoch(train) [94][ 320/1879] lr: 2.0000e-04 eta: 3:05:42 time: 0.9392 data_time: 0.0280 memory: 9812 grad_norm: 3.4440 loss: 2.0895 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0825 distill.loss_dist: 1.0070 2023/05/16 03:56:41 - mmengine - INFO - Epoch(train) [94][ 340/1879] lr: 2.0000e-04 eta: 3:05:25 time: 0.8392 data_time: 0.0293 memory: 9812 grad_norm: 3.5382 loss: 1.9918 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9848 distill.loss_dist: 1.0070 2023/05/16 03:56:57 - mmengine - INFO - Epoch(train) [94][ 360/1879] lr: 2.0000e-04 eta: 3:05:07 time: 0.7997 data_time: 0.0257 memory: 9812 grad_norm: 3.4253 loss: 2.0530 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0500 distill.loss_dist: 1.0030 2023/05/16 03:57:16 - mmengine - INFO - Epoch(train) [94][ 380/1879] lr: 2.0000e-04 eta: 3:04:50 time: 0.9599 data_time: 0.0248 memory: 9812 grad_norm: 3.4843 loss: 2.0941 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1130 distill.loss_dist: 0.9811 2023/05/16 03:57:32 - mmengine - INFO - Epoch(train) [94][ 400/1879] lr: 2.0000e-04 eta: 3:04:33 time: 0.8016 data_time: 0.0303 memory: 9812 grad_norm: 3.4302 loss: 2.1904 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1681 distill.loss_dist: 1.0223 2023/05/16 03:57:49 - mmengine - INFO - Epoch(train) [94][ 420/1879] lr: 2.0000e-04 eta: 3:04:15 time: 0.8483 data_time: 0.0279 memory: 9812 grad_norm: 3.5179 loss: 2.0279 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0195 distill.loss_dist: 1.0084 2023/05/16 03:58:08 - mmengine - INFO - Epoch(train) [94][ 440/1879] lr: 2.0000e-04 eta: 3:03:58 time: 0.9284 data_time: 0.0306 memory: 9812 grad_norm: 3.4686 loss: 2.0083 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0444 distill.loss_dist: 0.9639 2023/05/16 03:58:24 - mmengine - INFO - Epoch(train) [94][ 460/1879] lr: 2.0000e-04 eta: 3:03:41 time: 0.7986 data_time: 0.0300 memory: 9812 grad_norm: 3.5654 loss: 2.3068 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2501 distill.loss_dist: 1.0567 2023/05/16 03:58:41 - mmengine - INFO - Epoch(train) [94][ 480/1879] lr: 2.0000e-04 eta: 3:03:23 time: 0.8687 data_time: 0.0290 memory: 9812 grad_norm: 3.5575 loss: 2.2477 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2198 distill.loss_dist: 1.0279 2023/05/16 03:59:00 - mmengine - INFO - Epoch(train) [94][ 500/1879] lr: 2.0000e-04 eta: 3:03:06 time: 0.9188 data_time: 0.0296 memory: 9812 grad_norm: 3.4488 loss: 2.0643 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0590 distill.loss_dist: 1.0053 2023/05/16 03:59:17 - mmengine - INFO - Epoch(train) [94][ 520/1879] lr: 2.0000e-04 eta: 3:02:49 time: 0.8669 data_time: 0.0265 memory: 9812 grad_norm: 3.5117 loss: 1.9990 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 0.9847 distill.loss_dist: 1.0143 2023/05/16 03:59:34 - mmengine - INFO - Epoch(train) [94][ 540/1879] lr: 2.0000e-04 eta: 3:02:31 time: 0.8471 data_time: 0.0249 memory: 9812 grad_norm: 3.5002 loss: 2.3079 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2626 distill.loss_dist: 1.0453 2023/05/16 03:59:52 - mmengine - INFO - Epoch(train) [94][ 560/1879] lr: 2.0000e-04 eta: 3:02:14 time: 0.8939 data_time: 0.0274 memory: 9812 grad_norm: 3.5043 loss: 2.2720 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.2125 distill.loss_dist: 1.0596 2023/05/16 04:00:09 - mmengine - INFO - Epoch(train) [94][ 580/1879] lr: 2.0000e-04 eta: 3:01:56 time: 0.8487 data_time: 0.0295 memory: 9812 grad_norm: 3.5113 loss: 2.2126 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1823 distill.loss_dist: 1.0303 2023/05/16 04:00:25 - mmengine - INFO - Epoch(train) [94][ 600/1879] lr: 2.0000e-04 eta: 3:01:39 time: 0.8140 data_time: 0.0261 memory: 9812 grad_norm: 3.5691 loss: 2.1343 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1057 distill.loss_dist: 1.0286 2023/05/16 04:00:43 - mmengine - INFO - Epoch(train) [94][ 620/1879] lr: 2.0000e-04 eta: 3:01:22 time: 0.8588 data_time: 0.0275 memory: 9812 grad_norm: 3.3987 loss: 1.9240 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9245 distill.loss_dist: 0.9994 2023/05/16 04:00:59 - mmengine - INFO - Epoch(train) [94][ 640/1879] lr: 2.0000e-04 eta: 3:01:04 time: 0.8422 data_time: 0.0238 memory: 9812 grad_norm: 3.4252 loss: 2.0878 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1025 distill.loss_dist: 0.9854 2023/05/16 04:01:16 - mmengine - INFO - Epoch(train) [94][ 660/1879] lr: 2.0000e-04 eta: 3:00:47 time: 0.8213 data_time: 0.0263 memory: 9812 grad_norm: 3.5391 loss: 2.3876 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.3473 distill.loss_dist: 1.0403 2023/05/16 04:01:33 - mmengine - INFO - Epoch(train) [94][ 680/1879] lr: 2.0000e-04 eta: 3:00:29 time: 0.8570 data_time: 0.0984 memory: 9812 grad_norm: 3.4967 loss: 2.1084 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0951 distill.loss_dist: 1.0133 2023/05/16 04:01:51 - mmengine - INFO - Epoch(train) [94][ 700/1879] lr: 2.0000e-04 eta: 3:00:12 time: 0.8994 data_time: 0.2425 memory: 9812 grad_norm: 3.5261 loss: 2.2327 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1862 distill.loss_dist: 1.0465 2023/05/16 04:02:09 - mmengine - INFO - Epoch(train) [94][ 720/1879] lr: 2.0000e-04 eta: 2:59:55 time: 0.8753 data_time: 0.2136 memory: 9812 grad_norm: 3.4912 loss: 1.9379 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9399 distill.loss_dist: 0.9980 2023/05/16 04:02:27 - mmengine - INFO - Epoch(train) [94][ 740/1879] lr: 2.0000e-04 eta: 2:59:37 time: 0.9027 data_time: 0.1101 memory: 9812 grad_norm: 3.4692 loss: 2.0777 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0790 distill.loss_dist: 0.9987 2023/05/16 04:02:43 - mmengine - INFO - Epoch(train) [94][ 760/1879] lr: 2.0000e-04 eta: 2:59:20 time: 0.8004 data_time: 0.0281 memory: 9812 grad_norm: 3.4409 loss: 2.0977 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0696 distill.loss_dist: 1.0281 2023/05/16 04:03:01 - mmengine - INFO - Epoch(train) [94][ 780/1879] lr: 2.0000e-04 eta: 2:59:03 time: 0.9038 data_time: 0.0232 memory: 9812 grad_norm: 3.4816 loss: 2.3258 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2742 distill.loss_dist: 1.0516 2023/05/16 04:03:18 - mmengine - INFO - Epoch(train) [94][ 800/1879] lr: 2.0000e-04 eta: 2:58:45 time: 0.8651 data_time: 0.0324 memory: 9812 grad_norm: 3.4556 loss: 2.2703 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2514 distill.loss_dist: 1.0188 2023/05/16 04:03:34 - mmengine - INFO - Epoch(train) [94][ 820/1879] lr: 2.0000e-04 eta: 2:58:28 time: 0.8035 data_time: 0.1441 memory: 9812 grad_norm: 3.4807 loss: 2.3293 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.3141 distill.loss_dist: 1.0152 2023/05/16 04:03:53 - mmengine - INFO - Epoch(train) [94][ 840/1879] lr: 2.0000e-04 eta: 2:58:11 time: 0.9430 data_time: 0.3981 memory: 9812 grad_norm: 3.5010 loss: 2.1550 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1575 distill.loss_dist: 0.9975 2023/05/16 04:04:10 - mmengine - INFO - Epoch(train) [94][ 860/1879] lr: 2.0000e-04 eta: 2:57:53 time: 0.8387 data_time: 0.3245 memory: 9812 grad_norm: 3.4909 loss: 2.0091 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0289 distill.loss_dist: 0.9802 2023/05/16 04:04:27 - mmengine - INFO - Epoch(train) [94][ 880/1879] lr: 2.0000e-04 eta: 2:57:36 time: 0.8364 data_time: 0.1722 memory: 9812 grad_norm: 3.5090 loss: 1.8859 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.8755 distill.loss_dist: 1.0104 2023/05/16 04:04:46 - mmengine - INFO - Epoch(train) [94][ 900/1879] lr: 2.0000e-04 eta: 2:57:19 time: 0.9474 data_time: 0.0374 memory: 9812 grad_norm: 3.5387 loss: 2.1746 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1424 distill.loss_dist: 1.0322 2023/05/16 04:05:02 - mmengine - INFO - Epoch(train) [94][ 920/1879] lr: 2.0000e-04 eta: 2:57:01 time: 0.7988 data_time: 0.0263 memory: 9812 grad_norm: 3.3529 loss: 1.9938 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9856 distill.loss_dist: 1.0081 2023/05/16 04:05:18 - mmengine - INFO - Epoch(train) [94][ 940/1879] lr: 2.0000e-04 eta: 2:56:44 time: 0.8293 data_time: 0.0235 memory: 9812 grad_norm: 3.4369 loss: 2.0734 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0436 distill.loss_dist: 1.0297 2023/05/16 04:05:37 - mmengine - INFO - Epoch(train) [94][ 960/1879] lr: 2.0000e-04 eta: 2:56:26 time: 0.9155 data_time: 0.0287 memory: 9812 grad_norm: 3.5011 loss: 2.2072 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1919 distill.loss_dist: 1.0153 2023/05/16 04:05:54 - mmengine - INFO - Epoch(train) [94][ 980/1879] lr: 2.0000e-04 eta: 2:56:09 time: 0.8651 data_time: 0.0348 memory: 9812 grad_norm: 3.4786 loss: 2.0362 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0524 distill.loss_dist: 0.9837 2023/05/16 04:06:10 - mmengine - INFO - Epoch(train) [94][1000/1879] lr: 2.0000e-04 eta: 2:55:52 time: 0.8190 data_time: 0.0286 memory: 9812 grad_norm: 3.4672 loss: 2.0852 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0857 distill.loss_dist: 0.9995 2023/05/16 04:06:29 - mmengine - INFO - Epoch(train) [94][1020/1879] lr: 2.0000e-04 eta: 2:55:34 time: 0.9268 data_time: 0.0589 memory: 9812 grad_norm: 3.4549 loss: 2.3172 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2750 distill.loss_dist: 1.0421 2023/05/16 04:06:46 - mmengine - INFO - Epoch(train) [94][1040/1879] lr: 2.0000e-04 eta: 2:55:17 time: 0.8513 data_time: 0.1371 memory: 9812 grad_norm: 3.5192 loss: 2.1427 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.1250 distill.loss_dist: 1.0177 2023/05/16 04:07:03 - mmengine - INFO - Epoch(train) [94][1060/1879] lr: 2.0000e-04 eta: 2:54:59 time: 0.8380 data_time: 0.0595 memory: 9812 grad_norm: 3.5229 loss: 2.1368 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1107 distill.loss_dist: 1.0261 2023/05/16 04:07:21 - mmengine - INFO - Epoch(train) [94][1080/1879] lr: 2.0000e-04 eta: 2:54:42 time: 0.9273 data_time: 0.0294 memory: 9812 grad_norm: 3.5233 loss: 2.1677 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1456 distill.loss_dist: 1.0221 2023/05/16 04:07:38 - mmengine - INFO - Epoch(train) [94][1100/1879] lr: 2.0000e-04 eta: 2:54:25 time: 0.8638 data_time: 0.0308 memory: 9812 grad_norm: 3.4707 loss: 2.1697 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1478 distill.loss_dist: 1.0219 2023/05/16 04:07:54 - mmengine - INFO - Epoch(train) [94][1120/1879] lr: 2.0000e-04 eta: 2:54:07 time: 0.7865 data_time: 0.0225 memory: 9812 grad_norm: 3.4732 loss: 2.0744 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.0734 distill.loss_dist: 1.0011 2023/05/16 04:08:12 - mmengine - INFO - Epoch(train) [94][1140/1879] lr: 2.0000e-04 eta: 2:53:50 time: 0.8879 data_time: 0.0298 memory: 9812 grad_norm: 3.4535 loss: 1.9952 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0167 distill.loss_dist: 0.9785 2023/05/16 04:08:30 - mmengine - INFO - Epoch(train) [94][1160/1879] lr: 2.0000e-04 eta: 2:53:33 time: 0.9029 data_time: 0.0269 memory: 9812 grad_norm: 3.5671 loss: 2.1247 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0836 distill.loss_dist: 1.0411 2023/05/16 04:08:46 - mmengine - INFO - Epoch(train) [94][1180/1879] lr: 2.0000e-04 eta: 2:53:15 time: 0.8116 data_time: 0.0278 memory: 9812 grad_norm: 3.5424 loss: 2.1856 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1525 distill.loss_dist: 1.0331 2023/05/16 04:09:04 - mmengine - INFO - Epoch(train) [94][1200/1879] lr: 2.0000e-04 eta: 2:52:58 time: 0.8661 data_time: 0.0279 memory: 9812 grad_norm: 3.4719 loss: 2.3312 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2948 distill.loss_dist: 1.0364 2023/05/16 04:09:21 - mmengine - INFO - Epoch(train) [94][1220/1879] lr: 2.0000e-04 eta: 2:52:40 time: 0.8548 data_time: 0.0263 memory: 9812 grad_norm: 3.5571 loss: 2.2467 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2526 distill.loss_dist: 0.9941 2023/05/16 04:09:38 - mmengine - INFO - Epoch(train) [94][1240/1879] lr: 2.0000e-04 eta: 2:52:23 time: 0.8666 data_time: 0.0291 memory: 9812 grad_norm: 3.5442 loss: 2.2062 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1571 distill.loss_dist: 1.0492 2023/05/16 04:09:52 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 04:09:58 - mmengine - INFO - Epoch(train) [94][1260/1879] lr: 2.0000e-04 eta: 2:52:06 time: 0.9727 data_time: 0.0279 memory: 9812 grad_norm: 3.4873 loss: 2.2488 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2088 distill.loss_dist: 1.0400 2023/05/16 04:10:14 - mmengine - INFO - Epoch(train) [94][1280/1879] lr: 2.0000e-04 eta: 2:51:48 time: 0.8314 data_time: 0.0297 memory: 9812 grad_norm: 3.4675 loss: 2.2256 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.1789 distill.loss_dist: 1.0466 2023/05/16 04:10:30 - mmengine - INFO - Epoch(train) [94][1300/1879] lr: 2.0000e-04 eta: 2:51:31 time: 0.7714 data_time: 0.0285 memory: 9812 grad_norm: 3.5214 loss: 2.2076 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1612 distill.loss_dist: 1.0464 2023/05/16 04:10:49 - mmengine - INFO - Epoch(train) [94][1320/1879] lr: 2.0000e-04 eta: 2:51:14 time: 0.9563 data_time: 0.0316 memory: 9812 grad_norm: 3.5536 loss: 2.0269 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0155 distill.loss_dist: 1.0114 2023/05/16 04:11:05 - mmengine - INFO - Epoch(train) [94][1340/1879] lr: 2.0000e-04 eta: 2:50:56 time: 0.8005 data_time: 0.0446 memory: 9812 grad_norm: 3.5307 loss: 2.0816 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0791 distill.loss_dist: 1.0025 2023/05/16 04:11:21 - mmengine - INFO - Epoch(train) [94][1360/1879] lr: 2.0000e-04 eta: 2:50:39 time: 0.8253 data_time: 0.0262 memory: 9812 grad_norm: 3.5360 loss: 2.1412 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1338 distill.loss_dist: 1.0074 2023/05/16 04:11:39 - mmengine - INFO - Epoch(train) [94][1380/1879] lr: 2.0000e-04 eta: 2:50:22 time: 0.8985 data_time: 0.0306 memory: 9812 grad_norm: 3.5742 loss: 2.2041 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1696 distill.loss_dist: 1.0344 2023/05/16 04:11:58 - mmengine - INFO - Epoch(train) [94][1400/1879] lr: 2.0000e-04 eta: 2:50:04 time: 0.9243 data_time: 0.0243 memory: 9812 grad_norm: 3.4281 loss: 2.0330 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0321 distill.loss_dist: 1.0009 2023/05/16 04:12:14 - mmengine - INFO - Epoch(train) [94][1420/1879] lr: 2.0000e-04 eta: 2:49:47 time: 0.8109 data_time: 0.0290 memory: 9812 grad_norm: 3.4495 loss: 2.0122 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0037 distill.loss_dist: 1.0085 2023/05/16 04:12:33 - mmengine - INFO - Epoch(train) [94][1440/1879] lr: 2.0000e-04 eta: 2:49:30 time: 0.9508 data_time: 0.0272 memory: 9812 grad_norm: 3.5249 loss: 2.3595 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3055 distill.loss_dist: 1.0540 2023/05/16 04:12:50 - mmengine - INFO - Epoch(train) [94][1460/1879] lr: 2.0000e-04 eta: 2:49:12 time: 0.8427 data_time: 0.0242 memory: 9812 grad_norm: 3.3831 loss: 2.1307 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1161 distill.loss_dist: 1.0146 2023/05/16 04:13:06 - mmengine - INFO - Epoch(train) [94][1480/1879] lr: 2.0000e-04 eta: 2:48:55 time: 0.8064 data_time: 0.0285 memory: 9812 grad_norm: 3.5788 loss: 2.0556 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0277 distill.loss_dist: 1.0278 2023/05/16 04:13:23 - mmengine - INFO - Epoch(train) [94][1500/1879] lr: 2.0000e-04 eta: 2:48:37 time: 0.8264 data_time: 0.0284 memory: 9812 grad_norm: 3.5599 loss: 1.9116 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9294 distill.loss_dist: 0.9822 2023/05/16 04:13:41 - mmengine - INFO - Epoch(train) [94][1520/1879] lr: 2.0000e-04 eta: 2:48:20 time: 0.9007 data_time: 0.0285 memory: 9812 grad_norm: 3.5300 loss: 2.1589 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1023 distill.loss_dist: 1.0566 2023/05/16 04:13:58 - mmengine - INFO - Epoch(train) [94][1540/1879] lr: 2.0000e-04 eta: 2:48:03 time: 0.8331 data_time: 0.0274 memory: 9812 grad_norm: 3.5344 loss: 2.4046 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.3353 distill.loss_dist: 1.0692 2023/05/16 04:14:14 - mmengine - INFO - Epoch(train) [94][1560/1879] lr: 2.0000e-04 eta: 2:47:45 time: 0.8249 data_time: 0.0279 memory: 9812 grad_norm: 3.5959 loss: 2.2114 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1678 distill.loss_dist: 1.0436 2023/05/16 04:14:33 - mmengine - INFO - Epoch(train) [94][1580/1879] lr: 2.0000e-04 eta: 2:47:28 time: 0.9560 data_time: 0.0243 memory: 9812 grad_norm: 3.4877 loss: 2.1095 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1022 distill.loss_dist: 1.0073 2023/05/16 04:14:49 - mmengine - INFO - Epoch(train) [94][1600/1879] lr: 2.0000e-04 eta: 2:47:10 time: 0.8073 data_time: 0.0304 memory: 9812 grad_norm: 3.4234 loss: 2.2071 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2000 distill.loss_dist: 1.0071 2023/05/16 04:15:06 - mmengine - INFO - Epoch(train) [94][1620/1879] lr: 2.0000e-04 eta: 2:46:53 time: 0.8520 data_time: 0.0296 memory: 9812 grad_norm: 3.3642 loss: 2.1103 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0914 distill.loss_dist: 1.0189 2023/05/16 04:15:24 - mmengine - INFO - Epoch(train) [94][1640/1879] lr: 2.0000e-04 eta: 2:46:36 time: 0.8772 data_time: 0.0294 memory: 9812 grad_norm: 3.4481 loss: 2.1973 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1830 distill.loss_dist: 1.0143 2023/05/16 04:15:41 - mmengine - INFO - Epoch(train) [94][1660/1879] lr: 2.0000e-04 eta: 2:46:18 time: 0.8347 data_time: 0.0289 memory: 9812 grad_norm: 3.5030 loss: 2.0477 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.0434 distill.loss_dist: 1.0042 2023/05/16 04:15:58 - mmengine - INFO - Epoch(train) [94][1680/1879] lr: 2.0000e-04 eta: 2:46:01 time: 0.8427 data_time: 0.0417 memory: 9812 grad_norm: 3.4870 loss: 2.1407 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1301 distill.loss_dist: 1.0106 2023/05/16 04:16:16 - mmengine - INFO - Epoch(train) [94][1700/1879] lr: 2.0000e-04 eta: 2:45:44 time: 0.9247 data_time: 0.0262 memory: 9812 grad_norm: 3.4865 loss: 2.0463 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0551 distill.loss_dist: 0.9912 2023/05/16 04:16:33 - mmengine - INFO - Epoch(train) [94][1720/1879] lr: 2.0000e-04 eta: 2:45:26 time: 0.8511 data_time: 0.0308 memory: 9812 grad_norm: 3.3856 loss: 2.0904 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0961 distill.loss_dist: 0.9944 2023/05/16 04:16:49 - mmengine - INFO - Epoch(train) [94][1740/1879] lr: 2.0000e-04 eta: 2:45:09 time: 0.8110 data_time: 0.0248 memory: 9812 grad_norm: 3.5416 loss: 2.0888 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0777 distill.loss_dist: 1.0111 2023/05/16 04:17:07 - mmengine - INFO - Epoch(train) [94][1760/1879] lr: 2.0000e-04 eta: 2:44:51 time: 0.8955 data_time: 0.1331 memory: 9812 grad_norm: 3.5142 loss: 2.1821 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1603 distill.loss_dist: 1.0218 2023/05/16 04:17:25 - mmengine - INFO - Epoch(train) [94][1780/1879] lr: 2.0000e-04 eta: 2:44:34 time: 0.8937 data_time: 0.1621 memory: 9812 grad_norm: 3.5248 loss: 2.1578 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.1506 distill.loss_dist: 1.0072 2023/05/16 04:17:42 - mmengine - INFO - Epoch(train) [94][1800/1879] lr: 2.0000e-04 eta: 2:44:17 time: 0.8301 data_time: 0.0983 memory: 9812 grad_norm: 3.5016 loss: 2.2714 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2231 distill.loss_dist: 1.0483 2023/05/16 04:17:59 - mmengine - INFO - Epoch(train) [94][1820/1879] lr: 2.0000e-04 eta: 2:43:59 time: 0.8698 data_time: 0.2038 memory: 9812 grad_norm: 3.4201 loss: 2.1592 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1494 distill.loss_dist: 1.0098 2023/05/16 04:18:18 - mmengine - INFO - Epoch(train) [94][1840/1879] lr: 2.0000e-04 eta: 2:43:42 time: 0.9336 data_time: 0.3036 memory: 9812 grad_norm: 3.5217 loss: 2.1596 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.1747 distill.loss_dist: 0.9849 2023/05/16 04:18:34 - mmengine - INFO - Epoch(train) [94][1860/1879] lr: 2.0000e-04 eta: 2:43:25 time: 0.7847 data_time: 0.1939 memory: 9812 grad_norm: 3.5021 loss: 2.2310 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2207 distill.loss_dist: 1.0103 2023/05/16 04:18:48 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 04:18:48 - mmengine - INFO - Epoch(train) [94][1879/1879] lr: 2.0000e-04 eta: 2:43:08 time: 0.7290 data_time: 0.2363 memory: 9812 grad_norm: 3.6289 loss: 2.2834 student.top1_acc: 0.8571 student.top5_acc: 0.8571 student.loss_cls: 1.2444 distill.loss_dist: 1.0391 2023/05/16 04:19:07 - mmengine - INFO - Epoch(val) [94][ 20/155] eta: 0:02:11 time: 0.9706 data_time: 0.9035 memory: 1484 2023/05/16 04:19:21 - mmengine - INFO - Epoch(val) [94][ 40/155] eta: 0:01:34 time: 0.6645 data_time: 0.5980 memory: 1484 2023/05/16 04:19:39 - mmengine - INFO - Epoch(val) [94][ 60/155] eta: 0:01:21 time: 0.9408 data_time: 0.8742 memory: 1484 2023/05/16 04:19:53 - mmengine - INFO - Epoch(val) [94][ 80/155] eta: 0:01:01 time: 0.6895 data_time: 0.6265 memory: 1484 2023/05/16 04:20:12 - mmengine - INFO - Epoch(val) [94][100/155] eta: 0:00:46 time: 0.9527 data_time: 0.8907 memory: 1484 2023/05/16 04:20:25 - mmengine - INFO - Epoch(val) [94][120/155] eta: 0:00:28 time: 0.6301 data_time: 0.5650 memory: 1484 2023/05/16 04:20:44 - mmengine - INFO - Epoch(val) [94][140/155] eta: 0:00:12 time: 0.9780 data_time: 0.9146 memory: 1484 2023/05/16 04:21:14 - mmengine - INFO - Epoch(val) [94][ 20/155] eta: 0:16:14 time: 0.9875 data_time: 0.8298 memory: 1582 2023/05/16 04:21:28 - mmengine - INFO - Epoch(val) [94][ 40/155] eta: 0:07:34 time: 0.6839 data_time: 0.5250 memory: 1582 2023/05/16 04:21:47 - mmengine - INFO - Epoch(val) [94][ 60/155] eta: 0:04:41 time: 0.9790 data_time: 0.8266 memory: 1582 2023/05/16 04:22:01 - mmengine - INFO - Epoch(val) [94][ 80/155] eta: 0:02:59 time: 0.6912 data_time: 0.5381 memory: 1582 2023/05/16 04:22:21 - mmengine - INFO - Epoch(val) [94][100/155] eta: 0:01:56 time: 1.0008 data_time: 0.8496 memory: 1582 2023/05/16 04:22:35 - mmengine - INFO - Epoch(val) [94][120/155] eta: 0:01:05 time: 0.6687 data_time: 0.5087 memory: 1582 2023/05/16 04:22:54 - mmengine - INFO - Epoch(val) [94][140/155] eta: 0:00:26 time: 0.9755 data_time: 0.8217 memory: 1582 2023/05/16 04:23:03 - mmengine - INFO - Epoch(val) [94][155/155] acc/top1: 0.6781 acc/top5: 0.8799 acc/mean1: 0.6780 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6640 time: 0.8170 2023/05/16 04:23:25 - mmengine - INFO - Epoch(train) [95][ 20/1879] lr: 2.0000e-04 eta: 2:42:51 time: 1.0781 data_time: 0.3902 memory: 9812 grad_norm: 3.4431 loss: 2.0186 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0062 distill.loss_dist: 1.0124 2023/05/16 04:23:41 - mmengine - INFO - Epoch(train) [95][ 40/1879] lr: 2.0000e-04 eta: 2:42:33 time: 0.8058 data_time: 0.1404 memory: 9812 grad_norm: 3.5051 loss: 2.3463 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2959 distill.loss_dist: 1.0503 2023/05/16 04:23:58 - mmengine - INFO - Epoch(train) [95][ 60/1879] lr: 2.0000e-04 eta: 2:42:16 time: 0.8351 data_time: 0.3294 memory: 9812 grad_norm: 3.4475 loss: 2.1645 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1591 distill.loss_dist: 1.0054 2023/05/16 04:24:17 - mmengine - INFO - Epoch(train) [95][ 80/1879] lr: 2.0000e-04 eta: 2:41:59 time: 0.9809 data_time: 0.1145 memory: 9812 grad_norm: 3.5212 loss: 2.1550 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.1416 distill.loss_dist: 1.0134 2023/05/16 04:24:33 - mmengine - INFO - Epoch(train) [95][ 100/1879] lr: 2.0000e-04 eta: 2:41:41 time: 0.7909 data_time: 0.0259 memory: 9812 grad_norm: 3.4547 loss: 2.1459 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1361 distill.loss_dist: 1.0098 2023/05/16 04:24:49 - mmengine - INFO - Epoch(train) [95][ 120/1879] lr: 2.0000e-04 eta: 2:41:24 time: 0.8121 data_time: 0.0288 memory: 9812 grad_norm: 3.5357 loss: 2.0334 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0112 distill.loss_dist: 1.0222 2023/05/16 04:25:08 - mmengine - INFO - Epoch(train) [95][ 140/1879] lr: 2.0000e-04 eta: 2:41:07 time: 0.9385 data_time: 0.0344 memory: 9812 grad_norm: 3.5705 loss: 2.1981 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1855 distill.loss_dist: 1.0126 2023/05/16 04:25:25 - mmengine - INFO - Epoch(train) [95][ 160/1879] lr: 2.0000e-04 eta: 2:40:49 time: 0.8241 data_time: 0.1893 memory: 9812 grad_norm: 3.4821 loss: 2.1457 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1224 distill.loss_dist: 1.0233 2023/05/16 04:25:42 - mmengine - INFO - Epoch(train) [95][ 180/1879] lr: 2.0000e-04 eta: 2:40:32 time: 0.8859 data_time: 0.4567 memory: 9812 grad_norm: 3.4672 loss: 2.1700 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1423 distill.loss_dist: 1.0277 2023/05/16 04:26:00 - mmengine - INFO - Epoch(train) [95][ 200/1879] lr: 2.0000e-04 eta: 2:40:14 time: 0.8824 data_time: 0.4476 memory: 9812 grad_norm: 3.4548 loss: 2.0840 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0558 distill.loss_dist: 1.0282 2023/05/16 04:26:17 - mmengine - INFO - Epoch(train) [95][ 220/1879] lr: 2.0000e-04 eta: 2:39:57 time: 0.8245 data_time: 0.2917 memory: 9812 grad_norm: 3.4806 loss: 1.9885 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9751 distill.loss_dist: 1.0133 2023/05/16 04:26:34 - mmengine - INFO - Epoch(train) [95][ 240/1879] lr: 2.0000e-04 eta: 2:39:40 time: 0.8810 data_time: 0.3516 memory: 9812 grad_norm: 3.5066 loss: 2.2516 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2154 distill.loss_dist: 1.0362 2023/05/16 04:26:52 - mmengine - INFO - Epoch(train) [95][ 260/1879] lr: 2.0000e-04 eta: 2:39:22 time: 0.8711 data_time: 0.1469 memory: 9812 grad_norm: 3.4635 loss: 2.1933 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1751 distill.loss_dist: 1.0182 2023/05/16 04:27:08 - mmengine - INFO - Epoch(train) [95][ 280/1879] lr: 2.0000e-04 eta: 2:39:05 time: 0.8299 data_time: 0.1726 memory: 9812 grad_norm: 3.4294 loss: 2.0233 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0122 distill.loss_dist: 1.0112 2023/05/16 04:27:26 - mmengine - INFO - Epoch(train) [95][ 300/1879] lr: 2.0000e-04 eta: 2:38:48 time: 0.8636 data_time: 0.1740 memory: 9812 grad_norm: 3.4757 loss: 2.0220 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0297 distill.loss_dist: 0.9923 2023/05/16 04:27:44 - mmengine - INFO - Epoch(train) [95][ 320/1879] lr: 2.0000e-04 eta: 2:38:30 time: 0.9296 data_time: 0.0296 memory: 9812 grad_norm: 3.5608 loss: 2.0631 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0401 distill.loss_dist: 1.0230 2023/05/16 04:28:03 - mmengine - INFO - Epoch(train) [95][ 340/1879] lr: 2.0000e-04 eta: 2:38:13 time: 0.9149 data_time: 0.0252 memory: 9812 grad_norm: 3.5719 loss: 2.1952 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1953 distill.loss_dist: 0.9999 2023/05/16 04:28:18 - mmengine - INFO - Epoch(train) [95][ 360/1879] lr: 2.0000e-04 eta: 2:37:55 time: 0.7849 data_time: 0.0287 memory: 9812 grad_norm: 3.5236 loss: 2.0390 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0223 distill.loss_dist: 1.0167 2023/05/16 04:28:30 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 04:28:35 - mmengine - INFO - Epoch(train) [95][ 380/1879] lr: 2.0000e-04 eta: 2:37:38 time: 0.8493 data_time: 0.0264 memory: 9812 grad_norm: 3.5202 loss: 2.1295 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1075 distill.loss_dist: 1.0220 2023/05/16 04:28:52 - mmengine - INFO - Epoch(train) [95][ 400/1879] lr: 2.0000e-04 eta: 2:37:21 time: 0.8206 data_time: 0.0263 memory: 9812 grad_norm: 3.5699 loss: 2.1921 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1601 distill.loss_dist: 1.0320 2023/05/16 04:29:10 - mmengine - INFO - Epoch(train) [95][ 420/1879] lr: 2.0000e-04 eta: 2:37:03 time: 0.9333 data_time: 0.1426 memory: 9812 grad_norm: 3.5424 loss: 2.0530 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0314 distill.loss_dist: 1.0215 2023/05/16 04:29:30 - mmengine - INFO - Epoch(train) [95][ 440/1879] lr: 2.0000e-04 eta: 2:36:46 time: 0.9542 data_time: 0.0468 memory: 9812 grad_norm: 3.4229 loss: 1.9645 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9909 distill.loss_dist: 0.9736 2023/05/16 04:29:46 - mmengine - INFO - Epoch(train) [95][ 460/1879] lr: 2.0000e-04 eta: 2:36:29 time: 0.8167 data_time: 0.0272 memory: 9812 grad_norm: 3.5058 loss: 2.1275 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1176 distill.loss_dist: 1.0099 2023/05/16 04:30:02 - mmengine - INFO - Epoch(train) [95][ 480/1879] lr: 2.0000e-04 eta: 2:36:11 time: 0.8101 data_time: 0.0245 memory: 9812 grad_norm: 3.5385 loss: 2.2651 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2522 distill.loss_dist: 1.0129 2023/05/16 04:30:22 - mmengine - INFO - Epoch(train) [95][ 500/1879] lr: 2.0000e-04 eta: 2:35:54 time: 0.9765 data_time: 0.0248 memory: 9812 grad_norm: 3.4968 loss: 2.0184 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0602 distill.loss_dist: 0.9582 2023/05/16 04:30:38 - mmengine - INFO - Epoch(train) [95][ 520/1879] lr: 2.0000e-04 eta: 2:35:37 time: 0.7904 data_time: 0.0293 memory: 9812 grad_norm: 3.4668 loss: 2.3127 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2872 distill.loss_dist: 1.0255 2023/05/16 04:30:54 - mmengine - INFO - Epoch(train) [95][ 540/1879] lr: 2.0000e-04 eta: 2:35:19 time: 0.8054 data_time: 0.0261 memory: 9812 grad_norm: 3.4723 loss: 2.1002 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0767 distill.loss_dist: 1.0235 2023/05/16 04:31:13 - mmengine - INFO - Epoch(train) [95][ 560/1879] lr: 2.0000e-04 eta: 2:35:02 time: 0.9526 data_time: 0.0304 memory: 9812 grad_norm: 3.4874 loss: 1.9864 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9772 distill.loss_dist: 1.0092 2023/05/16 04:31:30 - mmengine - INFO - Epoch(train) [95][ 580/1879] lr: 2.0000e-04 eta: 2:34:44 time: 0.8429 data_time: 0.0283 memory: 9812 grad_norm: 3.4710 loss: 1.9885 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 0.9578 distill.loss_dist: 1.0308 2023/05/16 04:31:46 - mmengine - INFO - Epoch(train) [95][ 600/1879] lr: 2.0000e-04 eta: 2:34:27 time: 0.8277 data_time: 0.0266 memory: 9812 grad_norm: 3.4354 loss: 2.0665 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0982 distill.loss_dist: 0.9683 2023/05/16 04:32:04 - mmengine - INFO - Epoch(train) [95][ 620/1879] lr: 2.0000e-04 eta: 2:34:10 time: 0.8926 data_time: 0.0376 memory: 9812 grad_norm: 3.4682 loss: 2.1023 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0564 distill.loss_dist: 1.0459 2023/05/16 04:32:21 - mmengine - INFO - Epoch(train) [95][ 640/1879] lr: 2.0000e-04 eta: 2:33:52 time: 0.8672 data_time: 0.1386 memory: 9812 grad_norm: 3.4641 loss: 2.1134 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0977 distill.loss_dist: 1.0158 2023/05/16 04:32:37 - mmengine - INFO - Epoch(train) [95][ 660/1879] lr: 2.0000e-04 eta: 2:33:35 time: 0.7827 data_time: 0.1263 memory: 9812 grad_norm: 3.4344 loss: 1.9993 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9897 distill.loss_dist: 1.0095 2023/05/16 04:32:55 - mmengine - INFO - Epoch(train) [95][ 680/1879] lr: 2.0000e-04 eta: 2:33:18 time: 0.8781 data_time: 0.2229 memory: 9812 grad_norm: 3.3971 loss: 2.1153 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1102 distill.loss_dist: 1.0051 2023/05/16 04:33:12 - mmengine - INFO - Epoch(train) [95][ 700/1879] lr: 2.0000e-04 eta: 2:33:00 time: 0.8863 data_time: 0.1972 memory: 9812 grad_norm: 3.4800 loss: 2.0576 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0416 distill.loss_dist: 1.0160 2023/05/16 04:33:29 - mmengine - INFO - Epoch(train) [95][ 720/1879] lr: 2.0000e-04 eta: 2:32:43 time: 0.8266 data_time: 0.0383 memory: 9812 grad_norm: 3.4793 loss: 2.2659 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2428 distill.loss_dist: 1.0231 2023/05/16 04:33:47 - mmengine - INFO - Epoch(train) [95][ 740/1879] lr: 2.0000e-04 eta: 2:32:25 time: 0.8857 data_time: 0.2266 memory: 9812 grad_norm: 3.4422 loss: 2.0723 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0759 distill.loss_dist: 0.9964 2023/05/16 04:34:04 - mmengine - INFO - Epoch(train) [95][ 760/1879] lr: 2.0000e-04 eta: 2:32:08 time: 0.8789 data_time: 0.1387 memory: 9812 grad_norm: 3.4226 loss: 2.0328 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0525 distill.loss_dist: 0.9803 2023/05/16 04:34:20 - mmengine - INFO - Epoch(train) [95][ 780/1879] lr: 2.0000e-04 eta: 2:31:51 time: 0.7993 data_time: 0.1890 memory: 9812 grad_norm: 3.4719 loss: 2.0666 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0533 distill.loss_dist: 1.0134 2023/05/16 04:34:40 - mmengine - INFO - Epoch(train) [95][ 800/1879] lr: 2.0000e-04 eta: 2:31:33 time: 0.9625 data_time: 0.4714 memory: 9812 grad_norm: 3.4884 loss: 2.1808 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1580 distill.loss_dist: 1.0228 2023/05/16 04:34:56 - mmengine - INFO - Epoch(train) [95][ 820/1879] lr: 2.0000e-04 eta: 2:31:16 time: 0.8186 data_time: 0.3758 memory: 9812 grad_norm: 3.4456 loss: 2.1546 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1500 distill.loss_dist: 1.0047 2023/05/16 04:35:13 - mmengine - INFO - Epoch(train) [95][ 840/1879] lr: 2.0000e-04 eta: 2:30:59 time: 0.8590 data_time: 0.3676 memory: 9812 grad_norm: 3.5622 loss: 2.2714 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2408 distill.loss_dist: 1.0306 2023/05/16 04:35:31 - mmengine - INFO - Epoch(train) [95][ 860/1879] lr: 2.0000e-04 eta: 2:30:41 time: 0.9051 data_time: 0.2622 memory: 9812 grad_norm: 3.3748 loss: 2.1015 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0873 distill.loss_dist: 1.0141 2023/05/16 04:35:48 - mmengine - INFO - Epoch(train) [95][ 880/1879] lr: 2.0000e-04 eta: 2:30:24 time: 0.8334 data_time: 0.2848 memory: 9812 grad_norm: 3.5295 loss: 2.0910 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0837 distill.loss_dist: 1.0073 2023/05/16 04:36:05 - mmengine - INFO - Epoch(train) [95][ 900/1879] lr: 2.0000e-04 eta: 2:30:06 time: 0.8243 data_time: 0.2413 memory: 9812 grad_norm: 3.5094 loss: 2.0574 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0595 distill.loss_dist: 0.9979 2023/05/16 04:36:24 - mmengine - INFO - Epoch(train) [95][ 920/1879] lr: 2.0000e-04 eta: 2:29:49 time: 0.9521 data_time: 0.4082 memory: 9812 grad_norm: 3.4570 loss: 2.1350 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1209 distill.loss_dist: 1.0141 2023/05/16 04:36:40 - mmengine - INFO - Epoch(train) [95][ 940/1879] lr: 2.0000e-04 eta: 2:29:32 time: 0.7986 data_time: 0.3280 memory: 9812 grad_norm: 3.4669 loss: 2.2058 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1897 distill.loss_dist: 1.0161 2023/05/16 04:36:56 - mmengine - INFO - Epoch(train) [95][ 960/1879] lr: 2.0000e-04 eta: 2:29:14 time: 0.8289 data_time: 0.3652 memory: 9812 grad_norm: 3.5067 loss: 2.1977 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1573 distill.loss_dist: 1.0404 2023/05/16 04:37:15 - mmengine - INFO - Epoch(train) [95][ 980/1879] lr: 2.0000e-04 eta: 2:28:57 time: 0.9234 data_time: 0.4853 memory: 9812 grad_norm: 3.4628 loss: 2.4557 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3783 distill.loss_dist: 1.0774 2023/05/16 04:37:32 - mmengine - INFO - Epoch(train) [95][1000/1879] lr: 2.0000e-04 eta: 2:28:40 time: 0.8450 data_time: 0.4062 memory: 9812 grad_norm: 3.4948 loss: 2.2478 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2083 distill.loss_dist: 1.0394 2023/05/16 04:37:48 - mmengine - INFO - Epoch(train) [95][1020/1879] lr: 2.0000e-04 eta: 2:28:22 time: 0.8118 data_time: 0.3739 memory: 9812 grad_norm: 3.5277 loss: 2.2814 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.2671 distill.loss_dist: 1.0143 2023/05/16 04:38:07 - mmengine - INFO - Epoch(train) [95][1040/1879] lr: 2.0000e-04 eta: 2:28:05 time: 0.9335 data_time: 0.4935 memory: 9812 grad_norm: 3.4210 loss: 2.0756 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.0623 distill.loss_dist: 1.0133 2023/05/16 04:38:22 - mmengine - INFO - Epoch(train) [95][1060/1879] lr: 2.0000e-04 eta: 2:27:47 time: 0.7769 data_time: 0.3289 memory: 9812 grad_norm: 3.5168 loss: 2.2257 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1798 distill.loss_dist: 1.0459 2023/05/16 04:38:39 - mmengine - INFO - Epoch(train) [95][1080/1879] lr: 2.0000e-04 eta: 2:27:30 time: 0.8412 data_time: 0.3923 memory: 9812 grad_norm: 3.4449 loss: 2.2880 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2374 distill.loss_dist: 1.0507 2023/05/16 04:38:58 - mmengine - INFO - Epoch(train) [95][1100/1879] lr: 2.0000e-04 eta: 2:27:13 time: 0.9512 data_time: 0.5047 memory: 9812 grad_norm: 3.4740 loss: 2.0821 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1079 distill.loss_dist: 0.9742 2023/05/16 04:39:15 - mmengine - INFO - Epoch(train) [95][1120/1879] lr: 2.0000e-04 eta: 2:26:55 time: 0.8248 data_time: 0.2120 memory: 9812 grad_norm: 3.4710 loss: 2.1754 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1285 distill.loss_dist: 1.0469 2023/05/16 04:39:32 - mmengine - INFO - Epoch(train) [95][1140/1879] lr: 2.0000e-04 eta: 2:26:38 time: 0.8690 data_time: 0.1986 memory: 9812 grad_norm: 3.4433 loss: 2.1421 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1361 distill.loss_dist: 1.0061 2023/05/16 04:39:49 - mmengine - INFO - Epoch(train) [95][1160/1879] lr: 2.0000e-04 eta: 2:26:21 time: 0.8595 data_time: 0.2921 memory: 9812 grad_norm: 3.5664 loss: 2.2010 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1848 distill.loss_dist: 1.0162 2023/05/16 04:40:06 - mmengine - INFO - Epoch(train) [95][1180/1879] lr: 2.0000e-04 eta: 2:26:03 time: 0.8361 data_time: 0.3213 memory: 9812 grad_norm: 3.5136 loss: 2.0512 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0342 distill.loss_dist: 1.0170 2023/05/16 04:40:22 - mmengine - INFO - Epoch(train) [95][1200/1879] lr: 2.0000e-04 eta: 2:25:46 time: 0.8001 data_time: 0.3531 memory: 9812 grad_norm: 3.4526 loss: 2.0453 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0337 distill.loss_dist: 1.0116 2023/05/16 04:40:41 - mmengine - INFO - Epoch(train) [95][1220/1879] lr: 2.0000e-04 eta: 2:25:29 time: 0.9678 data_time: 0.5281 memory: 9812 grad_norm: 3.5384 loss: 2.1133 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.1143 distill.loss_dist: 0.9991 2023/05/16 04:40:58 - mmengine - INFO - Epoch(train) [95][1240/1879] lr: 2.0000e-04 eta: 2:25:11 time: 0.8398 data_time: 0.3927 memory: 9812 grad_norm: 3.4666 loss: 2.1022 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0860 distill.loss_dist: 1.0162 2023/05/16 04:41:14 - mmengine - INFO - Epoch(train) [95][1260/1879] lr: 2.0000e-04 eta: 2:24:54 time: 0.7768 data_time: 0.3329 memory: 9812 grad_norm: 3.5157 loss: 2.2134 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1935 distill.loss_dist: 1.0199 2023/05/16 04:41:31 - mmengine - INFO - Epoch(train) [95][1280/1879] lr: 2.0000e-04 eta: 2:24:36 time: 0.8743 data_time: 0.4487 memory: 9812 grad_norm: 3.4812 loss: 2.1573 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1345 distill.loss_dist: 1.0228 2023/05/16 04:41:50 - mmengine - INFO - Epoch(train) [95][1300/1879] lr: 2.0000e-04 eta: 2:24:19 time: 0.9200 data_time: 0.3204 memory: 9812 grad_norm: 3.5487 loss: 2.1497 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1689 distill.loss_dist: 0.9807 2023/05/16 04:42:06 - mmengine - INFO - Epoch(train) [95][1320/1879] lr: 2.0000e-04 eta: 2:24:02 time: 0.8185 data_time: 0.3051 memory: 9812 grad_norm: 3.4955 loss: 2.1237 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1206 distill.loss_dist: 1.0031 2023/05/16 04:42:24 - mmengine - INFO - Epoch(train) [95][1340/1879] lr: 2.0000e-04 eta: 2:23:44 time: 0.8786 data_time: 0.4428 memory: 9812 grad_norm: 3.5827 loss: 2.0815 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0968 distill.loss_dist: 0.9847 2023/05/16 04:42:41 - mmengine - INFO - Epoch(train) [95][1360/1879] lr: 2.0000e-04 eta: 2:23:27 time: 0.8673 data_time: 0.3024 memory: 9812 grad_norm: 3.5051 loss: 2.0981 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.0905 distill.loss_dist: 1.0076 2023/05/16 04:42:52 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 04:42:57 - mmengine - INFO - Epoch(train) [95][1380/1879] lr: 2.0000e-04 eta: 2:23:09 time: 0.8071 data_time: 0.3332 memory: 9812 grad_norm: 3.5910 loss: 2.0972 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0656 distill.loss_dist: 1.0316 2023/05/16 04:43:15 - mmengine - INFO - Epoch(train) [95][1400/1879] lr: 2.0000e-04 eta: 2:22:52 time: 0.9086 data_time: 0.4422 memory: 9812 grad_norm: 3.4895 loss: 2.0534 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0215 distill.loss_dist: 1.0318 2023/05/16 04:43:33 - mmengine - INFO - Epoch(train) [95][1420/1879] lr: 2.0000e-04 eta: 2:22:35 time: 0.8558 data_time: 0.4302 memory: 9812 grad_norm: 3.4840 loss: 2.1334 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0993 distill.loss_dist: 1.0340 2023/05/16 04:43:49 - mmengine - INFO - Epoch(train) [95][1440/1879] lr: 2.0000e-04 eta: 2:22:17 time: 0.8168 data_time: 0.3803 memory: 9812 grad_norm: 3.5208 loss: 2.0686 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0633 distill.loss_dist: 1.0053 2023/05/16 04:44:09 - mmengine - INFO - Epoch(train) [95][1460/1879] lr: 2.0000e-04 eta: 2:22:00 time: 0.9880 data_time: 0.5509 memory: 9812 grad_norm: 3.5563 loss: 2.2925 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2421 distill.loss_dist: 1.0504 2023/05/16 04:44:26 - mmengine - INFO - Epoch(train) [95][1480/1879] lr: 2.0000e-04 eta: 2:21:43 time: 0.8424 data_time: 0.4052 memory: 9812 grad_norm: 3.4396 loss: 2.1359 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1437 distill.loss_dist: 0.9922 2023/05/16 04:44:41 - mmengine - INFO - Epoch(train) [95][1500/1879] lr: 2.0000e-04 eta: 2:21:25 time: 0.7933 data_time: 0.3608 memory: 9812 grad_norm: 3.5685 loss: 2.0436 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0310 distill.loss_dist: 1.0125 2023/05/16 04:45:01 - mmengine - INFO - Epoch(train) [95][1520/1879] lr: 2.0000e-04 eta: 2:21:08 time: 0.9751 data_time: 0.5392 memory: 9812 grad_norm: 3.5277 loss: 2.1164 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0912 distill.loss_dist: 1.0252 2023/05/16 04:45:17 - mmengine - INFO - Epoch(train) [95][1540/1879] lr: 2.0000e-04 eta: 2:20:51 time: 0.7909 data_time: 0.3420 memory: 9812 grad_norm: 3.5251 loss: 2.0906 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0819 distill.loss_dist: 1.0087 2023/05/16 04:45:34 - mmengine - INFO - Epoch(train) [95][1560/1879] lr: 2.0000e-04 eta: 2:20:33 time: 0.8404 data_time: 0.3955 memory: 9812 grad_norm: 3.4950 loss: 2.2248 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1893 distill.loss_dist: 1.0355 2023/05/16 04:45:52 - mmengine - INFO - Epoch(train) [95][1580/1879] lr: 2.0000e-04 eta: 2:20:16 time: 0.9290 data_time: 0.4898 memory: 9812 grad_norm: 3.4591 loss: 2.1924 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.1795 distill.loss_dist: 1.0129 2023/05/16 04:46:08 - mmengine - INFO - Epoch(train) [95][1600/1879] lr: 2.0000e-04 eta: 2:19:58 time: 0.8024 data_time: 0.3009 memory: 9812 grad_norm: 3.4493 loss: 2.0763 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0713 distill.loss_dist: 1.0050 2023/05/16 04:46:25 - mmengine - INFO - Epoch(train) [95][1620/1879] lr: 2.0000e-04 eta: 2:19:41 time: 0.8125 data_time: 0.3514 memory: 9812 grad_norm: 3.4733 loss: 2.2247 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2030 distill.loss_dist: 1.0217 2023/05/16 04:46:43 - mmengine - INFO - Epoch(train) [95][1640/1879] lr: 2.0000e-04 eta: 2:19:24 time: 0.9413 data_time: 0.4975 memory: 9812 grad_norm: 3.4137 loss: 2.0393 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0313 distill.loss_dist: 1.0081 2023/05/16 04:47:00 - mmengine - INFO - Epoch(train) [95][1660/1879] lr: 2.0000e-04 eta: 2:19:06 time: 0.8234 data_time: 0.3559 memory: 9812 grad_norm: 3.4433 loss: 2.2770 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2425 distill.loss_dist: 1.0345 2023/05/16 04:47:17 - mmengine - INFO - Epoch(train) [95][1680/1879] lr: 2.0000e-04 eta: 2:18:49 time: 0.8277 data_time: 0.3663 memory: 9812 grad_norm: 3.4901 loss: 2.0223 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0190 distill.loss_dist: 1.0033 2023/05/16 04:47:36 - mmengine - INFO - Epoch(train) [95][1700/1879] lr: 2.0000e-04 eta: 2:18:32 time: 0.9476 data_time: 0.4847 memory: 9812 grad_norm: 3.5343 loss: 2.1052 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0724 distill.loss_dist: 1.0328 2023/05/16 04:47:52 - mmengine - INFO - Epoch(train) [95][1720/1879] lr: 2.0000e-04 eta: 2:18:14 time: 0.8409 data_time: 0.3997 memory: 9812 grad_norm: 3.5945 loss: 1.9516 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 0.9457 distill.loss_dist: 1.0059 2023/05/16 04:48:09 - mmengine - INFO - Epoch(train) [95][1740/1879] lr: 2.0000e-04 eta: 2:17:57 time: 0.8271 data_time: 0.3824 memory: 9812 grad_norm: 3.5622 loss: 2.2544 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2320 distill.loss_dist: 1.0223 2023/05/16 04:48:28 - mmengine - INFO - Epoch(train) [95][1760/1879] lr: 2.0000e-04 eta: 2:17:40 time: 0.9474 data_time: 0.5140 memory: 9812 grad_norm: 3.4965 loss: 2.2950 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2773 distill.loss_dist: 1.0177 2023/05/16 04:48:44 - mmengine - INFO - Epoch(train) [95][1780/1879] lr: 2.0000e-04 eta: 2:17:22 time: 0.8121 data_time: 0.3645 memory: 9812 grad_norm: 3.4769 loss: 2.0355 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0542 distill.loss_dist: 0.9813 2023/05/16 04:49:01 - mmengine - INFO - Epoch(train) [95][1800/1879] lr: 2.0000e-04 eta: 2:17:05 time: 0.8167 data_time: 0.3550 memory: 9812 grad_norm: 3.4427 loss: 2.1578 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.1312 distill.loss_dist: 1.0266 2023/05/16 04:49:20 - mmengine - INFO - Epoch(train) [95][1820/1879] lr: 2.0000e-04 eta: 2:16:47 time: 0.9707 data_time: 0.5203 memory: 9812 grad_norm: 3.5059 loss: 2.1688 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1444 distill.loss_dist: 1.0244 2023/05/16 04:49:37 - mmengine - INFO - Epoch(train) [95][1840/1879] lr: 2.0000e-04 eta: 2:16:30 time: 0.8602 data_time: 0.4084 memory: 9812 grad_norm: 3.4836 loss: 2.1984 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1567 distill.loss_dist: 1.0417 2023/05/16 04:49:53 - mmengine - INFO - Epoch(train) [95][1860/1879] lr: 2.0000e-04 eta: 2:16:13 time: 0.8059 data_time: 0.3597 memory: 9812 grad_norm: 3.5206 loss: 2.1160 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1006 distill.loss_dist: 1.0154 2023/05/16 04:50:07 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 04:50:07 - mmengine - INFO - Epoch(train) [95][1879/1879] lr: 2.0000e-04 eta: 2:15:56 time: 0.7093 data_time: 0.3029 memory: 9812 grad_norm: 3.5903 loss: 2.0661 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.0555 distill.loss_dist: 1.0106 2023/05/16 04:50:26 - mmengine - INFO - Epoch(val) [95][ 20/155] eta: 0:02:09 time: 0.9605 data_time: 0.8907 memory: 1484 2023/05/16 04:50:39 - mmengine - INFO - Epoch(val) [95][ 40/155] eta: 0:01:32 time: 0.6504 data_time: 0.5896 memory: 1484 2023/05/16 04:50:58 - mmengine - INFO - Epoch(val) [95][ 60/155] eta: 0:01:20 time: 0.9221 data_time: 0.8566 memory: 1484 2023/05/16 04:51:11 - mmengine - INFO - Epoch(val) [95][ 80/155] eta: 0:01:00 time: 0.6776 data_time: 0.6128 memory: 1484 2023/05/16 04:51:31 - mmengine - INFO - Epoch(val) [95][100/155] eta: 0:00:45 time: 0.9560 data_time: 0.8907 memory: 1484 2023/05/16 04:51:43 - mmengine - INFO - Epoch(val) [95][120/155] eta: 0:00:28 time: 0.6469 data_time: 0.5837 memory: 1484 2023/05/16 04:52:03 - mmengine - INFO - Epoch(val) [95][140/155] eta: 0:00:12 time: 0.9990 data_time: 0.9338 memory: 1484 2023/05/16 04:52:34 - mmengine - INFO - Epoch(val) [95][ 20/155] eta: 0:16:16 time: 0.9992 data_time: 0.8432 memory: 1582 2023/05/16 04:52:47 - mmengine - INFO - Epoch(val) [95][ 40/155] eta: 0:07:34 time: 0.6788 data_time: 0.5231 memory: 1582 2023/05/16 04:53:06 - mmengine - INFO - Epoch(val) [95][ 60/155] eta: 0:04:39 time: 0.9107 data_time: 0.7618 memory: 1582 2023/05/16 04:53:19 - mmengine - INFO - Epoch(val) [95][ 80/155] eta: 0:02:58 time: 0.6816 data_time: 0.5292 memory: 1582 2023/05/16 04:53:39 - mmengine - INFO - Epoch(val) [95][100/155] eta: 0:01:55 time: 0.9701 data_time: 0.8170 memory: 1582 2023/05/16 04:53:52 - mmengine - INFO - Epoch(val) [95][120/155] eta: 0:01:04 time: 0.6592 data_time: 0.5074 memory: 1582 2023/05/16 04:54:12 - mmengine - INFO - Epoch(val) [95][140/155] eta: 0:00:26 time: 1.0009 data_time: 0.8460 memory: 1582 2023/05/16 04:54:22 - mmengine - INFO - Epoch(val) [95][155/155] acc/top1: 0.6792 acc/top5: 0.8804 acc/mean1: 0.6791 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6593 time: 0.8122 2023/05/16 04:54:45 - mmengine - INFO - Epoch(train) [96][ 20/1879] lr: 2.0000e-04 eta: 2:15:39 time: 1.1157 data_time: 0.6178 memory: 9812 grad_norm: 3.3678 loss: 2.0138 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0099 distill.loss_dist: 1.0039 2023/05/16 04:55:02 - mmengine - INFO - Epoch(train) [96][ 40/1879] lr: 2.0000e-04 eta: 2:15:21 time: 0.8474 data_time: 0.2582 memory: 9812 grad_norm: 3.4600 loss: 1.9373 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9450 distill.loss_dist: 0.9923 2023/05/16 04:55:18 - mmengine - INFO - Epoch(train) [96][ 60/1879] lr: 2.0000e-04 eta: 2:15:04 time: 0.8302 data_time: 0.3613 memory: 9812 grad_norm: 3.5376 loss: 2.1968 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1668 distill.loss_dist: 1.0300 2023/05/16 04:55:38 - mmengine - INFO - Epoch(train) [96][ 80/1879] lr: 2.0000e-04 eta: 2:14:47 time: 0.9590 data_time: 0.5203 memory: 9812 grad_norm: 3.3544 loss: 2.0055 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0100 distill.loss_dist: 0.9955 2023/05/16 04:55:54 - mmengine - INFO - Epoch(train) [96][ 100/1879] lr: 2.0000e-04 eta: 2:14:29 time: 0.8277 data_time: 0.3862 memory: 9812 grad_norm: 3.5197 loss: 2.0355 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0234 distill.loss_dist: 1.0120 2023/05/16 04:56:10 - mmengine - INFO - Epoch(train) [96][ 120/1879] lr: 2.0000e-04 eta: 2:14:12 time: 0.7900 data_time: 0.3347 memory: 9812 grad_norm: 3.3805 loss: 2.2065 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1781 distill.loss_dist: 1.0283 2023/05/16 04:56:29 - mmengine - INFO - Epoch(train) [96][ 140/1879] lr: 2.0000e-04 eta: 2:13:55 time: 0.9587 data_time: 0.5121 memory: 9812 grad_norm: 3.5233 loss: 2.1965 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1520 distill.loss_dist: 1.0445 2023/05/16 04:56:46 - mmengine - INFO - Epoch(train) [96][ 160/1879] lr: 2.0000e-04 eta: 2:13:37 time: 0.8183 data_time: 0.3742 memory: 9812 grad_norm: 3.4858 loss: 2.3424 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2912 distill.loss_dist: 1.0513 2023/05/16 04:57:02 - mmengine - INFO - Epoch(train) [96][ 180/1879] lr: 2.0000e-04 eta: 2:13:20 time: 0.8034 data_time: 0.3572 memory: 9812 grad_norm: 3.5506 loss: 2.2645 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.2354 distill.loss_dist: 1.0291 2023/05/16 04:57:21 - mmengine - INFO - Epoch(train) [96][ 200/1879] lr: 2.0000e-04 eta: 2:13:03 time: 0.9600 data_time: 0.5195 memory: 9812 grad_norm: 3.4497 loss: 2.4764 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.4227 distill.loss_dist: 1.0537 2023/05/16 04:57:38 - mmengine - INFO - Epoch(train) [96][ 220/1879] lr: 2.0000e-04 eta: 2:12:45 time: 0.8518 data_time: 0.4090 memory: 9812 grad_norm: 3.4388 loss: 2.0114 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0143 distill.loss_dist: 0.9970 2023/05/16 04:57:54 - mmengine - INFO - Epoch(train) [96][ 240/1879] lr: 2.0000e-04 eta: 2:12:28 time: 0.8226 data_time: 0.3747 memory: 9812 grad_norm: 3.4883 loss: 1.8741 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 0.8767 distill.loss_dist: 0.9975 2023/05/16 04:58:12 - mmengine - INFO - Epoch(train) [96][ 260/1879] lr: 2.0000e-04 eta: 2:12:10 time: 0.8705 data_time: 0.4276 memory: 9812 grad_norm: 3.4790 loss: 2.0988 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0845 distill.loss_dist: 1.0143 2023/05/16 04:58:29 - mmengine - INFO - Epoch(train) [96][ 280/1879] lr: 2.0000e-04 eta: 2:11:53 time: 0.8663 data_time: 0.4191 memory: 9812 grad_norm: 3.5015 loss: 2.1372 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1140 distill.loss_dist: 1.0233 2023/05/16 04:58:45 - mmengine - INFO - Epoch(train) [96][ 300/1879] lr: 2.0000e-04 eta: 2:11:36 time: 0.7907 data_time: 0.3497 memory: 9812 grad_norm: 3.4914 loss: 2.2697 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2451 distill.loss_dist: 1.0246 2023/05/16 04:59:03 - mmengine - INFO - Epoch(train) [96][ 320/1879] lr: 2.0000e-04 eta: 2:11:18 time: 0.9128 data_time: 0.3809 memory: 9812 grad_norm: 3.4111 loss: 2.2713 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2074 distill.loss_dist: 1.0639 2023/05/16 04:59:21 - mmengine - INFO - Epoch(train) [96][ 340/1879] lr: 2.0000e-04 eta: 2:11:01 time: 0.8689 data_time: 0.3864 memory: 9812 grad_norm: 3.5389 loss: 2.1731 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1617 distill.loss_dist: 1.0114 2023/05/16 04:59:38 - mmengine - INFO - Epoch(train) [96][ 360/1879] lr: 2.0000e-04 eta: 2:10:44 time: 0.8760 data_time: 0.3647 memory: 9812 grad_norm: 3.4303 loss: 2.3538 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.3089 distill.loss_dist: 1.0449 2023/05/16 04:59:56 - mmengine - INFO - Epoch(train) [96][ 380/1879] lr: 2.0000e-04 eta: 2:10:26 time: 0.8932 data_time: 0.2160 memory: 9812 grad_norm: 3.5165 loss: 2.2932 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2718 distill.loss_dist: 1.0213 2023/05/16 05:00:13 - mmengine - INFO - Epoch(train) [96][ 400/1879] lr: 2.0000e-04 eta: 2:10:09 time: 0.8597 data_time: 0.2169 memory: 9812 grad_norm: 3.4872 loss: 2.0896 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0758 distill.loss_dist: 1.0138 2023/05/16 05:00:29 - mmengine - INFO - Epoch(train) [96][ 420/1879] lr: 2.0000e-04 eta: 2:09:51 time: 0.8018 data_time: 0.1503 memory: 9812 grad_norm: 3.4893 loss: 2.3296 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2717 distill.loss_dist: 1.0579 2023/05/16 05:00:47 - mmengine - INFO - Epoch(train) [96][ 440/1879] lr: 2.0000e-04 eta: 2:09:34 time: 0.8719 data_time: 0.0301 memory: 9812 grad_norm: 3.4738 loss: 2.1585 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.1333 distill.loss_dist: 1.0252 2023/05/16 05:01:06 - mmengine - INFO - Epoch(train) [96][ 460/1879] lr: 2.0000e-04 eta: 2:09:17 time: 0.9303 data_time: 0.0277 memory: 9812 grad_norm: 3.5275 loss: 2.0432 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0486 distill.loss_dist: 0.9946 2023/05/16 05:01:23 - mmengine - INFO - Epoch(train) [96][ 480/1879] lr: 2.0000e-04 eta: 2:08:59 time: 0.8662 data_time: 0.0273 memory: 9812 grad_norm: 3.4475 loss: 2.1975 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1741 distill.loss_dist: 1.0234 2023/05/16 05:01:34 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 05:01:39 - mmengine - INFO - Epoch(train) [96][ 500/1879] lr: 2.0000e-04 eta: 2:08:42 time: 0.7975 data_time: 0.0305 memory: 9812 grad_norm: 3.4504 loss: 2.1500 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1142 distill.loss_dist: 1.0358 2023/05/16 05:01:58 - mmengine - INFO - Epoch(train) [96][ 520/1879] lr: 2.0000e-04 eta: 2:08:25 time: 0.9436 data_time: 0.0290 memory: 9812 grad_norm: 3.4272 loss: 2.1816 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1320 distill.loss_dist: 1.0496 2023/05/16 05:02:15 - mmengine - INFO - Epoch(train) [96][ 540/1879] lr: 2.0000e-04 eta: 2:08:07 time: 0.8592 data_time: 0.0275 memory: 9812 grad_norm: 3.5816 loss: 2.3744 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.3257 distill.loss_dist: 1.0487 2023/05/16 05:02:32 - mmengine - INFO - Epoch(train) [96][ 560/1879] lr: 2.0000e-04 eta: 2:07:50 time: 0.8506 data_time: 0.0267 memory: 9812 grad_norm: 3.3741 loss: 2.0567 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0377 distill.loss_dist: 1.0191 2023/05/16 05:02:50 - mmengine - INFO - Epoch(train) [96][ 580/1879] lr: 2.0000e-04 eta: 2:07:33 time: 0.8957 data_time: 0.0266 memory: 9812 grad_norm: 3.4289 loss: 2.1474 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1129 distill.loss_dist: 1.0345 2023/05/16 05:03:08 - mmengine - INFO - Epoch(train) [96][ 600/1879] lr: 2.0000e-04 eta: 2:07:15 time: 0.8777 data_time: 0.0300 memory: 9812 grad_norm: 3.4759 loss: 2.1552 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1306 distill.loss_dist: 1.0246 2023/05/16 05:03:24 - mmengine - INFO - Epoch(train) [96][ 620/1879] lr: 2.0000e-04 eta: 2:06:58 time: 0.8095 data_time: 0.0274 memory: 9812 grad_norm: 3.5392 loss: 2.4461 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.4311 distill.loss_dist: 1.0149 2023/05/16 05:03:43 - mmengine - INFO - Epoch(train) [96][ 640/1879] lr: 2.0000e-04 eta: 2:06:41 time: 0.9402 data_time: 0.0277 memory: 9812 grad_norm: 3.4642 loss: 1.8524 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.8895 distill.loss_dist: 0.9629 2023/05/16 05:03:59 - mmengine - INFO - Epoch(train) [96][ 660/1879] lr: 2.0000e-04 eta: 2:06:23 time: 0.8358 data_time: 0.0263 memory: 9812 grad_norm: 3.4721 loss: 2.1113 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0938 distill.loss_dist: 1.0175 2023/05/16 05:04:15 - mmengine - INFO - Epoch(train) [96][ 680/1879] lr: 2.0000e-04 eta: 2:06:06 time: 0.7879 data_time: 0.0438 memory: 9812 grad_norm: 3.4932 loss: 2.1697 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1381 distill.loss_dist: 1.0316 2023/05/16 05:04:34 - mmengine - INFO - Epoch(train) [96][ 700/1879] lr: 2.0000e-04 eta: 2:05:48 time: 0.9437 data_time: 0.0259 memory: 9812 grad_norm: 3.4190 loss: 2.1221 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0927 distill.loss_dist: 1.0294 2023/05/16 05:04:50 - mmengine - INFO - Epoch(train) [96][ 720/1879] lr: 2.0000e-04 eta: 2:05:31 time: 0.7910 data_time: 0.0311 memory: 9812 grad_norm: 3.3910 loss: 2.0486 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0401 distill.loss_dist: 1.0085 2023/05/16 05:05:07 - mmengine - INFO - Epoch(train) [96][ 740/1879] lr: 2.0000e-04 eta: 2:05:14 time: 0.8518 data_time: 0.0288 memory: 9812 grad_norm: 3.5675 loss: 2.1331 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1355 distill.loss_dist: 0.9976 2023/05/16 05:05:25 - mmengine - INFO - Epoch(train) [96][ 760/1879] lr: 2.0000e-04 eta: 2:04:56 time: 0.9153 data_time: 0.0260 memory: 9812 grad_norm: 3.4961 loss: 2.1545 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1129 distill.loss_dist: 1.0416 2023/05/16 05:05:42 - mmengine - INFO - Epoch(train) [96][ 780/1879] lr: 2.0000e-04 eta: 2:04:39 time: 0.8398 data_time: 0.0309 memory: 9812 grad_norm: 3.4484 loss: 2.2202 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2213 distill.loss_dist: 0.9989 2023/05/16 05:05:58 - mmengine - INFO - Epoch(train) [96][ 800/1879] lr: 2.0000e-04 eta: 2:04:21 time: 0.8011 data_time: 0.0253 memory: 9812 grad_norm: 3.4753 loss: 2.1206 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.1070 distill.loss_dist: 1.0136 2023/05/16 05:06:16 - mmengine - INFO - Epoch(train) [96][ 820/1879] lr: 2.0000e-04 eta: 2:04:04 time: 0.8783 data_time: 0.0263 memory: 9812 grad_norm: 3.5651 loss: 2.0351 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0270 distill.loss_dist: 1.0081 2023/05/16 05:06:33 - mmengine - INFO - Epoch(train) [96][ 840/1879] lr: 2.0000e-04 eta: 2:03:47 time: 0.8801 data_time: 0.0330 memory: 9812 grad_norm: 3.4262 loss: 2.1012 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0741 distill.loss_dist: 1.0271 2023/05/16 05:06:50 - mmengine - INFO - Epoch(train) [96][ 860/1879] lr: 2.0000e-04 eta: 2:03:29 time: 0.8223 data_time: 0.0289 memory: 9812 grad_norm: 3.4251 loss: 2.1834 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.1680 distill.loss_dist: 1.0154 2023/05/16 05:07:07 - mmengine - INFO - Epoch(train) [96][ 880/1879] lr: 2.0000e-04 eta: 2:03:12 time: 0.8653 data_time: 0.1154 memory: 9812 grad_norm: 3.4686 loss: 2.1497 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1280 distill.loss_dist: 1.0216 2023/05/16 05:07:25 - mmengine - INFO - Epoch(train) [96][ 900/1879] lr: 2.0000e-04 eta: 2:02:55 time: 0.8896 data_time: 0.1879 memory: 9812 grad_norm: 3.4612 loss: 2.0394 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0272 distill.loss_dist: 1.0122 2023/05/16 05:07:42 - mmengine - INFO - Epoch(train) [96][ 920/1879] lr: 2.0000e-04 eta: 2:02:37 time: 0.8693 data_time: 0.0618 memory: 9812 grad_norm: 3.4336 loss: 2.0556 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0448 distill.loss_dist: 1.0109 2023/05/16 05:07:58 - mmengine - INFO - Epoch(train) [96][ 940/1879] lr: 2.0000e-04 eta: 2:02:20 time: 0.7930 data_time: 0.0330 memory: 9812 grad_norm: 3.4440 loss: 1.8128 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 0.8231 distill.loss_dist: 0.9897 2023/05/16 05:08:17 - mmengine - INFO - Epoch(train) [96][ 960/1879] lr: 2.0000e-04 eta: 2:02:03 time: 0.9564 data_time: 0.0490 memory: 9812 grad_norm: 3.4073 loss: 2.1362 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1157 distill.loss_dist: 1.0205 2023/05/16 05:08:33 - mmengine - INFO - Epoch(train) [96][ 980/1879] lr: 2.0000e-04 eta: 2:01:45 time: 0.7839 data_time: 0.0269 memory: 9812 grad_norm: 3.5510 loss: 2.2396 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.2091 distill.loss_dist: 1.0305 2023/05/16 05:08:51 - mmengine - INFO - Epoch(train) [96][1000/1879] lr: 2.0000e-04 eta: 2:01:28 time: 0.8783 data_time: 0.0278 memory: 9812 grad_norm: 3.4706 loss: 2.1737 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1314 distill.loss_dist: 1.0423 2023/05/16 05:09:08 - mmengine - INFO - Epoch(train) [96][1020/1879] lr: 2.0000e-04 eta: 2:01:10 time: 0.8783 data_time: 0.0301 memory: 9812 grad_norm: 3.4885 loss: 2.0968 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0820 distill.loss_dist: 1.0148 2023/05/16 05:09:26 - mmengine - INFO - Epoch(train) [96][1040/1879] lr: 2.0000e-04 eta: 2:00:53 time: 0.8976 data_time: 0.0272 memory: 9812 grad_norm: 3.4638 loss: 2.1462 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1428 distill.loss_dist: 1.0034 2023/05/16 05:09:43 - mmengine - INFO - Epoch(train) [96][1060/1879] lr: 2.0000e-04 eta: 2:00:36 time: 0.8394 data_time: 0.0264 memory: 9812 grad_norm: 3.5159 loss: 2.2606 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2202 distill.loss_dist: 1.0404 2023/05/16 05:10:00 - mmengine - INFO - Epoch(train) [96][1080/1879] lr: 2.0000e-04 eta: 2:00:18 time: 0.8605 data_time: 0.0257 memory: 9812 grad_norm: 3.4941 loss: 2.1792 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1716 distill.loss_dist: 1.0076 2023/05/16 05:10:19 - mmengine - INFO - Epoch(train) [96][1100/1879] lr: 2.0000e-04 eta: 2:00:01 time: 0.9197 data_time: 0.0284 memory: 9812 grad_norm: 3.5200 loss: 2.1933 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1869 distill.loss_dist: 1.0063 2023/05/16 05:10:35 - mmengine - INFO - Epoch(train) [96][1120/1879] lr: 2.0000e-04 eta: 1:59:44 time: 0.8305 data_time: 0.0260 memory: 9812 grad_norm: 3.3848 loss: 2.1745 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.1508 distill.loss_dist: 1.0237 2023/05/16 05:10:53 - mmengine - INFO - Epoch(train) [96][1140/1879] lr: 2.0000e-04 eta: 1:59:26 time: 0.8583 data_time: 0.0283 memory: 9812 grad_norm: 3.5020 loss: 2.2052 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1648 distill.loss_dist: 1.0404 2023/05/16 05:11:10 - mmengine - INFO - Epoch(train) [96][1160/1879] lr: 2.0000e-04 eta: 1:59:09 time: 0.8564 data_time: 0.0281 memory: 9812 grad_norm: 3.4905 loss: 2.1959 student.top1_acc: 0.4375 student.top5_acc: 0.9375 student.loss_cls: 1.1869 distill.loss_dist: 1.0090 2023/05/16 05:11:27 - mmengine - INFO - Epoch(train) [96][1180/1879] lr: 2.0000e-04 eta: 1:58:51 time: 0.8451 data_time: 0.0283 memory: 9812 grad_norm: 3.4934 loss: 2.0267 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0058 distill.loss_dist: 1.0209 2023/05/16 05:11:44 - mmengine - INFO - Epoch(train) [96][1200/1879] lr: 2.0000e-04 eta: 1:58:34 time: 0.8864 data_time: 0.0261 memory: 9812 grad_norm: 3.5668 loss: 2.1461 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1356 distill.loss_dist: 1.0105 2023/05/16 05:12:01 - mmengine - INFO - Epoch(train) [96][1220/1879] lr: 2.0000e-04 eta: 1:58:17 time: 0.8375 data_time: 0.0280 memory: 9812 grad_norm: 3.3733 loss: 2.1962 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1662 distill.loss_dist: 1.0299 2023/05/16 05:12:17 - mmengine - INFO - Epoch(train) [96][1240/1879] lr: 2.0000e-04 eta: 1:57:59 time: 0.8074 data_time: 0.0293 memory: 9812 grad_norm: 3.4223 loss: 2.1952 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1833 distill.loss_dist: 1.0119 2023/05/16 05:12:35 - mmengine - INFO - Epoch(train) [96][1260/1879] lr: 2.0000e-04 eta: 1:57:42 time: 0.8979 data_time: 0.0293 memory: 9812 grad_norm: 3.5292 loss: 2.1639 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1362 distill.loss_dist: 1.0277 2023/05/16 05:12:52 - mmengine - INFO - Epoch(train) [96][1280/1879] lr: 2.0000e-04 eta: 1:57:25 time: 0.8162 data_time: 0.0254 memory: 9812 grad_norm: 3.5034 loss: 2.2654 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2176 distill.loss_dist: 1.0478 2023/05/16 05:13:08 - mmengine - INFO - Epoch(train) [96][1300/1879] lr: 2.0000e-04 eta: 1:57:07 time: 0.8219 data_time: 0.0278 memory: 9812 grad_norm: 3.4873 loss: 2.2344 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2206 distill.loss_dist: 1.0138 2023/05/16 05:13:26 - mmengine - INFO - Epoch(train) [96][1320/1879] lr: 2.0000e-04 eta: 1:56:50 time: 0.9142 data_time: 0.0288 memory: 9812 grad_norm: 3.5271 loss: 2.1449 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0985 distill.loss_dist: 1.0464 2023/05/16 05:13:43 - mmengine - INFO - Epoch(train) [96][1340/1879] lr: 2.0000e-04 eta: 1:56:32 time: 0.8394 data_time: 0.0284 memory: 9812 grad_norm: 3.4773 loss: 2.1702 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1278 distill.loss_dist: 1.0423 2023/05/16 05:14:01 - mmengine - INFO - Epoch(train) [96][1360/1879] lr: 2.0000e-04 eta: 1:56:15 time: 0.8706 data_time: 0.0257 memory: 9812 grad_norm: 3.5831 loss: 2.2034 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1414 distill.loss_dist: 1.0620 2023/05/16 05:14:18 - mmengine - INFO - Epoch(train) [96][1380/1879] lr: 2.0000e-04 eta: 1:55:58 time: 0.8596 data_time: 0.0271 memory: 9812 grad_norm: 3.4460 loss: 1.9857 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 0.9855 distill.loss_dist: 1.0002 2023/05/16 05:14:35 - mmengine - INFO - Epoch(train) [96][1400/1879] lr: 2.0000e-04 eta: 1:55:40 time: 0.8377 data_time: 0.1579 memory: 9812 grad_norm: 3.4501 loss: 2.1363 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1193 distill.loss_dist: 1.0170 2023/05/16 05:14:52 - mmengine - INFO - Epoch(train) [96][1420/1879] lr: 2.0000e-04 eta: 1:55:23 time: 0.8756 data_time: 0.0743 memory: 9812 grad_norm: 3.5025 loss: 2.1033 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1001 distill.loss_dist: 1.0032 2023/05/16 05:15:10 - mmengine - INFO - Epoch(train) [96][1440/1879] lr: 2.0000e-04 eta: 1:55:06 time: 0.8773 data_time: 0.0251 memory: 9812 grad_norm: 3.5828 loss: 2.1456 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1140 distill.loss_dist: 1.0316 2023/05/16 05:15:29 - mmengine - INFO - Epoch(train) [96][1460/1879] lr: 2.0000e-04 eta: 1:54:48 time: 0.9515 data_time: 0.0271 memory: 9812 grad_norm: 3.5494 loss: 2.3382 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2906 distill.loss_dist: 1.0475 2023/05/16 05:15:46 - mmengine - INFO - Epoch(train) [96][1480/1879] lr: 2.0000e-04 eta: 1:54:31 time: 0.8376 data_time: 0.0265 memory: 9812 grad_norm: 3.4488 loss: 2.0841 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0428 distill.loss_dist: 1.0413 2023/05/16 05:15:59 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 05:16:02 - mmengine - INFO - Epoch(train) [96][1500/1879] lr: 2.0000e-04 eta: 1:54:14 time: 0.8093 data_time: 0.0309 memory: 9812 grad_norm: 3.5465 loss: 2.2680 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.2392 distill.loss_dist: 1.0288 2023/05/16 05:16:22 - mmengine - INFO - Epoch(train) [96][1520/1879] lr: 2.0000e-04 eta: 1:53:56 time: 1.0006 data_time: 0.0249 memory: 9812 grad_norm: 3.5100 loss: 2.2795 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2418 distill.loss_dist: 1.0377 2023/05/16 05:16:38 - mmengine - INFO - Epoch(train) [96][1540/1879] lr: 2.0000e-04 eta: 1:53:39 time: 0.7971 data_time: 0.0279 memory: 9812 grad_norm: 3.4943 loss: 2.2086 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1913 distill.loss_dist: 1.0173 2023/05/16 05:16:54 - mmengine - INFO - Epoch(train) [96][1560/1879] lr: 2.0000e-04 eta: 1:53:21 time: 0.8212 data_time: 0.0261 memory: 9812 grad_norm: 3.5024 loss: 2.2443 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2226 distill.loss_dist: 1.0217 2023/05/16 05:17:13 - mmengine - INFO - Epoch(train) [96][1580/1879] lr: 2.0000e-04 eta: 1:53:04 time: 0.9362 data_time: 0.0257 memory: 9812 grad_norm: 3.5631 loss: 2.2301 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.1977 distill.loss_dist: 1.0324 2023/05/16 05:17:29 - mmengine - INFO - Epoch(train) [96][1600/1879] lr: 2.0000e-04 eta: 1:52:47 time: 0.8041 data_time: 0.0295 memory: 9812 grad_norm: 3.5191 loss: 2.2371 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1960 distill.loss_dist: 1.0412 2023/05/16 05:17:45 - mmengine - INFO - Epoch(train) [96][1620/1879] lr: 2.0000e-04 eta: 1:52:29 time: 0.7863 data_time: 0.0272 memory: 9812 grad_norm: 3.4054 loss: 2.1621 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1288 distill.loss_dist: 1.0333 2023/05/16 05:18:04 - mmengine - INFO - Epoch(train) [96][1640/1879] lr: 2.0000e-04 eta: 1:52:12 time: 0.9497 data_time: 0.0270 memory: 9812 grad_norm: 3.4438 loss: 2.2766 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2343 distill.loss_dist: 1.0423 2023/05/16 05:18:21 - mmengine - INFO - Epoch(train) [96][1660/1879] lr: 2.0000e-04 eta: 1:51:55 time: 0.8492 data_time: 0.0276 memory: 9812 grad_norm: 3.4113 loss: 1.9650 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9804 distill.loss_dist: 0.9846 2023/05/16 05:18:37 - mmengine - INFO - Epoch(train) [96][1680/1879] lr: 2.0000e-04 eta: 1:51:37 time: 0.8275 data_time: 0.0269 memory: 9812 grad_norm: 3.5303 loss: 2.0941 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0793 distill.loss_dist: 1.0148 2023/05/16 05:18:56 - mmengine - INFO - Epoch(train) [96][1700/1879] lr: 2.0000e-04 eta: 1:51:20 time: 0.9208 data_time: 0.0312 memory: 9812 grad_norm: 3.4980 loss: 2.3410 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3245 distill.loss_dist: 1.0165 2023/05/16 05:19:13 - mmengine - INFO - Epoch(train) [96][1720/1879] lr: 2.0000e-04 eta: 1:51:03 time: 0.8377 data_time: 0.0260 memory: 9812 grad_norm: 3.5299 loss: 2.2262 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1853 distill.loss_dist: 1.0409 2023/05/16 05:19:29 - mmengine - INFO - Epoch(train) [96][1740/1879] lr: 2.0000e-04 eta: 1:50:45 time: 0.8391 data_time: 0.0239 memory: 9812 grad_norm: 3.6002 loss: 2.3088 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.2633 distill.loss_dist: 1.0456 2023/05/16 05:19:47 - mmengine - INFO - Epoch(train) [96][1760/1879] lr: 2.0000e-04 eta: 1:50:28 time: 0.8654 data_time: 0.0292 memory: 9812 grad_norm: 3.4891 loss: 2.2317 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2170 distill.loss_dist: 1.0147 2023/05/16 05:20:05 - mmengine - INFO - Epoch(train) [96][1780/1879] lr: 2.0000e-04 eta: 1:50:10 time: 0.9196 data_time: 0.0305 memory: 9812 grad_norm: 3.5388 loss: 2.2851 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2453 distill.loss_dist: 1.0399 2023/05/16 05:20:21 - mmengine - INFO - Epoch(train) [96][1800/1879] lr: 2.0000e-04 eta: 1:49:53 time: 0.8054 data_time: 0.0918 memory: 9812 grad_norm: 3.4974 loss: 2.1842 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1861 distill.loss_dist: 0.9981 2023/05/16 05:20:39 - mmengine - INFO - Epoch(train) [96][1820/1879] lr: 2.0000e-04 eta: 1:49:36 time: 0.8682 data_time: 0.0699 memory: 9812 grad_norm: 3.4749 loss: 2.1305 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1217 distill.loss_dist: 1.0088 2023/05/16 05:20:57 - mmengine - INFO - Epoch(train) [96][1840/1879] lr: 2.0000e-04 eta: 1:49:18 time: 0.8976 data_time: 0.1655 memory: 9812 grad_norm: 3.6113 loss: 2.2765 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2346 distill.loss_dist: 1.0419 2023/05/16 05:21:14 - mmengine - INFO - Epoch(train) [96][1860/1879] lr: 2.0000e-04 eta: 1:49:01 time: 0.8750 data_time: 0.2208 memory: 9812 grad_norm: 3.4286 loss: 2.0030 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9784 distill.loss_dist: 1.0246 2023/05/16 05:21:28 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 05:21:28 - mmengine - INFO - Epoch(train) [96][1879/1879] lr: 2.0000e-04 eta: 1:48:44 time: 0.7002 data_time: 0.0620 memory: 9812 grad_norm: 3.5659 loss: 1.9778 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 0.9757 distill.loss_dist: 1.0021 2023/05/16 05:21:28 - mmengine - INFO - Saving checkpoint at 96 epochs 2023/05/16 05:21:49 - mmengine - INFO - Epoch(val) [96][ 20/155] eta: 0:02:14 time: 0.9938 data_time: 0.9309 memory: 1484 2023/05/16 05:22:02 - mmengine - INFO - Epoch(val) [96][ 40/155] eta: 0:01:32 time: 0.6164 data_time: 0.5525 memory: 1484 2023/05/16 05:22:21 - mmengine - INFO - Epoch(val) [96][ 60/155] eta: 0:01:21 time: 0.9647 data_time: 0.8958 memory: 1484 2023/05/16 05:22:34 - mmengine - INFO - Epoch(val) [96][ 80/155] eta: 0:01:00 time: 0.6523 data_time: 0.5859 memory: 1484 2023/05/16 05:22:53 - mmengine - INFO - Epoch(val) [96][100/155] eta: 0:00:46 time: 0.9605 data_time: 0.8966 memory: 1484 2023/05/16 05:23:06 - mmengine - INFO - Epoch(val) [96][120/155] eta: 0:00:28 time: 0.6570 data_time: 0.5902 memory: 1484 2023/05/16 05:23:26 - mmengine - INFO - Epoch(val) [96][140/155] eta: 0:00:12 time: 0.9700 data_time: 0.9069 memory: 1484 2023/05/16 05:23:55 - mmengine - INFO - Epoch(val) [96][ 20/155] eta: 0:16:09 time: 0.9927 data_time: 0.8376 memory: 1582 2023/05/16 05:24:08 - mmengine - INFO - Epoch(val) [96][ 40/155] eta: 0:07:32 time: 0.6915 data_time: 0.5341 memory: 1582 2023/05/16 05:24:26 - mmengine - INFO - Epoch(val) [96][ 60/155] eta: 0:04:36 time: 0.8758 data_time: 0.7214 memory: 1582 2023/05/16 05:24:40 - mmengine - INFO - Epoch(val) [96][ 80/155] eta: 0:02:57 time: 0.7101 data_time: 0.5588 memory: 1582 2023/05/16 05:24:58 - mmengine - INFO - Epoch(val) [96][100/155] eta: 0:01:54 time: 0.9160 data_time: 0.7660 memory: 1582 2023/05/16 05:25:12 - mmengine - INFO - Epoch(val) [96][120/155] eta: 0:01:04 time: 0.6997 data_time: 0.5459 memory: 1582 2023/05/16 05:25:33 - mmengine - INFO - Epoch(val) [96][140/155] eta: 0:00:25 time: 1.0286 data_time: 0.8763 memory: 1582 2023/05/16 05:25:43 - mmengine - INFO - Epoch(val) [96][155/155] acc/top1: 0.6791 acc/top5: 0.8806 acc/mean1: 0.6790 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6596 time: 0.8111 2023/05/16 05:26:05 - mmengine - INFO - Epoch(train) [97][ 20/1879] lr: 2.0000e-04 eta: 1:48:27 time: 1.1022 data_time: 0.2958 memory: 9812 grad_norm: 3.4090 loss: 2.1776 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1553 distill.loss_dist: 1.0223 2023/05/16 05:26:22 - mmengine - INFO - Epoch(train) [97][ 40/1879] lr: 2.0000e-04 eta: 1:48:10 time: 0.8419 data_time: 0.0309 memory: 9812 grad_norm: 3.4807 loss: 2.2413 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2006 distill.loss_dist: 1.0407 2023/05/16 05:26:39 - mmengine - INFO - Epoch(train) [97][ 60/1879] lr: 2.0000e-04 eta: 1:47:52 time: 0.8693 data_time: 0.0275 memory: 9812 grad_norm: 3.4102 loss: 2.0182 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0020 distill.loss_dist: 1.0162 2023/05/16 05:26:57 - mmengine - INFO - Epoch(train) [97][ 80/1879] lr: 2.0000e-04 eta: 1:47:35 time: 0.8993 data_time: 0.0312 memory: 9812 grad_norm: 3.5943 loss: 2.1591 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1359 distill.loss_dist: 1.0232 2023/05/16 05:27:14 - mmengine - INFO - Epoch(train) [97][ 100/1879] lr: 2.0000e-04 eta: 1:47:18 time: 0.8441 data_time: 0.0255 memory: 9812 grad_norm: 3.4206 loss: 2.1618 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1281 distill.loss_dist: 1.0337 2023/05/16 05:27:31 - mmengine - INFO - Epoch(train) [97][ 120/1879] lr: 2.0000e-04 eta: 1:47:00 time: 0.8550 data_time: 0.0284 memory: 9812 grad_norm: 3.4637 loss: 2.1564 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1094 distill.loss_dist: 1.0470 2023/05/16 05:27:49 - mmengine - INFO - Epoch(train) [97][ 140/1879] lr: 2.0000e-04 eta: 1:46:43 time: 0.9112 data_time: 0.0263 memory: 9812 grad_norm: 3.4906 loss: 2.2243 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.2021 distill.loss_dist: 1.0221 2023/05/16 05:28:06 - mmengine - INFO - Epoch(train) [97][ 160/1879] lr: 2.0000e-04 eta: 1:46:26 time: 0.8481 data_time: 0.0286 memory: 9812 grad_norm: 3.5577 loss: 2.3018 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.2493 distill.loss_dist: 1.0525 2023/05/16 05:28:23 - mmengine - INFO - Epoch(train) [97][ 180/1879] lr: 2.0000e-04 eta: 1:46:08 time: 0.8246 data_time: 0.0289 memory: 9812 grad_norm: 3.4305 loss: 2.0164 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0158 distill.loss_dist: 1.0006 2023/05/16 05:28:41 - mmengine - INFO - Epoch(train) [97][ 200/1879] lr: 2.0000e-04 eta: 1:45:51 time: 0.8952 data_time: 0.0272 memory: 9812 grad_norm: 3.5267 loss: 2.0662 student.top1_acc: 0.6250 student.top5_acc: 0.6875 student.loss_cls: 1.0456 distill.loss_dist: 1.0205 2023/05/16 05:28:59 - mmengine - INFO - Epoch(train) [97][ 220/1879] lr: 2.0000e-04 eta: 1:45:34 time: 0.9042 data_time: 0.0297 memory: 9812 grad_norm: 3.5308 loss: 2.3399 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3139 distill.loss_dist: 1.0260 2023/05/16 05:29:15 - mmengine - INFO - Epoch(train) [97][ 240/1879] lr: 2.0000e-04 eta: 1:45:16 time: 0.8149 data_time: 0.0263 memory: 9812 grad_norm: 3.4311 loss: 1.9298 student.top1_acc: 0.5000 student.top5_acc: 1.0000 student.loss_cls: 0.9389 distill.loss_dist: 0.9909 2023/05/16 05:29:33 - mmengine - INFO - Epoch(train) [97][ 260/1879] lr: 2.0000e-04 eta: 1:44:59 time: 0.8915 data_time: 0.0491 memory: 9812 grad_norm: 3.5306 loss: 2.1751 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1554 distill.loss_dist: 1.0198 2023/05/16 05:29:51 - mmengine - INFO - Epoch(train) [97][ 280/1879] lr: 2.0000e-04 eta: 1:44:41 time: 0.8737 data_time: 0.0293 memory: 9812 grad_norm: 3.5089 loss: 2.0963 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0942 distill.loss_dist: 1.0020 2023/05/16 05:30:08 - mmengine - INFO - Epoch(train) [97][ 300/1879] lr: 2.0000e-04 eta: 1:44:24 time: 0.8454 data_time: 0.0240 memory: 9812 grad_norm: 3.4407 loss: 2.1214 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1032 distill.loss_dist: 1.0182 2023/05/16 05:30:25 - mmengine - INFO - Epoch(train) [97][ 320/1879] lr: 2.0000e-04 eta: 1:44:07 time: 0.8503 data_time: 0.0260 memory: 9812 grad_norm: 3.5513 loss: 2.1154 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1025 distill.loss_dist: 1.0129 2023/05/16 05:30:44 - mmengine - INFO - Epoch(train) [97][ 340/1879] lr: 2.0000e-04 eta: 1:43:49 time: 0.9448 data_time: 0.0273 memory: 9812 grad_norm: 3.5658 loss: 2.3696 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.3184 distill.loss_dist: 1.0512 2023/05/16 05:31:00 - mmengine - INFO - Epoch(train) [97][ 360/1879] lr: 2.0000e-04 eta: 1:43:32 time: 0.8151 data_time: 0.0253 memory: 9812 grad_norm: 3.5713 loss: 2.0830 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0639 distill.loss_dist: 1.0191 2023/05/16 05:31:16 - mmengine - INFO - Epoch(train) [97][ 380/1879] lr: 2.0000e-04 eta: 1:43:15 time: 0.8001 data_time: 0.0297 memory: 9812 grad_norm: 3.4567 loss: 2.1592 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1383 distill.loss_dist: 1.0209 2023/05/16 05:31:34 - mmengine - INFO - Epoch(train) [97][ 400/1879] lr: 2.0000e-04 eta: 1:42:57 time: 0.9116 data_time: 0.0290 memory: 9812 grad_norm: 3.4468 loss: 2.1621 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1620 distill.loss_dist: 1.0000 2023/05/16 05:31:51 - mmengine - INFO - Epoch(train) [97][ 420/1879] lr: 2.0000e-04 eta: 1:42:40 time: 0.8219 data_time: 0.0290 memory: 9812 grad_norm: 3.4344 loss: 2.2433 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2057 distill.loss_dist: 1.0376 2023/05/16 05:32:07 - mmengine - INFO - Epoch(train) [97][ 440/1879] lr: 2.0000e-04 eta: 1:42:22 time: 0.8106 data_time: 0.0332 memory: 9812 grad_norm: 3.4044 loss: 2.1274 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1034 distill.loss_dist: 1.0241 2023/05/16 05:32:26 - mmengine - INFO - Epoch(train) [97][ 460/1879] lr: 2.0000e-04 eta: 1:42:05 time: 0.9777 data_time: 0.0411 memory: 9812 grad_norm: 3.5899 loss: 2.2233 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1912 distill.loss_dist: 1.0321 2023/05/16 05:32:43 - mmengine - INFO - Epoch(train) [97][ 480/1879] lr: 2.0000e-04 eta: 1:41:48 time: 0.8524 data_time: 0.0262 memory: 9812 grad_norm: 3.4786 loss: 2.0874 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0575 distill.loss_dist: 1.0298 2023/05/16 05:33:00 - mmengine - INFO - Epoch(train) [97][ 500/1879] lr: 2.0000e-04 eta: 1:41:30 time: 0.8062 data_time: 0.0253 memory: 9812 grad_norm: 3.5555 loss: 2.0850 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0909 distill.loss_dist: 0.9941 2023/05/16 05:33:18 - mmengine - INFO - Epoch(train) [97][ 520/1879] lr: 2.0000e-04 eta: 1:41:13 time: 0.9270 data_time: 0.0281 memory: 9812 grad_norm: 3.6018 loss: 2.0064 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0303 distill.loss_dist: 0.9761 2023/05/16 05:33:34 - mmengine - INFO - Epoch(train) [97][ 540/1879] lr: 2.0000e-04 eta: 1:40:56 time: 0.8077 data_time: 0.0260 memory: 9812 grad_norm: 3.5060 loss: 2.1269 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1106 distill.loss_dist: 1.0163 2023/05/16 05:33:50 - mmengine - INFO - Epoch(train) [97][ 560/1879] lr: 2.0000e-04 eta: 1:40:38 time: 0.8008 data_time: 0.0295 memory: 9812 grad_norm: 3.5983 loss: 2.0753 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0514 distill.loss_dist: 1.0239 2023/05/16 05:34:10 - mmengine - INFO - Epoch(train) [97][ 580/1879] lr: 2.0000e-04 eta: 1:40:21 time: 0.9681 data_time: 0.0289 memory: 9812 grad_norm: 3.5281 loss: 2.2243 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2070 distill.loss_dist: 1.0173 2023/05/16 05:34:26 - mmengine - INFO - Epoch(train) [97][ 600/1879] lr: 2.0000e-04 eta: 1:40:04 time: 0.8211 data_time: 0.0288 memory: 9812 grad_norm: 3.4559 loss: 2.0668 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0801 distill.loss_dist: 0.9867 2023/05/16 05:34:40 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 05:34:42 - mmengine - INFO - Epoch(train) [97][ 620/1879] lr: 2.0000e-04 eta: 1:39:46 time: 0.7983 data_time: 0.0244 memory: 9812 grad_norm: 3.5493 loss: 2.0443 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0401 distill.loss_dist: 1.0042 2023/05/16 05:35:02 - mmengine - INFO - Epoch(train) [97][ 640/1879] lr: 2.0000e-04 eta: 1:39:29 time: 0.9965 data_time: 0.0272 memory: 9812 grad_norm: 3.5652 loss: 2.1431 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1280 distill.loss_dist: 1.0152 2023/05/16 05:35:19 - mmengine - INFO - Epoch(train) [97][ 660/1879] lr: 2.0000e-04 eta: 1:39:11 time: 0.8343 data_time: 0.0265 memory: 9812 grad_norm: 3.5270 loss: 2.2510 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2240 distill.loss_dist: 1.0271 2023/05/16 05:35:34 - mmengine - INFO - Epoch(train) [97][ 680/1879] lr: 2.0000e-04 eta: 1:38:54 time: 0.7615 data_time: 0.0280 memory: 9812 grad_norm: 3.4230 loss: 1.9174 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 0.9062 distill.loss_dist: 1.0112 2023/05/16 05:35:53 - mmengine - INFO - Epoch(train) [97][ 700/1879] lr: 2.0000e-04 eta: 1:38:37 time: 0.9303 data_time: 0.0281 memory: 9812 grad_norm: 3.5492 loss: 2.1340 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1074 distill.loss_dist: 1.0266 2023/05/16 05:36:09 - mmengine - INFO - Epoch(train) [97][ 720/1879] lr: 2.0000e-04 eta: 1:38:19 time: 0.8108 data_time: 0.0286 memory: 9812 grad_norm: 3.5494 loss: 2.1122 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1163 distill.loss_dist: 0.9959 2023/05/16 05:36:26 - mmengine - INFO - Epoch(train) [97][ 740/1879] lr: 2.0000e-04 eta: 1:38:02 time: 0.8536 data_time: 0.0281 memory: 9812 grad_norm: 3.5753 loss: 2.3774 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.3210 distill.loss_dist: 1.0564 2023/05/16 05:36:44 - mmengine - INFO - Epoch(train) [97][ 760/1879] lr: 2.0000e-04 eta: 1:37:45 time: 0.8979 data_time: 0.0255 memory: 9812 grad_norm: 3.5154 loss: 2.0366 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0352 distill.loss_dist: 1.0013 2023/05/16 05:37:01 - mmengine - INFO - Epoch(train) [97][ 780/1879] lr: 2.0000e-04 eta: 1:37:27 time: 0.8280 data_time: 0.0272 memory: 9812 grad_norm: 3.5271 loss: 2.0117 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0002 distill.loss_dist: 1.0115 2023/05/16 05:37:17 - mmengine - INFO - Epoch(train) [97][ 800/1879] lr: 2.0000e-04 eta: 1:37:10 time: 0.8159 data_time: 0.0302 memory: 9812 grad_norm: 3.5187 loss: 2.3330 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.2880 distill.loss_dist: 1.0450 2023/05/16 05:37:36 - mmengine - INFO - Epoch(train) [97][ 820/1879] lr: 2.0000e-04 eta: 1:36:52 time: 0.9319 data_time: 0.0293 memory: 9812 grad_norm: 3.5264 loss: 2.1031 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0881 distill.loss_dist: 1.0150 2023/05/16 05:37:53 - mmengine - INFO - Epoch(train) [97][ 840/1879] lr: 2.0000e-04 eta: 1:36:35 time: 0.8535 data_time: 0.0258 memory: 9812 grad_norm: 3.4989 loss: 2.1288 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1326 distill.loss_dist: 0.9963 2023/05/16 05:38:09 - mmengine - INFO - Epoch(train) [97][ 860/1879] lr: 2.0000e-04 eta: 1:36:18 time: 0.8263 data_time: 0.0287 memory: 9812 grad_norm: 3.5763 loss: 2.1653 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1616 distill.loss_dist: 1.0037 2023/05/16 05:38:28 - mmengine - INFO - Epoch(train) [97][ 880/1879] lr: 2.0000e-04 eta: 1:36:00 time: 0.9198 data_time: 0.0281 memory: 9812 grad_norm: 3.5695 loss: 1.9877 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 0.9820 distill.loss_dist: 1.0057 2023/05/16 05:38:44 - mmengine - INFO - Epoch(train) [97][ 900/1879] lr: 2.0000e-04 eta: 1:35:43 time: 0.7987 data_time: 0.0264 memory: 9812 grad_norm: 3.5139 loss: 2.0602 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0476 distill.loss_dist: 1.0126 2023/05/16 05:39:00 - mmengine - INFO - Epoch(train) [97][ 920/1879] lr: 2.0000e-04 eta: 1:35:26 time: 0.8105 data_time: 0.0285 memory: 9812 grad_norm: 3.4428 loss: 2.1065 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0896 distill.loss_dist: 1.0168 2023/05/16 05:39:19 - mmengine - INFO - Epoch(train) [97][ 940/1879] lr: 2.0000e-04 eta: 1:35:08 time: 0.9536 data_time: 0.0262 memory: 9812 grad_norm: 3.4709 loss: 1.9130 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 0.9310 distill.loss_dist: 0.9820 2023/05/16 05:39:35 - mmengine - INFO - Epoch(train) [97][ 960/1879] lr: 2.0000e-04 eta: 1:34:51 time: 0.8153 data_time: 0.0304 memory: 9812 grad_norm: 3.5000 loss: 2.1449 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1441 distill.loss_dist: 1.0008 2023/05/16 05:39:53 - mmengine - INFO - Epoch(train) [97][ 980/1879] lr: 2.0000e-04 eta: 1:34:34 time: 0.8711 data_time: 0.0289 memory: 9812 grad_norm: 3.5596 loss: 2.0840 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0703 distill.loss_dist: 1.0137 2023/05/16 05:40:12 - mmengine - INFO - Epoch(train) [97][1000/1879] lr: 2.0000e-04 eta: 1:34:16 time: 0.9753 data_time: 0.0243 memory: 9812 grad_norm: 3.4709 loss: 2.1451 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1019 distill.loss_dist: 1.0432 2023/05/16 05:40:29 - mmengine - INFO - Epoch(train) [97][1020/1879] lr: 2.0000e-04 eta: 1:33:59 time: 0.8474 data_time: 0.0253 memory: 9812 grad_norm: 3.5281 loss: 2.0818 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0662 distill.loss_dist: 1.0155 2023/05/16 05:40:45 - mmengine - INFO - Epoch(train) [97][1040/1879] lr: 2.0000e-04 eta: 1:33:41 time: 0.7730 data_time: 0.0286 memory: 9812 grad_norm: 3.4974 loss: 2.2023 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1743 distill.loss_dist: 1.0280 2023/05/16 05:41:04 - mmengine - INFO - Epoch(train) [97][1060/1879] lr: 2.0000e-04 eta: 1:33:24 time: 0.9695 data_time: 0.0289 memory: 9812 grad_norm: 3.5075 loss: 2.0465 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0392 distill.loss_dist: 1.0074 2023/05/16 05:41:21 - mmengine - INFO - Epoch(train) [97][1080/1879] lr: 2.0000e-04 eta: 1:33:07 time: 0.8237 data_time: 0.0256 memory: 9812 grad_norm: 3.5882 loss: 2.2755 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2245 distill.loss_dist: 1.0510 2023/05/16 05:41:37 - mmengine - INFO - Epoch(train) [97][1100/1879] lr: 2.0000e-04 eta: 1:32:49 time: 0.8006 data_time: 0.0279 memory: 9812 grad_norm: 3.5171 loss: 2.1936 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1606 distill.loss_dist: 1.0330 2023/05/16 05:41:56 - mmengine - INFO - Epoch(train) [97][1120/1879] lr: 2.0000e-04 eta: 1:32:32 time: 0.9459 data_time: 0.0245 memory: 9812 grad_norm: 3.4455 loss: 2.0359 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0333 distill.loss_dist: 1.0026 2023/05/16 05:42:13 - mmengine - INFO - Epoch(train) [97][1140/1879] lr: 2.0000e-04 eta: 1:32:15 time: 0.8437 data_time: 0.0263 memory: 9812 grad_norm: 3.4867 loss: 2.1840 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2057 distill.loss_dist: 0.9783 2023/05/16 05:42:29 - mmengine - INFO - Epoch(train) [97][1160/1879] lr: 2.0000e-04 eta: 1:31:57 time: 0.8058 data_time: 0.0287 memory: 9812 grad_norm: 3.6173 loss: 2.2322 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2276 distill.loss_dist: 1.0046 2023/05/16 05:42:48 - mmengine - INFO - Epoch(train) [97][1180/1879] lr: 2.0000e-04 eta: 1:31:40 time: 0.9787 data_time: 0.0263 memory: 9812 grad_norm: 3.4854 loss: 2.2850 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2626 distill.loss_dist: 1.0224 2023/05/16 05:43:05 - mmengine - INFO - Epoch(train) [97][1200/1879] lr: 2.0000e-04 eta: 1:31:23 time: 0.8210 data_time: 0.0244 memory: 9812 grad_norm: 3.5238 loss: 2.1399 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1169 distill.loss_dist: 1.0231 2023/05/16 05:43:22 - mmengine - INFO - Epoch(train) [97][1220/1879] lr: 2.0000e-04 eta: 1:31:05 time: 0.8427 data_time: 0.0284 memory: 9812 grad_norm: 3.4378 loss: 1.9959 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0074 distill.loss_dist: 0.9885 2023/05/16 05:43:40 - mmengine - INFO - Epoch(train) [97][1240/1879] lr: 2.0000e-04 eta: 1:30:48 time: 0.9268 data_time: 0.0286 memory: 9812 grad_norm: 3.5567 loss: 2.2734 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.2447 distill.loss_dist: 1.0287 2023/05/16 05:43:57 - mmengine - INFO - Epoch(train) [97][1260/1879] lr: 2.0000e-04 eta: 1:30:30 time: 0.8397 data_time: 0.0286 memory: 9812 grad_norm: 3.4927 loss: 2.2501 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1990 distill.loss_dist: 1.0511 2023/05/16 05:44:13 - mmengine - INFO - Epoch(train) [97][1280/1879] lr: 2.0000e-04 eta: 1:30:13 time: 0.8111 data_time: 0.0295 memory: 9812 grad_norm: 3.4561 loss: 2.2753 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2552 distill.loss_dist: 1.0201 2023/05/16 05:44:31 - mmengine - INFO - Epoch(train) [97][1300/1879] lr: 2.0000e-04 eta: 1:29:56 time: 0.8798 data_time: 0.0248 memory: 9812 grad_norm: 3.4772 loss: 2.1592 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1303 distill.loss_dist: 1.0289 2023/05/16 05:44:47 - mmengine - INFO - Epoch(train) [97][1320/1879] lr: 2.0000e-04 eta: 1:29:38 time: 0.8020 data_time: 0.0277 memory: 9812 grad_norm: 3.4352 loss: 2.1762 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1552 distill.loss_dist: 1.0209 2023/05/16 05:45:03 - mmengine - INFO - Epoch(train) [97][1340/1879] lr: 2.0000e-04 eta: 1:29:21 time: 0.8232 data_time: 0.0287 memory: 9812 grad_norm: 3.5669 loss: 2.0795 student.top1_acc: 0.4375 student.top5_acc: 0.8125 student.loss_cls: 1.0761 distill.loss_dist: 1.0034 2023/05/16 05:45:23 - mmengine - INFO - Epoch(train) [97][1360/1879] lr: 2.0000e-04 eta: 1:29:04 time: 0.9579 data_time: 0.0264 memory: 9812 grad_norm: 3.5028 loss: 2.0982 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1102 distill.loss_dist: 0.9880 2023/05/16 05:45:40 - mmengine - INFO - Epoch(train) [97][1380/1879] lr: 2.0000e-04 eta: 1:28:46 time: 0.8705 data_time: 0.0282 memory: 9812 grad_norm: 3.5390 loss: 2.2032 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1894 distill.loss_dist: 1.0138 2023/05/16 05:45:57 - mmengine - INFO - Epoch(train) [97][1400/1879] lr: 2.0000e-04 eta: 1:28:29 time: 0.8272 data_time: 0.0264 memory: 9812 grad_norm: 3.4611 loss: 2.0075 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0260 distill.loss_dist: 0.9816 2023/05/16 05:46:15 - mmengine - INFO - Epoch(train) [97][1420/1879] lr: 2.0000e-04 eta: 1:28:12 time: 0.9170 data_time: 0.0262 memory: 9812 grad_norm: 3.4726 loss: 2.1023 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1097 distill.loss_dist: 0.9926 2023/05/16 05:46:33 - mmengine - INFO - Epoch(train) [97][1440/1879] lr: 2.0000e-04 eta: 1:27:54 time: 0.8891 data_time: 0.0287 memory: 9812 grad_norm: 3.5614 loss: 2.1929 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1614 distill.loss_dist: 1.0315 2023/05/16 05:46:49 - mmengine - INFO - Epoch(train) [97][1460/1879] lr: 2.0000e-04 eta: 1:27:37 time: 0.7899 data_time: 0.0268 memory: 9812 grad_norm: 3.4355 loss: 2.3465 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.3160 distill.loss_dist: 1.0305 2023/05/16 05:47:08 - mmengine - INFO - Epoch(train) [97][1480/1879] lr: 2.0000e-04 eta: 1:27:19 time: 0.9566 data_time: 0.0313 memory: 9812 grad_norm: 3.4128 loss: 2.0450 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0234 distill.loss_dist: 1.0216 2023/05/16 05:47:24 - mmengine - INFO - Epoch(train) [97][1500/1879] lr: 2.0000e-04 eta: 1:27:02 time: 0.8227 data_time: 0.0270 memory: 9812 grad_norm: 3.4462 loss: 2.2375 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1982 distill.loss_dist: 1.0394 2023/05/16 05:47:41 - mmengine - INFO - Epoch(train) [97][1520/1879] lr: 2.0000e-04 eta: 1:26:45 time: 0.8460 data_time: 0.0294 memory: 9812 grad_norm: 3.4447 loss: 2.0633 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0281 distill.loss_dist: 1.0353 2023/05/16 05:47:59 - mmengine - INFO - Epoch(train) [97][1540/1879] lr: 2.0000e-04 eta: 1:26:27 time: 0.8997 data_time: 0.0272 memory: 9812 grad_norm: 3.5538 loss: 2.2148 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1779 distill.loss_dist: 1.0368 2023/05/16 05:48:16 - mmengine - INFO - Epoch(train) [97][1560/1879] lr: 2.0000e-04 eta: 1:26:10 time: 0.8450 data_time: 0.0303 memory: 9812 grad_norm: 3.4012 loss: 2.0749 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0510 distill.loss_dist: 1.0239 2023/05/16 05:48:33 - mmengine - INFO - Epoch(train) [97][1580/1879] lr: 2.0000e-04 eta: 1:25:53 time: 0.8447 data_time: 0.0258 memory: 9812 grad_norm: 3.5312 loss: 2.0806 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0909 distill.loss_dist: 0.9897 2023/05/16 05:48:51 - mmengine - INFO - Epoch(train) [97][1600/1879] lr: 2.0000e-04 eta: 1:25:35 time: 0.9105 data_time: 0.0270 memory: 9812 grad_norm: 3.5820 loss: 2.1847 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1504 distill.loss_dist: 1.0343 2023/05/16 05:49:03 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 05:49:07 - mmengine - INFO - Epoch(train) [97][1620/1879] lr: 2.0000e-04 eta: 1:25:18 time: 0.8019 data_time: 0.0292 memory: 9812 grad_norm: 3.4760 loss: 2.2711 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2454 distill.loss_dist: 1.0257 2023/05/16 05:49:24 - mmengine - INFO - Epoch(train) [97][1640/1879] lr: 2.0000e-04 eta: 1:25:00 time: 0.8529 data_time: 0.0243 memory: 9812 grad_norm: 3.4478 loss: 1.9812 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 0.9908 distill.loss_dist: 0.9904 2023/05/16 05:49:43 - mmengine - INFO - Epoch(train) [97][1660/1879] lr: 2.0000e-04 eta: 1:24:43 time: 0.9224 data_time: 0.0294 memory: 9812 grad_norm: 3.4881 loss: 2.0180 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0304 distill.loss_dist: 0.9876 2023/05/16 05:49:59 - mmengine - INFO - Epoch(train) [97][1680/1879] lr: 2.0000e-04 eta: 1:24:26 time: 0.7965 data_time: 0.0307 memory: 9812 grad_norm: 3.5260 loss: 2.2050 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1850 distill.loss_dist: 1.0200 2023/05/16 05:50:17 - mmengine - INFO - Epoch(train) [97][1700/1879] lr: 2.0000e-04 eta: 1:24:08 time: 0.8901 data_time: 0.0353 memory: 9812 grad_norm: 3.5729 loss: 1.9917 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0061 distill.loss_dist: 0.9856 2023/05/16 05:50:35 - mmengine - INFO - Epoch(train) [97][1720/1879] lr: 2.0000e-04 eta: 1:23:51 time: 0.9009 data_time: 0.1051 memory: 9812 grad_norm: 3.5500 loss: 2.1944 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1397 distill.loss_dist: 1.0547 2023/05/16 05:50:52 - mmengine - INFO - Epoch(train) [97][1740/1879] lr: 2.0000e-04 eta: 1:23:34 time: 0.8431 data_time: 0.0302 memory: 9812 grad_norm: 3.5204 loss: 2.3266 student.top1_acc: 1.0000 student.top5_acc: 1.0000 student.loss_cls: 1.2905 distill.loss_dist: 1.0361 2023/05/16 05:51:08 - mmengine - INFO - Epoch(train) [97][1760/1879] lr: 2.0000e-04 eta: 1:23:16 time: 0.8217 data_time: 0.0270 memory: 9812 grad_norm: 3.5023 loss: 2.1849 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1637 distill.loss_dist: 1.0212 2023/05/16 05:51:27 - mmengine - INFO - Epoch(train) [97][1780/1879] lr: 2.0000e-04 eta: 1:22:59 time: 0.9296 data_time: 0.0264 memory: 9812 grad_norm: 3.4834 loss: 1.9782 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.9811 distill.loss_dist: 0.9971 2023/05/16 05:51:43 - mmengine - INFO - Epoch(train) [97][1800/1879] lr: 2.0000e-04 eta: 1:22:42 time: 0.8084 data_time: 0.0295 memory: 9812 grad_norm: 3.6593 loss: 2.4275 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.3500 distill.loss_dist: 1.0775 2023/05/16 05:51:59 - mmengine - INFO - Epoch(train) [97][1820/1879] lr: 2.0000e-04 eta: 1:22:24 time: 0.8139 data_time: 0.0256 memory: 9812 grad_norm: 3.4846 loss: 2.0820 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0550 distill.loss_dist: 1.0270 2023/05/16 05:52:18 - mmengine - INFO - Epoch(train) [97][1840/1879] lr: 2.0000e-04 eta: 1:22:07 time: 0.9419 data_time: 0.0281 memory: 9812 grad_norm: 3.4794 loss: 2.1537 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1483 distill.loss_dist: 1.0054 2023/05/16 05:52:35 - mmengine - INFO - Epoch(train) [97][1860/1879] lr: 2.0000e-04 eta: 1:21:49 time: 0.8371 data_time: 0.0305 memory: 9812 grad_norm: 3.5242 loss: 2.2728 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2246 distill.loss_dist: 1.0481 2023/05/16 05:52:48 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 05:52:48 - mmengine - INFO - Epoch(train) [97][1879/1879] lr: 2.0000e-04 eta: 1:21:33 time: 0.6820 data_time: 0.0219 memory: 9812 grad_norm: 3.5884 loss: 1.9213 student.top1_acc: 0.7143 student.top5_acc: 1.0000 student.loss_cls: 0.9260 distill.loss_dist: 0.9953 2023/05/16 05:53:07 - mmengine - INFO - Epoch(val) [97][ 20/155] eta: 0:02:09 time: 0.9593 data_time: 0.8998 memory: 1484 2023/05/16 05:53:21 - mmengine - INFO - Epoch(val) [97][ 40/155] eta: 0:01:35 time: 0.6935 data_time: 0.6259 memory: 1484 2023/05/16 05:53:39 - mmengine - INFO - Epoch(val) [97][ 60/155] eta: 0:01:21 time: 0.9119 data_time: 0.8456 memory: 1484 2023/05/16 05:53:53 - mmengine - INFO - Epoch(val) [97][ 80/155] eta: 0:01:01 time: 0.6969 data_time: 0.6325 memory: 1484 2023/05/16 05:54:12 - mmengine - INFO - Epoch(val) [97][100/155] eta: 0:00:46 time: 0.9628 data_time: 0.8992 memory: 1484 2023/05/16 05:54:25 - mmengine - INFO - Epoch(val) [97][120/155] eta: 0:00:28 time: 0.6371 data_time: 0.5746 memory: 1484 2023/05/16 05:54:45 - mmengine - INFO - Epoch(val) [97][140/155] eta: 0:00:12 time: 0.9990 data_time: 0.9373 memory: 1484 2023/05/16 05:55:16 - mmengine - INFO - Epoch(val) [97][ 20/155] eta: 0:16:20 time: 1.0121 data_time: 0.8528 memory: 1582 2023/05/16 05:55:29 - mmengine - INFO - Epoch(val) [97][ 40/155] eta: 0:07:36 time: 0.6698 data_time: 0.5197 memory: 1582 2023/05/16 05:55:48 - mmengine - INFO - Epoch(val) [97][ 60/155] eta: 0:04:41 time: 0.9466 data_time: 0.7948 memory: 1582 2023/05/16 05:56:01 - mmengine - INFO - Epoch(val) [97][ 80/155] eta: 0:02:58 time: 0.6615 data_time: 0.5073 memory: 1582 2023/05/16 05:56:21 - mmengine - INFO - Epoch(val) [97][100/155] eta: 0:01:55 time: 0.9660 data_time: 0.8113 memory: 1582 2023/05/16 05:56:35 - mmengine - INFO - Epoch(val) [97][120/155] eta: 0:01:05 time: 0.6979 data_time: 0.5435 memory: 1582 2023/05/16 05:56:55 - mmengine - INFO - Epoch(val) [97][140/155] eta: 0:00:26 time: 1.0047 data_time: 0.8524 memory: 1582 2023/05/16 05:57:04 - mmengine - INFO - Epoch(val) [97][155/155] acc/top1: 0.6790 acc/top5: 0.8800 acc/mean1: 0.6789 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6632 time: 0.8149 2023/05/16 05:57:25 - mmengine - INFO - Epoch(train) [98][ 20/1879] lr: 2.0000e-04 eta: 1:21:16 time: 1.0666 data_time: 0.5661 memory: 9812 grad_norm: 3.5756 loss: 2.2465 student.top1_acc: 0.5000 student.top5_acc: 0.6250 student.loss_cls: 1.2146 distill.loss_dist: 1.0319 2023/05/16 05:57:43 - mmengine - INFO - Epoch(train) [98][ 40/1879] lr: 2.0000e-04 eta: 1:20:58 time: 0.8756 data_time: 0.4470 memory: 9812 grad_norm: 3.5306 loss: 2.2471 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1968 distill.loss_dist: 1.0503 2023/05/16 05:57:59 - mmengine - INFO - Epoch(train) [98][ 60/1879] lr: 2.0000e-04 eta: 1:20:41 time: 0.8030 data_time: 0.3227 memory: 9812 grad_norm: 3.5445 loss: 2.1078 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0989 distill.loss_dist: 1.0089 2023/05/16 05:58:18 - mmengine - INFO - Epoch(train) [98][ 80/1879] lr: 2.0000e-04 eta: 1:20:24 time: 0.9582 data_time: 0.0994 memory: 9812 grad_norm: 3.4234 loss: 2.0967 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0935 distill.loss_dist: 1.0032 2023/05/16 05:58:34 - mmengine - INFO - Epoch(train) [98][ 100/1879] lr: 2.0000e-04 eta: 1:20:06 time: 0.8140 data_time: 0.0305 memory: 9812 grad_norm: 3.5034 loss: 2.0523 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0396 distill.loss_dist: 1.0127 2023/05/16 05:58:51 - mmengine - INFO - Epoch(train) [98][ 120/1879] lr: 2.0000e-04 eta: 1:19:49 time: 0.8232 data_time: 0.0266 memory: 9812 grad_norm: 3.4489 loss: 2.0864 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1150 distill.loss_dist: 0.9714 2023/05/16 05:59:09 - mmengine - INFO - Epoch(train) [98][ 140/1879] lr: 2.0000e-04 eta: 1:19:31 time: 0.9031 data_time: 0.0285 memory: 9812 grad_norm: 3.4833 loss: 1.9985 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.9853 distill.loss_dist: 1.0132 2023/05/16 05:59:27 - mmengine - INFO - Epoch(train) [98][ 160/1879] lr: 2.0000e-04 eta: 1:19:14 time: 0.8909 data_time: 0.0605 memory: 9812 grad_norm: 3.4831 loss: 2.1623 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1516 distill.loss_dist: 1.0107 2023/05/16 05:59:43 - mmengine - INFO - Epoch(train) [98][ 180/1879] lr: 2.0000e-04 eta: 1:18:57 time: 0.8197 data_time: 0.0271 memory: 9812 grad_norm: 3.4592 loss: 2.0692 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0550 distill.loss_dist: 1.0143 2023/05/16 06:00:01 - mmengine - INFO - Epoch(train) [98][ 200/1879] lr: 2.0000e-04 eta: 1:18:39 time: 0.8755 data_time: 0.0479 memory: 9812 grad_norm: 3.5380 loss: 2.1161 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1324 distill.loss_dist: 0.9837 2023/05/16 06:00:18 - mmengine - INFO - Epoch(train) [98][ 220/1879] lr: 2.0000e-04 eta: 1:18:22 time: 0.8757 data_time: 0.0517 memory: 9812 grad_norm: 3.4809 loss: 2.1488 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1088 distill.loss_dist: 1.0399 2023/05/16 06:00:35 - mmengine - INFO - Epoch(train) [98][ 240/1879] lr: 2.0000e-04 eta: 1:18:05 time: 0.8407 data_time: 0.0238 memory: 9812 grad_norm: 3.5227 loss: 2.2769 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.2420 distill.loss_dist: 1.0349 2023/05/16 06:00:54 - mmengine - INFO - Epoch(train) [98][ 260/1879] lr: 2.0000e-04 eta: 1:17:47 time: 0.9500 data_time: 0.0287 memory: 9812 grad_norm: 3.5621 loss: 2.0508 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0566 distill.loss_dist: 0.9942 2023/05/16 06:01:11 - mmengine - INFO - Epoch(train) [98][ 280/1879] lr: 2.0000e-04 eta: 1:17:30 time: 0.8265 data_time: 0.0280 memory: 9812 grad_norm: 3.5373 loss: 1.9857 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 0.9735 distill.loss_dist: 1.0123 2023/05/16 06:01:27 - mmengine - INFO - Epoch(train) [98][ 300/1879] lr: 2.0000e-04 eta: 1:17:13 time: 0.8388 data_time: 0.0225 memory: 9812 grad_norm: 3.4584 loss: 2.1331 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.1199 distill.loss_dist: 1.0131 2023/05/16 06:01:46 - mmengine - INFO - Epoch(train) [98][ 320/1879] lr: 2.0000e-04 eta: 1:16:55 time: 0.9204 data_time: 0.0260 memory: 9812 grad_norm: 3.5938 loss: 2.0370 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0329 distill.loss_dist: 1.0041 2023/05/16 06:02:02 - mmengine - INFO - Epoch(train) [98][ 340/1879] lr: 2.0000e-04 eta: 1:16:38 time: 0.8223 data_time: 0.0298 memory: 9812 grad_norm: 3.5773 loss: 2.2031 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1917 distill.loss_dist: 1.0114 2023/05/16 06:02:19 - mmengine - INFO - Epoch(train) [98][ 360/1879] lr: 2.0000e-04 eta: 1:16:20 time: 0.8227 data_time: 0.0287 memory: 9812 grad_norm: 3.5056 loss: 2.2870 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2572 distill.loss_dist: 1.0298 2023/05/16 06:02:37 - mmengine - INFO - Epoch(train) [98][ 380/1879] lr: 2.0000e-04 eta: 1:16:03 time: 0.8864 data_time: 0.0261 memory: 9812 grad_norm: 3.5463 loss: 2.1218 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1086 distill.loss_dist: 1.0132 2023/05/16 06:02:54 - mmengine - INFO - Epoch(train) [98][ 400/1879] lr: 2.0000e-04 eta: 1:15:46 time: 0.8620 data_time: 0.0333 memory: 9812 grad_norm: 3.5483 loss: 2.2932 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2740 distill.loss_dist: 1.0193 2023/05/16 06:03:13 - mmengine - INFO - Epoch(train) [98][ 420/1879] lr: 2.0000e-04 eta: 1:15:28 time: 0.9335 data_time: 0.0263 memory: 9812 grad_norm: 3.4059 loss: 2.0357 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0229 distill.loss_dist: 1.0128 2023/05/16 06:03:29 - mmengine - INFO - Epoch(train) [98][ 440/1879] lr: 2.0000e-04 eta: 1:15:11 time: 0.8025 data_time: 0.0297 memory: 9812 grad_norm: 3.4533 loss: 2.0628 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0402 distill.loss_dist: 1.0226 2023/05/16 06:03:45 - mmengine - INFO - Epoch(train) [98][ 460/1879] lr: 2.0000e-04 eta: 1:14:54 time: 0.8059 data_time: 0.0286 memory: 9812 grad_norm: 3.4173 loss: 2.1915 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1627 distill.loss_dist: 1.0288 2023/05/16 06:04:03 - mmengine - INFO - Epoch(train) [98][ 480/1879] lr: 2.0000e-04 eta: 1:14:36 time: 0.8966 data_time: 0.0246 memory: 9812 grad_norm: 3.5049 loss: 2.0901 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1137 distill.loss_dist: 0.9764 2023/05/16 06:04:20 - mmengine - INFO - Epoch(train) [98][ 500/1879] lr: 2.0000e-04 eta: 1:14:19 time: 0.8804 data_time: 0.0262 memory: 9812 grad_norm: 3.4972 loss: 2.0630 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0557 distill.loss_dist: 1.0073 2023/05/16 06:04:38 - mmengine - INFO - Epoch(train) [98][ 520/1879] lr: 2.0000e-04 eta: 1:14:02 time: 0.8553 data_time: 0.1935 memory: 9812 grad_norm: 3.5650 loss: 2.0591 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0432 distill.loss_dist: 1.0159 2023/05/16 06:04:55 - mmengine - INFO - Epoch(train) [98][ 540/1879] lr: 2.0000e-04 eta: 1:13:44 time: 0.8687 data_time: 0.0832 memory: 9812 grad_norm: 3.4690 loss: 2.0564 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0538 distill.loss_dist: 1.0026 2023/05/16 06:05:12 - mmengine - INFO - Epoch(train) [98][ 560/1879] lr: 2.0000e-04 eta: 1:13:27 time: 0.8304 data_time: 0.1422 memory: 9812 grad_norm: 3.3757 loss: 2.1917 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1851 distill.loss_dist: 1.0066 2023/05/16 06:05:28 - mmengine - INFO - Epoch(train) [98][ 580/1879] lr: 2.0000e-04 eta: 1:13:09 time: 0.8434 data_time: 0.0822 memory: 9812 grad_norm: 3.5021 loss: 2.0336 student.top1_acc: 0.5000 student.top5_acc: 0.8125 student.loss_cls: 1.0253 distill.loss_dist: 1.0084 2023/05/16 06:05:46 - mmengine - INFO - Epoch(train) [98][ 600/1879] lr: 2.0000e-04 eta: 1:12:52 time: 0.8654 data_time: 0.0236 memory: 9812 grad_norm: 3.5077 loss: 2.0392 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0313 distill.loss_dist: 1.0079 2023/05/16 06:06:03 - mmengine - INFO - Epoch(train) [98][ 620/1879] lr: 2.0000e-04 eta: 1:12:35 time: 0.8678 data_time: 0.0248 memory: 9812 grad_norm: 3.4755 loss: 2.0044 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 0.9889 distill.loss_dist: 1.0156 2023/05/16 06:06:22 - mmengine - INFO - Epoch(train) [98][ 640/1879] lr: 2.0000e-04 eta: 1:12:17 time: 0.9357 data_time: 0.0297 memory: 9812 grad_norm: 3.5015 loss: 2.0302 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0170 distill.loss_dist: 1.0132 2023/05/16 06:06:39 - mmengine - INFO - Epoch(train) [98][ 660/1879] lr: 2.0000e-04 eta: 1:12:00 time: 0.8739 data_time: 0.0263 memory: 9812 grad_norm: 3.5761 loss: 2.2440 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2110 distill.loss_dist: 1.0330 2023/05/16 06:06:55 - mmengine - INFO - Epoch(train) [98][ 680/1879] lr: 2.0000e-04 eta: 1:11:43 time: 0.7901 data_time: 0.0291 memory: 9812 grad_norm: 3.5452 loss: 2.2058 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1555 distill.loss_dist: 1.0503 2023/05/16 06:07:13 - mmengine - INFO - Epoch(train) [98][ 700/1879] lr: 2.0000e-04 eta: 1:11:25 time: 0.8916 data_time: 0.0289 memory: 9812 grad_norm: 3.4434 loss: 2.1164 student.top1_acc: 0.5000 student.top5_acc: 0.8750 student.loss_cls: 1.1157 distill.loss_dist: 1.0008 2023/05/16 06:07:30 - mmengine - INFO - Epoch(train) [98][ 720/1879] lr: 2.0000e-04 eta: 1:11:08 time: 0.8538 data_time: 0.0252 memory: 9812 grad_norm: 3.5267 loss: 2.1264 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1047 distill.loss_dist: 1.0217 2023/05/16 06:07:45 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 06:07:47 - mmengine - INFO - Epoch(train) [98][ 740/1879] lr: 2.0000e-04 eta: 1:10:51 time: 0.8624 data_time: 0.0285 memory: 9812 grad_norm: 3.5096 loss: 1.9610 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9375 distill.loss_dist: 1.0235 2023/05/16 06:08:05 - mmengine - INFO - Epoch(train) [98][ 760/1879] lr: 2.0000e-04 eta: 1:10:33 time: 0.8840 data_time: 0.0266 memory: 9812 grad_norm: 3.6211 loss: 2.1265 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1074 distill.loss_dist: 1.0191 2023/05/16 06:08:23 - mmengine - INFO - Epoch(train) [98][ 780/1879] lr: 2.0000e-04 eta: 1:10:16 time: 0.9021 data_time: 0.0260 memory: 9812 grad_norm: 3.4660 loss: 2.0264 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0208 distill.loss_dist: 1.0056 2023/05/16 06:08:39 - mmengine - INFO - Epoch(train) [98][ 800/1879] lr: 2.0000e-04 eta: 1:09:58 time: 0.7977 data_time: 0.0278 memory: 9812 grad_norm: 3.5446 loss: 1.9808 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 0.9807 distill.loss_dist: 1.0000 2023/05/16 06:08:56 - mmengine - INFO - Epoch(train) [98][ 820/1879] lr: 2.0000e-04 eta: 1:09:41 time: 0.8587 data_time: 0.0266 memory: 9812 grad_norm: 3.5870 loss: 2.1447 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1171 distill.loss_dist: 1.0277 2023/05/16 06:09:14 - mmengine - INFO - Epoch(train) [98][ 840/1879] lr: 2.0000e-04 eta: 1:09:24 time: 0.8885 data_time: 0.0270 memory: 9812 grad_norm: 3.5380 loss: 2.2608 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.2535 distill.loss_dist: 1.0073 2023/05/16 06:09:32 - mmengine - INFO - Epoch(train) [98][ 860/1879] lr: 2.0000e-04 eta: 1:09:06 time: 0.8845 data_time: 0.0276 memory: 9812 grad_norm: 3.4369 loss: 2.0938 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0907 distill.loss_dist: 1.0031 2023/05/16 06:09:50 - mmengine - INFO - Epoch(train) [98][ 880/1879] lr: 2.0000e-04 eta: 1:08:49 time: 0.9102 data_time: 0.0266 memory: 9812 grad_norm: 3.4808 loss: 2.2630 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2180 distill.loss_dist: 1.0450 2023/05/16 06:10:08 - mmengine - INFO - Epoch(train) [98][ 900/1879] lr: 2.0000e-04 eta: 1:08:32 time: 0.9118 data_time: 0.0277 memory: 9812 grad_norm: 3.4037 loss: 2.0139 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0032 distill.loss_dist: 1.0107 2023/05/16 06:10:24 - mmengine - INFO - Epoch(train) [98][ 920/1879] lr: 2.0000e-04 eta: 1:08:14 time: 0.7684 data_time: 0.0257 memory: 9812 grad_norm: 3.4301 loss: 1.8952 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 0.9203 distill.loss_dist: 0.9749 2023/05/16 06:10:40 - mmengine - INFO - Epoch(train) [98][ 940/1879] lr: 2.0000e-04 eta: 1:07:57 time: 0.7893 data_time: 0.0270 memory: 9812 grad_norm: 3.4727 loss: 2.0785 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1011 distill.loss_dist: 0.9774 2023/05/16 06:10:58 - mmengine - INFO - Epoch(train) [98][ 960/1879] lr: 2.0000e-04 eta: 1:07:40 time: 0.9288 data_time: 0.0273 memory: 9812 grad_norm: 3.4082 loss: 1.9770 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 0.9572 distill.loss_dist: 1.0198 2023/05/16 06:11:15 - mmengine - INFO - Epoch(train) [98][ 980/1879] lr: 2.0000e-04 eta: 1:07:22 time: 0.8315 data_time: 0.0280 memory: 9812 grad_norm: 3.4858 loss: 2.1182 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0862 distill.loss_dist: 1.0320 2023/05/16 06:11:33 - mmengine - INFO - Epoch(train) [98][1000/1879] lr: 2.0000e-04 eta: 1:07:05 time: 0.9019 data_time: 0.0272 memory: 9812 grad_norm: 3.4757 loss: 2.0244 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0415 distill.loss_dist: 0.9830 2023/05/16 06:11:50 - mmengine - INFO - Epoch(train) [98][1020/1879] lr: 2.0000e-04 eta: 1:06:47 time: 0.8629 data_time: 0.0284 memory: 9812 grad_norm: 3.5488 loss: 2.2785 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.2591 distill.loss_dist: 1.0194 2023/05/16 06:12:06 - mmengine - INFO - Epoch(train) [98][1040/1879] lr: 2.0000e-04 eta: 1:06:30 time: 0.8080 data_time: 0.0255 memory: 9812 grad_norm: 3.4753 loss: 1.9330 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9547 distill.loss_dist: 0.9783 2023/05/16 06:12:23 - mmengine - INFO - Epoch(train) [98][1060/1879] lr: 2.0000e-04 eta: 1:06:13 time: 0.8310 data_time: 0.0311 memory: 9812 grad_norm: 3.5219 loss: 2.2394 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2016 distill.loss_dist: 1.0378 2023/05/16 06:12:41 - mmengine - INFO - Epoch(train) [98][1080/1879] lr: 2.0000e-04 eta: 1:05:55 time: 0.9066 data_time: 0.0277 memory: 9812 grad_norm: 3.4649 loss: 2.2194 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2071 distill.loss_dist: 1.0123 2023/05/16 06:12:59 - mmengine - INFO - Epoch(train) [98][1100/1879] lr: 2.0000e-04 eta: 1:05:38 time: 0.8931 data_time: 0.0267 memory: 9812 grad_norm: 3.6050 loss: 2.2726 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2444 distill.loss_dist: 1.0282 2023/05/16 06:13:16 - mmengine - INFO - Epoch(train) [98][1120/1879] lr: 2.0000e-04 eta: 1:05:21 time: 0.8475 data_time: 0.0236 memory: 9812 grad_norm: 3.4932 loss: 2.1262 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1024 distill.loss_dist: 1.0237 2023/05/16 06:13:34 - mmengine - INFO - Epoch(train) [98][1140/1879] lr: 2.0000e-04 eta: 1:05:03 time: 0.8876 data_time: 0.0278 memory: 9812 grad_norm: 3.4899 loss: 2.0609 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0659 distill.loss_dist: 0.9951 2023/05/16 06:13:50 - mmengine - INFO - Epoch(train) [98][1160/1879] lr: 2.0000e-04 eta: 1:04:46 time: 0.8168 data_time: 0.0256 memory: 9812 grad_norm: 3.5892 loss: 2.0502 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.0451 distill.loss_dist: 1.0051 2023/05/16 06:14:07 - mmengine - INFO - Epoch(train) [98][1180/1879] lr: 2.0000e-04 eta: 1:04:28 time: 0.8584 data_time: 0.0612 memory: 9812 grad_norm: 3.4434 loss: 2.1663 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1403 distill.loss_dist: 1.0260 2023/05/16 06:14:25 - mmengine - INFO - Epoch(train) [98][1200/1879] lr: 2.0000e-04 eta: 1:04:11 time: 0.9054 data_time: 0.0857 memory: 9812 grad_norm: 3.5340 loss: 2.1474 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0963 distill.loss_dist: 1.0511 2023/05/16 06:14:42 - mmengine - INFO - Epoch(train) [98][1220/1879] lr: 2.0000e-04 eta: 1:03:54 time: 0.8260 data_time: 0.0684 memory: 9812 grad_norm: 3.4472 loss: 1.9354 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 0.9107 distill.loss_dist: 1.0247 2023/05/16 06:14:58 - mmengine - INFO - Epoch(train) [98][1240/1879] lr: 2.0000e-04 eta: 1:03:36 time: 0.8139 data_time: 0.0539 memory: 9812 grad_norm: 3.4835 loss: 2.1507 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1224 distill.loss_dist: 1.0283 2023/05/16 06:15:17 - mmengine - INFO - Epoch(train) [98][1260/1879] lr: 2.0000e-04 eta: 1:03:19 time: 0.9130 data_time: 0.1381 memory: 9812 grad_norm: 3.5411 loss: 2.1996 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1754 distill.loss_dist: 1.0242 2023/05/16 06:15:34 - mmengine - INFO - Epoch(train) [98][1280/1879] lr: 2.0000e-04 eta: 1:03:02 time: 0.8579 data_time: 0.0606 memory: 9812 grad_norm: 3.6225 loss: 2.1902 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1512 distill.loss_dist: 1.0390 2023/05/16 06:15:50 - mmengine - INFO - Epoch(train) [98][1300/1879] lr: 2.0000e-04 eta: 1:02:44 time: 0.7942 data_time: 0.0431 memory: 9812 grad_norm: 3.4870 loss: 2.0335 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0171 distill.loss_dist: 1.0165 2023/05/16 06:16:08 - mmengine - INFO - Epoch(train) [98][1320/1879] lr: 2.0000e-04 eta: 1:02:27 time: 0.9235 data_time: 0.0413 memory: 9812 grad_norm: 3.4277 loss: 2.1641 student.top1_acc: 0.5625 student.top5_acc: 0.6250 student.loss_cls: 1.1525 distill.loss_dist: 1.0116 2023/05/16 06:16:25 - mmengine - INFO - Epoch(train) [98][1340/1879] lr: 2.0000e-04 eta: 1:02:10 time: 0.8487 data_time: 0.0307 memory: 9812 grad_norm: 3.5968 loss: 2.2578 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2080 distill.loss_dist: 1.0498 2023/05/16 06:16:42 - mmengine - INFO - Epoch(train) [98][1360/1879] lr: 2.0000e-04 eta: 1:01:52 time: 0.8209 data_time: 0.0240 memory: 9812 grad_norm: 3.5043 loss: 2.2186 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1974 distill.loss_dist: 1.0212 2023/05/16 06:17:01 - mmengine - INFO - Epoch(train) [98][1380/1879] lr: 2.0000e-04 eta: 1:01:35 time: 0.9507 data_time: 0.0263 memory: 9812 grad_norm: 3.4871 loss: 2.1629 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1282 distill.loss_dist: 1.0347 2023/05/16 06:17:18 - mmengine - INFO - Epoch(train) [98][1400/1879] lr: 2.0000e-04 eta: 1:01:17 time: 0.8603 data_time: 0.0267 memory: 9812 grad_norm: 3.5226 loss: 2.0082 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 0.9797 distill.loss_dist: 1.0285 2023/05/16 06:17:35 - mmengine - INFO - Epoch(train) [98][1420/1879] lr: 2.0000e-04 eta: 1:01:00 time: 0.8352 data_time: 0.0252 memory: 9812 grad_norm: 3.4006 loss: 1.9740 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0046 distill.loss_dist: 0.9694 2023/05/16 06:17:53 - mmengine - INFO - Epoch(train) [98][1440/1879] lr: 2.0000e-04 eta: 1:00:43 time: 0.9188 data_time: 0.0267 memory: 9812 grad_norm: 3.4241 loss: 2.1995 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1784 distill.loss_dist: 1.0211 2023/05/16 06:18:10 - mmengine - INFO - Epoch(train) [98][1460/1879] lr: 2.0000e-04 eta: 1:00:25 time: 0.8502 data_time: 0.0299 memory: 9812 grad_norm: 3.5275 loss: 2.0122 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0245 distill.loss_dist: 0.9877 2023/05/16 06:18:26 - mmengine - INFO - Epoch(train) [98][1480/1879] lr: 2.0000e-04 eta: 1:00:08 time: 0.7811 data_time: 0.0272 memory: 9812 grad_norm: 3.5964 loss: 2.0683 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0766 distill.loss_dist: 0.9917 2023/05/16 06:18:45 - mmengine - INFO - Epoch(train) [98][1500/1879] lr: 2.0000e-04 eta: 0:59:51 time: 0.9683 data_time: 0.0260 memory: 9812 grad_norm: 3.5096 loss: 2.3171 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2511 distill.loss_dist: 1.0660 2023/05/16 06:19:01 - mmengine - INFO - Epoch(train) [98][1520/1879] lr: 2.0000e-04 eta: 0:59:33 time: 0.8173 data_time: 0.0270 memory: 9812 grad_norm: 3.5541 loss: 2.0911 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0669 distill.loss_dist: 1.0241 2023/05/16 06:19:18 - mmengine - INFO - Epoch(train) [98][1540/1879] lr: 2.0000e-04 eta: 0:59:16 time: 0.8085 data_time: 0.0272 memory: 9812 grad_norm: 3.4891 loss: 2.0160 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0021 distill.loss_dist: 1.0140 2023/05/16 06:19:36 - mmengine - INFO - Epoch(train) [98][1560/1879] lr: 2.0000e-04 eta: 0:58:59 time: 0.9077 data_time: 0.0276 memory: 9812 grad_norm: 3.5593 loss: 2.2973 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2507 distill.loss_dist: 1.0466 2023/05/16 06:19:52 - mmengine - INFO - Epoch(train) [98][1580/1879] lr: 2.0000e-04 eta: 0:58:41 time: 0.8348 data_time: 0.0474 memory: 9812 grad_norm: 3.5195 loss: 2.1494 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1429 distill.loss_dist: 1.0064 2023/05/16 06:20:09 - mmengine - INFO - Epoch(train) [98][1600/1879] lr: 2.0000e-04 eta: 0:58:24 time: 0.8336 data_time: 0.0305 memory: 9812 grad_norm: 3.4459 loss: 2.0255 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 0.9975 distill.loss_dist: 1.0280 2023/05/16 06:20:28 - mmengine - INFO - Epoch(train) [98][1620/1879] lr: 2.0000e-04 eta: 0:58:06 time: 0.9258 data_time: 0.0269 memory: 9812 grad_norm: 3.4349 loss: 2.0541 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0381 distill.loss_dist: 1.0161 2023/05/16 06:20:45 - mmengine - INFO - Epoch(train) [98][1640/1879] lr: 2.0000e-04 eta: 0:57:49 time: 0.8556 data_time: 0.0295 memory: 9812 grad_norm: 3.5838 loss: 2.2689 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2218 distill.loss_dist: 1.0471 2023/05/16 06:21:02 - mmengine - INFO - Epoch(train) [98][1660/1879] lr: 2.0000e-04 eta: 0:57:32 time: 0.8714 data_time: 0.0276 memory: 9812 grad_norm: 3.5080 loss: 2.0428 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0509 distill.loss_dist: 0.9919 2023/05/16 06:21:18 - mmengine - INFO - Epoch(train) [98][1680/1879] lr: 2.0000e-04 eta: 0:57:14 time: 0.7917 data_time: 0.0261 memory: 9812 grad_norm: 3.4922 loss: 2.2596 student.top1_acc: 0.5625 student.top5_acc: 0.6875 student.loss_cls: 1.2361 distill.loss_dist: 1.0235 2023/05/16 06:21:37 - mmengine - INFO - Epoch(train) [98][1700/1879] lr: 2.0000e-04 eta: 0:56:57 time: 0.9398 data_time: 0.0260 memory: 9812 grad_norm: 3.5244 loss: 2.2511 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2238 distill.loss_dist: 1.0272 2023/05/16 06:21:53 - mmengine - INFO - Epoch(train) [98][1720/1879] lr: 2.0000e-04 eta: 0:56:40 time: 0.8089 data_time: 0.0278 memory: 9812 grad_norm: 3.4919 loss: 1.9956 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0036 distill.loss_dist: 0.9920 2023/05/16 06:22:08 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 06:22:11 - mmengine - INFO - Epoch(train) [98][1740/1879] lr: 2.0000e-04 eta: 0:56:22 time: 0.9161 data_time: 0.0277 memory: 9812 grad_norm: 3.5135 loss: 2.2194 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1841 distill.loss_dist: 1.0352 2023/05/16 06:22:28 - mmengine - INFO - Epoch(train) [98][1760/1879] lr: 2.0000e-04 eta: 0:56:05 time: 0.8126 data_time: 0.0315 memory: 9812 grad_norm: 3.5069 loss: 2.0341 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0220 distill.loss_dist: 1.0121 2023/05/16 06:22:45 - mmengine - INFO - Epoch(train) [98][1780/1879] lr: 2.0000e-04 eta: 0:55:48 time: 0.8515 data_time: 0.0268 memory: 9812 grad_norm: 3.5261 loss: 2.0066 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0271 distill.loss_dist: 0.9795 2023/05/16 06:23:03 - mmengine - INFO - Epoch(train) [98][1800/1879] lr: 2.0000e-04 eta: 0:55:30 time: 0.9073 data_time: 0.0282 memory: 9812 grad_norm: 3.4569 loss: 2.1602 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1328 distill.loss_dist: 1.0274 2023/05/16 06:23:20 - mmengine - INFO - Epoch(train) [98][1820/1879] lr: 2.0000e-04 eta: 0:55:13 time: 0.8280 data_time: 0.0258 memory: 9812 grad_norm: 3.5033 loss: 2.2040 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1714 distill.loss_dist: 1.0326 2023/05/16 06:23:37 - mmengine - INFO - Epoch(train) [98][1840/1879] lr: 2.0000e-04 eta: 0:54:55 time: 0.8692 data_time: 0.0262 memory: 9812 grad_norm: 3.4224 loss: 2.1014 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0901 distill.loss_dist: 1.0113 2023/05/16 06:23:55 - mmengine - INFO - Epoch(train) [98][1860/1879] lr: 2.0000e-04 eta: 0:54:38 time: 0.9163 data_time: 0.0263 memory: 9812 grad_norm: 3.5500 loss: 2.2348 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2016 distill.loss_dist: 1.0332 2023/05/16 06:24:08 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 06:24:08 - mmengine - INFO - Epoch(train) [98][1879/1879] lr: 2.0000e-04 eta: 0:54:22 time: 0.6791 data_time: 0.0209 memory: 9812 grad_norm: 3.6481 loss: 2.1320 student.top1_acc: 0.8571 student.top5_acc: 1.0000 student.loss_cls: 1.1073 distill.loss_dist: 1.0247 2023/05/16 06:24:27 - mmengine - INFO - Epoch(val) [98][ 20/155] eta: 0:02:10 time: 0.9703 data_time: 0.9013 memory: 1484 2023/05/16 06:24:40 - mmengine - INFO - Epoch(val) [98][ 40/155] eta: 0:01:32 time: 0.6434 data_time: 0.5818 memory: 1484 2023/05/16 06:24:57 - mmengine - INFO - Epoch(val) [98][ 60/155] eta: 0:01:18 time: 0.8553 data_time: 0.7877 memory: 1484 2023/05/16 06:25:12 - mmengine - INFO - Epoch(val) [98][ 80/155] eta: 0:00:59 time: 0.7223 data_time: 0.6567 memory: 1484 2023/05/16 06:25:31 - mmengine - INFO - Epoch(val) [98][100/155] eta: 0:00:45 time: 0.9411 data_time: 0.8754 memory: 1484 2023/05/16 06:25:44 - mmengine - INFO - Epoch(val) [98][120/155] eta: 0:00:27 time: 0.6399 data_time: 0.5745 memory: 1484 2023/05/16 06:26:04 - mmengine - INFO - Epoch(val) [98][140/155] eta: 0:00:12 time: 1.0003 data_time: 0.9369 memory: 1484 2023/05/16 06:26:34 - mmengine - INFO - Epoch(val) [98][ 20/155] eta: 0:16:11 time: 0.9960 data_time: 0.8415 memory: 1582 2023/05/16 06:26:48 - mmengine - INFO - Epoch(val) [98][ 40/155] eta: 0:07:34 time: 0.7081 data_time: 0.5546 memory: 1582 2023/05/16 06:27:06 - mmengine - INFO - Epoch(val) [98][ 60/155] eta: 0:04:38 time: 0.8924 data_time: 0.7399 memory: 1582 2023/05/16 06:27:20 - mmengine - INFO - Epoch(val) [98][ 80/155] eta: 0:02:58 time: 0.7145 data_time: 0.5608 memory: 1582 2023/05/16 06:27:39 - mmengine - INFO - Epoch(val) [98][100/155] eta: 0:01:55 time: 0.9444 data_time: 0.7937 memory: 1582 2023/05/16 06:27:53 - mmengine - INFO - Epoch(val) [98][120/155] eta: 0:01:05 time: 0.6850 data_time: 0.5342 memory: 1582 2023/05/16 06:28:12 - mmengine - INFO - Epoch(val) [98][140/155] eta: 0:00:25 time: 0.9555 data_time: 0.8022 memory: 1582 2023/05/16 06:28:23 - mmengine - INFO - Epoch(val) [98][155/155] acc/top1: 0.6789 acc/top5: 0.8802 acc/mean1: 0.6788 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6588 time: 0.8095 2023/05/16 06:28:45 - mmengine - INFO - Epoch(train) [99][ 20/1879] lr: 2.0000e-04 eta: 0:54:04 time: 1.1081 data_time: 0.5689 memory: 9812 grad_norm: 3.4221 loss: 2.0314 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0404 distill.loss_dist: 0.9910 2023/05/16 06:29:02 - mmengine - INFO - Epoch(train) [99][ 40/1879] lr: 2.0000e-04 eta: 0:53:47 time: 0.8744 data_time: 0.1332 memory: 9812 grad_norm: 3.5266 loss: 2.1279 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1183 distill.loss_dist: 1.0096 2023/05/16 06:29:18 - mmengine - INFO - Epoch(train) [99][ 60/1879] lr: 2.0000e-04 eta: 0:53:30 time: 0.7701 data_time: 0.0270 memory: 9812 grad_norm: 3.4696 loss: 2.1545 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1341 distill.loss_dist: 1.0205 2023/05/16 06:29:37 - mmengine - INFO - Epoch(train) [99][ 80/1879] lr: 2.0000e-04 eta: 0:53:12 time: 0.9414 data_time: 0.0275 memory: 9812 grad_norm: 3.4178 loss: 1.9859 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 0.9760 distill.loss_dist: 1.0099 2023/05/16 06:29:53 - mmengine - INFO - Epoch(train) [99][ 100/1879] lr: 2.0000e-04 eta: 0:52:55 time: 0.8404 data_time: 0.0251 memory: 9812 grad_norm: 3.5649 loss: 2.1448 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1017 distill.loss_dist: 1.0431 2023/05/16 06:30:11 - mmengine - INFO - Epoch(train) [99][ 120/1879] lr: 2.0000e-04 eta: 0:52:37 time: 0.8933 data_time: 0.2586 memory: 9812 grad_norm: 3.5142 loss: 2.1643 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1285 distill.loss_dist: 1.0358 2023/05/16 06:30:30 - mmengine - INFO - Epoch(train) [99][ 140/1879] lr: 2.0000e-04 eta: 0:52:20 time: 0.9112 data_time: 0.2185 memory: 9812 grad_norm: 3.5531 loss: 2.2289 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1974 distill.loss_dist: 1.0314 2023/05/16 06:30:45 - mmengine - INFO - Epoch(train) [99][ 160/1879] lr: 2.0000e-04 eta: 0:52:03 time: 0.7761 data_time: 0.0866 memory: 9812 grad_norm: 3.5090 loss: 2.1499 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1185 distill.loss_dist: 1.0313 2023/05/16 06:31:02 - mmengine - INFO - Epoch(train) [99][ 180/1879] lr: 2.0000e-04 eta: 0:51:45 time: 0.8250 data_time: 0.1400 memory: 9812 grad_norm: 3.4059 loss: 2.3455 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2936 distill.loss_dist: 1.0520 2023/05/16 06:31:22 - mmengine - INFO - Epoch(train) [99][ 200/1879] lr: 2.0000e-04 eta: 0:51:28 time: 1.0177 data_time: 0.1131 memory: 9812 grad_norm: 3.5861 loss: 2.2291 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2025 distill.loss_dist: 1.0266 2023/05/16 06:31:38 - mmengine - INFO - Epoch(train) [99][ 220/1879] lr: 2.0000e-04 eta: 0:51:11 time: 0.8096 data_time: 0.0261 memory: 9812 grad_norm: 3.5267 loss: 2.2758 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.2480 distill.loss_dist: 1.0277 2023/05/16 06:31:54 - mmengine - INFO - Epoch(train) [99][ 240/1879] lr: 2.0000e-04 eta: 0:50:53 time: 0.7890 data_time: 0.0256 memory: 9812 grad_norm: 3.4673 loss: 2.1308 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1255 distill.loss_dist: 1.0053 2023/05/16 06:32:12 - mmengine - INFO - Epoch(train) [99][ 260/1879] lr: 2.0000e-04 eta: 0:50:36 time: 0.9058 data_time: 0.0245 memory: 9812 grad_norm: 3.4940 loss: 2.2320 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1889 distill.loss_dist: 1.0431 2023/05/16 06:32:30 - mmengine - INFO - Epoch(train) [99][ 280/1879] lr: 2.0000e-04 eta: 0:50:19 time: 0.8837 data_time: 0.0274 memory: 9812 grad_norm: 3.4763 loss: 2.1128 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1099 distill.loss_dist: 1.0029 2023/05/16 06:32:46 - mmengine - INFO - Epoch(train) [99][ 300/1879] lr: 2.0000e-04 eta: 0:50:01 time: 0.7931 data_time: 0.0279 memory: 9812 grad_norm: 3.3621 loss: 1.9856 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0146 distill.loss_dist: 0.9710 2023/05/16 06:33:04 - mmengine - INFO - Epoch(train) [99][ 320/1879] lr: 2.0000e-04 eta: 0:49:44 time: 0.9249 data_time: 0.0262 memory: 9812 grad_norm: 3.5854 loss: 2.0449 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0282 distill.loss_dist: 1.0167 2023/05/16 06:33:20 - mmengine - INFO - Epoch(train) [99][ 340/1879] lr: 2.0000e-04 eta: 0:49:26 time: 0.8012 data_time: 0.0258 memory: 9812 grad_norm: 3.4891 loss: 2.1096 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1028 distill.loss_dist: 1.0068 2023/05/16 06:33:38 - mmengine - INFO - Epoch(train) [99][ 360/1879] lr: 2.0000e-04 eta: 0:49:09 time: 0.8635 data_time: 0.0282 memory: 9812 grad_norm: 3.4804 loss: 2.0592 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0348 distill.loss_dist: 1.0244 2023/05/16 06:33:56 - mmengine - INFO - Epoch(train) [99][ 380/1879] lr: 2.0000e-04 eta: 0:48:52 time: 0.9084 data_time: 0.0272 memory: 9812 grad_norm: 3.5375 loss: 2.1854 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1781 distill.loss_dist: 1.0073 2023/05/16 06:34:13 - mmengine - INFO - Epoch(train) [99][ 400/1879] lr: 2.0000e-04 eta: 0:48:34 time: 0.8506 data_time: 0.0307 memory: 9812 grad_norm: 3.3995 loss: 2.0176 student.top1_acc: 0.5000 student.top5_acc: 0.6875 student.loss_cls: 1.0298 distill.loss_dist: 0.9878 2023/05/16 06:34:30 - mmengine - INFO - Epoch(train) [99][ 420/1879] lr: 2.0000e-04 eta: 0:48:17 time: 0.8392 data_time: 0.0251 memory: 9812 grad_norm: 3.5176 loss: 2.0075 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0255 distill.loss_dist: 0.9821 2023/05/16 06:34:46 - mmengine - INFO - Epoch(train) [99][ 440/1879] lr: 2.0000e-04 eta: 0:48:00 time: 0.8295 data_time: 0.0287 memory: 9812 grad_norm: 3.4006 loss: 2.1878 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1709 distill.loss_dist: 1.0169 2023/05/16 06:35:05 - mmengine - INFO - Epoch(train) [99][ 460/1879] lr: 2.0000e-04 eta: 0:47:42 time: 0.9376 data_time: 0.0270 memory: 9812 grad_norm: 3.4977 loss: 2.2743 student.top1_acc: 0.3750 student.top5_acc: 0.8125 student.loss_cls: 1.2448 distill.loss_dist: 1.0295 2023/05/16 06:35:22 - mmengine - INFO - Epoch(train) [99][ 480/1879] lr: 2.0000e-04 eta: 0:47:25 time: 0.8460 data_time: 0.0261 memory: 9812 grad_norm: 3.5263 loss: 2.2176 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1953 distill.loss_dist: 1.0222 2023/05/16 06:35:38 - mmengine - INFO - Epoch(train) [99][ 500/1879] lr: 2.0000e-04 eta: 0:47:08 time: 0.8102 data_time: 0.0274 memory: 9812 grad_norm: 3.5543 loss: 2.2139 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1857 distill.loss_dist: 1.0283 2023/05/16 06:35:57 - mmengine - INFO - Epoch(train) [99][ 520/1879] lr: 2.0000e-04 eta: 0:46:50 time: 0.9372 data_time: 0.0266 memory: 9812 grad_norm: 3.5277 loss: 2.0823 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 1.0703 distill.loss_dist: 1.0120 2023/05/16 06:36:13 - mmengine - INFO - Epoch(train) [99][ 540/1879] lr: 2.0000e-04 eta: 0:46:33 time: 0.7980 data_time: 0.0231 memory: 9812 grad_norm: 3.5682 loss: 2.1399 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1376 distill.loss_dist: 1.0023 2023/05/16 06:36:29 - mmengine - INFO - Epoch(train) [99][ 560/1879] lr: 2.0000e-04 eta: 0:46:15 time: 0.7978 data_time: 0.0279 memory: 9812 grad_norm: 3.5472 loss: 2.2882 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.2627 distill.loss_dist: 1.0256 2023/05/16 06:36:47 - mmengine - INFO - Epoch(train) [99][ 580/1879] lr: 2.0000e-04 eta: 0:45:58 time: 0.9194 data_time: 0.0835 memory: 9812 grad_norm: 3.4614 loss: 2.0613 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0849 distill.loss_dist: 0.9764 2023/05/16 06:37:05 - mmengine - INFO - Epoch(train) [99][ 600/1879] lr: 2.0000e-04 eta: 0:45:41 time: 0.9051 data_time: 0.1650 memory: 9812 grad_norm: 3.5175 loss: 1.9629 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 0.9783 distill.loss_dist: 0.9846 2023/05/16 06:37:22 - mmengine - INFO - Epoch(train) [99][ 620/1879] lr: 2.0000e-04 eta: 0:45:23 time: 0.8024 data_time: 0.2884 memory: 9812 grad_norm: 3.5337 loss: 2.3359 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2942 distill.loss_dist: 1.0416 2023/05/16 06:37:40 - mmengine - INFO - Epoch(train) [99][ 640/1879] lr: 2.0000e-04 eta: 0:45:06 time: 0.9279 data_time: 0.3493 memory: 9812 grad_norm: 3.5704 loss: 2.3143 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2769 distill.loss_dist: 1.0374 2023/05/16 06:37:56 - mmengine - INFO - Epoch(train) [99][ 660/1879] lr: 2.0000e-04 eta: 0:44:49 time: 0.8193 data_time: 0.1485 memory: 9812 grad_norm: 3.5310 loss: 2.0998 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.0777 distill.loss_dist: 1.0221 2023/05/16 06:38:14 - mmengine - INFO - Epoch(train) [99][ 680/1879] lr: 2.0000e-04 eta: 0:44:31 time: 0.8670 data_time: 0.2219 memory: 9812 grad_norm: 3.4388 loss: 2.2208 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1972 distill.loss_dist: 1.0236 2023/05/16 06:38:32 - mmengine - INFO - Epoch(train) [99][ 700/1879] lr: 2.0000e-04 eta: 0:44:14 time: 0.8961 data_time: 0.2513 memory: 9812 grad_norm: 3.4844 loss: 2.1148 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.1374 distill.loss_dist: 0.9774 2023/05/16 06:38:50 - mmengine - INFO - Epoch(train) [99][ 720/1879] lr: 2.0000e-04 eta: 0:43:57 time: 0.9214 data_time: 0.0930 memory: 9812 grad_norm: 3.4910 loss: 2.2069 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.2005 distill.loss_dist: 1.0064 2023/05/16 06:39:05 - mmengine - INFO - Epoch(train) [99][ 740/1879] lr: 2.0000e-04 eta: 0:43:39 time: 0.7567 data_time: 0.1059 memory: 9812 grad_norm: 3.4994 loss: 2.3375 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.3002 distill.loss_dist: 1.0372 2023/05/16 06:39:23 - mmengine - INFO - Epoch(train) [99][ 760/1879] lr: 2.0000e-04 eta: 0:43:22 time: 0.8984 data_time: 0.3077 memory: 9812 grad_norm: 3.6033 loss: 2.0854 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0748 distill.loss_dist: 1.0106 2023/05/16 06:39:40 - mmengine - INFO - Epoch(train) [99][ 780/1879] lr: 2.0000e-04 eta: 0:43:04 time: 0.8077 data_time: 0.1312 memory: 9812 grad_norm: 3.5592 loss: 2.1171 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1161 distill.loss_dist: 1.0010 2023/05/16 06:39:58 - mmengine - INFO - Epoch(train) [99][ 800/1879] lr: 2.0000e-04 eta: 0:42:47 time: 0.9004 data_time: 0.0432 memory: 9812 grad_norm: 3.5067 loss: 2.1948 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.1726 distill.loss_dist: 1.0222 2023/05/16 06:40:15 - mmengine - INFO - Epoch(train) [99][ 820/1879] lr: 2.0000e-04 eta: 0:42:30 time: 0.8651 data_time: 0.0267 memory: 9812 grad_norm: 3.5986 loss: 2.2121 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1938 distill.loss_dist: 1.0183 2023/05/16 06:40:32 - mmengine - INFO - Epoch(train) [99][ 840/1879] lr: 2.0000e-04 eta: 0:42:12 time: 0.8467 data_time: 0.0265 memory: 9812 grad_norm: 3.4592 loss: 1.9597 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9599 distill.loss_dist: 0.9998 2023/05/16 06:40:47 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 06:40:50 - mmengine - INFO - Epoch(train) [99][ 860/1879] lr: 2.0000e-04 eta: 0:41:55 time: 0.8963 data_time: 0.0441 memory: 9812 grad_norm: 3.4998 loss: 2.1076 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0803 distill.loss_dist: 1.0273 2023/05/16 06:41:08 - mmengine - INFO - Epoch(train) [99][ 880/1879] lr: 2.0000e-04 eta: 0:41:38 time: 0.9017 data_time: 0.0266 memory: 9812 grad_norm: 3.4596 loss: 2.1397 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.1281 distill.loss_dist: 1.0116 2023/05/16 06:41:25 - mmengine - INFO - Epoch(train) [99][ 900/1879] lr: 2.0000e-04 eta: 0:41:20 time: 0.8751 data_time: 0.0236 memory: 9812 grad_norm: 3.4528 loss: 2.2360 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2153 distill.loss_dist: 1.0207 2023/05/16 06:41:42 - mmengine - INFO - Epoch(train) [99][ 920/1879] lr: 2.0000e-04 eta: 0:41:03 time: 0.8188 data_time: 0.0280 memory: 9812 grad_norm: 3.5500 loss: 2.2808 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2531 distill.loss_dist: 1.0276 2023/05/16 06:41:59 - mmengine - INFO - Epoch(train) [99][ 940/1879] lr: 2.0000e-04 eta: 0:40:46 time: 0.8680 data_time: 0.0253 memory: 9812 grad_norm: 3.3988 loss: 2.1228 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.1016 distill.loss_dist: 1.0212 2023/05/16 06:42:17 - mmengine - INFO - Epoch(train) [99][ 960/1879] lr: 2.0000e-04 eta: 0:40:28 time: 0.9007 data_time: 0.0256 memory: 9812 grad_norm: 3.5358 loss: 2.1411 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1408 distill.loss_dist: 1.0003 2023/05/16 06:42:34 - mmengine - INFO - Epoch(train) [99][ 980/1879] lr: 2.0000e-04 eta: 0:40:11 time: 0.8354 data_time: 0.0297 memory: 9812 grad_norm: 3.6241 loss: 2.0938 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0867 distill.loss_dist: 1.0072 2023/05/16 06:42:50 - mmengine - INFO - Epoch(train) [99][1000/1879] lr: 2.0000e-04 eta: 0:39:54 time: 0.8203 data_time: 0.0289 memory: 9812 grad_norm: 3.4790 loss: 2.1264 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.1137 distill.loss_dist: 1.0127 2023/05/16 06:43:09 - mmengine - INFO - Epoch(train) [99][1020/1879] lr: 2.0000e-04 eta: 0:39:36 time: 0.9406 data_time: 0.0298 memory: 9812 grad_norm: 3.4647 loss: 2.1006 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0713 distill.loss_dist: 1.0293 2023/05/16 06:43:26 - mmengine - INFO - Epoch(train) [99][1040/1879] lr: 2.0000e-04 eta: 0:39:19 time: 0.8364 data_time: 0.0269 memory: 9812 grad_norm: 3.5452 loss: 2.2088 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1595 distill.loss_dist: 1.0493 2023/05/16 06:43:44 - mmengine - INFO - Epoch(train) [99][1060/1879] lr: 2.0000e-04 eta: 0:39:01 time: 0.8794 data_time: 0.0267 memory: 9812 grad_norm: 3.5225 loss: 2.1721 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1673 distill.loss_dist: 1.0048 2023/05/16 06:44:00 - mmengine - INFO - Epoch(train) [99][1080/1879] lr: 2.0000e-04 eta: 0:38:44 time: 0.8307 data_time: 0.0259 memory: 9812 grad_norm: 3.5288 loss: 2.0361 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0331 distill.loss_dist: 1.0030 2023/05/16 06:44:18 - mmengine - INFO - Epoch(train) [99][1100/1879] lr: 2.0000e-04 eta: 0:38:27 time: 0.8613 data_time: 0.0286 memory: 9812 grad_norm: 3.4383 loss: 2.0928 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0775 distill.loss_dist: 1.0152 2023/05/16 06:44:36 - mmengine - INFO - Epoch(train) [99][1120/1879] lr: 2.0000e-04 eta: 0:38:09 time: 0.9232 data_time: 0.0283 memory: 9812 grad_norm: 3.4929 loss: 2.1061 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0799 distill.loss_dist: 1.0262 2023/05/16 06:44:53 - mmengine - INFO - Epoch(train) [99][1140/1879] lr: 2.0000e-04 eta: 0:37:52 time: 0.8593 data_time: 0.0278 memory: 9812 grad_norm: 3.3890 loss: 2.1713 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.1218 distill.loss_dist: 1.0495 2023/05/16 06:45:09 - mmengine - INFO - Epoch(train) [99][1160/1879] lr: 2.0000e-04 eta: 0:37:35 time: 0.7903 data_time: 0.0278 memory: 9812 grad_norm: 3.4814 loss: 2.2307 student.top1_acc: 0.5625 student.top5_acc: 0.5625 student.loss_cls: 1.1729 distill.loss_dist: 1.0578 2023/05/16 06:45:29 - mmengine - INFO - Epoch(train) [99][1180/1879] lr: 2.0000e-04 eta: 0:37:17 time: 0.9743 data_time: 0.0257 memory: 9812 grad_norm: 3.4258 loss: 2.1890 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.1521 distill.loss_dist: 1.0369 2023/05/16 06:45:46 - mmengine - INFO - Epoch(train) [99][1200/1879] lr: 2.0000e-04 eta: 0:37:00 time: 0.8640 data_time: 0.0295 memory: 9812 grad_norm: 3.5200 loss: 2.1068 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.0925 distill.loss_dist: 1.0143 2023/05/16 06:46:03 - mmengine - INFO - Epoch(train) [99][1220/1879] lr: 2.0000e-04 eta: 0:36:43 time: 0.8698 data_time: 0.0253 memory: 9812 grad_norm: 3.5253 loss: 2.0861 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0670 distill.loss_dist: 1.0191 2023/05/16 06:46:21 - mmengine - INFO - Epoch(train) [99][1240/1879] lr: 2.0000e-04 eta: 0:36:25 time: 0.9003 data_time: 0.0287 memory: 9812 grad_norm: 3.6136 loss: 2.2971 student.top1_acc: 0.4375 student.top5_acc: 0.6875 student.loss_cls: 1.2438 distill.loss_dist: 1.0533 2023/05/16 06:46:38 - mmengine - INFO - Epoch(train) [99][1260/1879] lr: 2.0000e-04 eta: 0:36:08 time: 0.8271 data_time: 0.0277 memory: 9812 grad_norm: 3.5005 loss: 2.1458 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1202 distill.loss_dist: 1.0257 2023/05/16 06:46:55 - mmengine - INFO - Epoch(train) [99][1280/1879] lr: 2.0000e-04 eta: 0:35:50 time: 0.8461 data_time: 0.0231 memory: 9812 grad_norm: 3.4653 loss: 2.1815 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1574 distill.loss_dist: 1.0242 2023/05/16 06:47:13 - mmengine - INFO - Epoch(train) [99][1300/1879] lr: 2.0000e-04 eta: 0:35:33 time: 0.9337 data_time: 0.0273 memory: 9812 grad_norm: 3.4271 loss: 2.1854 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1764 distill.loss_dist: 1.0090 2023/05/16 06:47:30 - mmengine - INFO - Epoch(train) [99][1320/1879] lr: 2.0000e-04 eta: 0:35:16 time: 0.8229 data_time: 0.0264 memory: 9812 grad_norm: 3.5138 loss: 2.0446 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0236 distill.loss_dist: 1.0210 2023/05/16 06:47:45 - mmengine - INFO - Epoch(train) [99][1340/1879] lr: 2.0000e-04 eta: 0:34:58 time: 0.7743 data_time: 0.0284 memory: 9812 grad_norm: 3.5193 loss: 2.1392 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1394 distill.loss_dist: 0.9998 2023/05/16 06:48:05 - mmengine - INFO - Epoch(train) [99][1360/1879] lr: 2.0000e-04 eta: 0:34:41 time: 0.9612 data_time: 0.0268 memory: 9812 grad_norm: 3.4262 loss: 2.1572 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1400 distill.loss_dist: 1.0172 2023/05/16 06:48:22 - mmengine - INFO - Epoch(train) [99][1380/1879] lr: 2.0000e-04 eta: 0:34:24 time: 0.8522 data_time: 0.0284 memory: 9812 grad_norm: 3.5199 loss: 2.0978 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0685 distill.loss_dist: 1.0293 2023/05/16 06:48:38 - mmengine - INFO - Epoch(train) [99][1400/1879] lr: 2.0000e-04 eta: 0:34:06 time: 0.8017 data_time: 0.0293 memory: 9812 grad_norm: 3.4730 loss: 2.1883 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1706 distill.loss_dist: 1.0177 2023/05/16 06:48:59 - mmengine - INFO - Epoch(train) [99][1420/1879] lr: 2.0000e-04 eta: 0:33:49 time: 1.0346 data_time: 0.0253 memory: 9812 grad_norm: 3.3829 loss: 2.2388 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2031 distill.loss_dist: 1.0357 2023/05/16 06:49:14 - mmengine - INFO - Epoch(train) [99][1440/1879] lr: 2.0000e-04 eta: 0:33:32 time: 0.7768 data_time: 0.0249 memory: 9812 grad_norm: 3.6279 loss: 2.3058 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2598 distill.loss_dist: 1.0460 2023/05/16 06:49:31 - mmengine - INFO - Epoch(train) [99][1460/1879] lr: 2.0000e-04 eta: 0:33:14 time: 0.8590 data_time: 0.0253 memory: 9812 grad_norm: 3.5204 loss: 2.2289 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1968 distill.loss_dist: 1.0321 2023/05/16 06:49:50 - mmengine - INFO - Epoch(train) [99][1480/1879] lr: 2.0000e-04 eta: 0:32:57 time: 0.9583 data_time: 0.0255 memory: 9812 grad_norm: 3.5051 loss: 2.1493 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1356 distill.loss_dist: 1.0137 2023/05/16 06:50:06 - mmengine - INFO - Epoch(train) [99][1500/1879] lr: 2.0000e-04 eta: 0:32:40 time: 0.7827 data_time: 0.0251 memory: 9812 grad_norm: 3.4935 loss: 2.0371 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0292 distill.loss_dist: 1.0079 2023/05/16 06:50:22 - mmengine - INFO - Epoch(train) [99][1520/1879] lr: 2.0000e-04 eta: 0:32:22 time: 0.8038 data_time: 0.0300 memory: 9812 grad_norm: 3.5205 loss: 2.0641 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.0483 distill.loss_dist: 1.0158 2023/05/16 06:50:40 - mmengine - INFO - Epoch(train) [99][1540/1879] lr: 2.0000e-04 eta: 0:32:05 time: 0.8911 data_time: 0.0274 memory: 9812 grad_norm: 3.5755 loss: 2.0870 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0587 distill.loss_dist: 1.0283 2023/05/16 06:50:57 - mmengine - INFO - Epoch(train) [99][1560/1879] lr: 2.0000e-04 eta: 0:31:47 time: 0.8573 data_time: 0.0298 memory: 9812 grad_norm: 3.4598 loss: 2.1224 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1055 distill.loss_dist: 1.0169 2023/05/16 06:51:13 - mmengine - INFO - Epoch(train) [99][1580/1879] lr: 2.0000e-04 eta: 0:31:30 time: 0.7744 data_time: 0.0274 memory: 9812 grad_norm: 3.4526 loss: 2.1641 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.1450 distill.loss_dist: 1.0191 2023/05/16 06:51:32 - mmengine - INFO - Epoch(train) [99][1600/1879] lr: 2.0000e-04 eta: 0:31:13 time: 0.9377 data_time: 0.0251 memory: 9812 grad_norm: 3.5059 loss: 2.0735 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0536 distill.loss_dist: 1.0199 2023/05/16 06:51:47 - mmengine - INFO - Epoch(train) [99][1620/1879] lr: 2.0000e-04 eta: 0:30:55 time: 0.7915 data_time: 0.0284 memory: 9812 grad_norm: 3.4932 loss: 2.2929 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.2589 distill.loss_dist: 1.0339 2023/05/16 06:52:05 - mmengine - INFO - Epoch(train) [99][1640/1879] lr: 2.0000e-04 eta: 0:30:38 time: 0.8806 data_time: 0.0266 memory: 9812 grad_norm: 3.5656 loss: 2.1350 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1285 distill.loss_dist: 1.0064 2023/05/16 06:52:22 - mmengine - INFO - Epoch(train) [99][1660/1879] lr: 2.0000e-04 eta: 0:30:21 time: 0.8201 data_time: 0.0251 memory: 9812 grad_norm: 3.4401 loss: 2.1145 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.0807 distill.loss_dist: 1.0338 2023/05/16 06:52:41 - mmengine - INFO - Epoch(train) [99][1680/1879] lr: 2.0000e-04 eta: 0:30:03 time: 0.9519 data_time: 0.0281 memory: 9812 grad_norm: 3.5724 loss: 2.0489 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0138 distill.loss_dist: 1.0351 2023/05/16 06:52:57 - mmengine - INFO - Epoch(train) [99][1700/1879] lr: 2.0000e-04 eta: 0:29:46 time: 0.8311 data_time: 0.0268 memory: 9812 grad_norm: 3.5404 loss: 2.1294 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.0987 distill.loss_dist: 1.0307 2023/05/16 06:53:14 - mmengine - INFO - Epoch(train) [99][1720/1879] lr: 2.0000e-04 eta: 0:29:29 time: 0.8245 data_time: 0.0290 memory: 9812 grad_norm: 3.5360 loss: 2.1098 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1018 distill.loss_dist: 1.0080 2023/05/16 06:53:33 - mmengine - INFO - Epoch(train) [99][1740/1879] lr: 2.0000e-04 eta: 0:29:11 time: 0.9381 data_time: 0.0282 memory: 9812 grad_norm: 3.5195 loss: 2.0799 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0617 distill.loss_dist: 1.0182 2023/05/16 06:53:49 - mmengine - INFO - Epoch(train) [99][1760/1879] lr: 2.0000e-04 eta: 0:28:54 time: 0.8202 data_time: 0.0302 memory: 9812 grad_norm: 3.4752 loss: 2.0611 student.top1_acc: 0.4375 student.top5_acc: 0.8750 student.loss_cls: 1.0456 distill.loss_dist: 1.0155 2023/05/16 06:54:05 - mmengine - INFO - Epoch(train) [99][1780/1879] lr: 2.0000e-04 eta: 0:28:36 time: 0.8043 data_time: 0.0294 memory: 9812 grad_norm: 3.5145 loss: 2.1403 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1193 distill.loss_dist: 1.0210 2023/05/16 06:54:23 - mmengine - INFO - Epoch(train) [99][1800/1879] lr: 2.0000e-04 eta: 0:28:19 time: 0.9124 data_time: 0.0254 memory: 9812 grad_norm: 3.4805 loss: 2.1535 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1521 distill.loss_dist: 1.0014 2023/05/16 06:54:40 - mmengine - INFO - Epoch(train) [99][1820/1879] lr: 2.0000e-04 eta: 0:28:02 time: 0.8407 data_time: 0.0320 memory: 9812 grad_norm: 3.4996 loss: 2.1508 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1458 distill.loss_dist: 1.0050 2023/05/16 06:54:57 - mmengine - INFO - Epoch(train) [99][1840/1879] lr: 2.0000e-04 eta: 0:27:44 time: 0.8466 data_time: 0.0280 memory: 9812 grad_norm: 3.5839 loss: 2.2217 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1912 distill.loss_dist: 1.0305 2023/05/16 06:55:13 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 06:55:16 - mmengine - INFO - Epoch(train) [99][1860/1879] lr: 2.0000e-04 eta: 0:27:27 time: 0.9452 data_time: 0.0294 memory: 9812 grad_norm: 3.5095 loss: 2.0684 student.top1_acc: 0.6250 student.top5_acc: 1.0000 student.loss_cls: 1.0668 distill.loss_dist: 1.0017 2023/05/16 06:55:29 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 06:55:29 - mmengine - INFO - Epoch(train) [99][1879/1879] lr: 2.0000e-04 eta: 0:27:10 time: 0.6860 data_time: 0.0213 memory: 9812 grad_norm: 3.7028 loss: 2.2767 student.top1_acc: 0.5714 student.top5_acc: 0.7143 student.loss_cls: 1.2425 distill.loss_dist: 1.0342 2023/05/16 06:55:29 - mmengine - INFO - Saving checkpoint at 99 epochs 2023/05/16 06:55:50 - mmengine - INFO - Epoch(val) [99][ 20/155] eta: 0:02:13 time: 0.9887 data_time: 0.9241 memory: 1484 2023/05/16 06:56:03 - mmengine - INFO - Epoch(val) [99][ 40/155] eta: 0:01:34 time: 0.6567 data_time: 0.5938 memory: 1484 2023/05/16 06:56:22 - mmengine - INFO - Epoch(val) [99][ 60/155] eta: 0:01:21 time: 0.9216 data_time: 0.8588 memory: 1484 2023/05/16 06:56:35 - mmengine - INFO - Epoch(val) [99][ 80/155] eta: 0:01:00 time: 0.6790 data_time: 0.6155 memory: 1484 2023/05/16 06:56:54 - mmengine - INFO - Epoch(val) [99][100/155] eta: 0:00:46 time: 0.9429 data_time: 0.8795 memory: 1484 2023/05/16 06:57:07 - mmengine - INFO - Epoch(val) [99][120/155] eta: 0:00:28 time: 0.6617 data_time: 0.6015 memory: 1484 2023/05/16 06:57:28 - mmengine - INFO - Epoch(val) [99][140/155] eta: 0:00:12 time: 1.0073 data_time: 0.9412 memory: 1484 2023/05/16 06:57:56 - mmengine - INFO - Epoch(val) [99][ 20/155] eta: 0:16:13 time: 0.9986 data_time: 0.8459 memory: 1582 2023/05/16 06:58:10 - mmengine - INFO - Epoch(val) [99][ 40/155] eta: 0:07:34 time: 0.6849 data_time: 0.5289 memory: 1582 2023/05/16 06:58:29 - mmengine - INFO - Epoch(val) [99][ 60/155] eta: 0:04:40 time: 0.9474 data_time: 0.7944 memory: 1582 2023/05/16 06:58:43 - mmengine - INFO - Epoch(val) [99][ 80/155] eta: 0:02:59 time: 0.7044 data_time: 0.5493 memory: 1582 2023/05/16 06:59:01 - mmengine - INFO - Epoch(val) [99][100/155] eta: 0:01:54 time: 0.9008 data_time: 0.7470 memory: 1582 2023/05/16 06:59:15 - mmengine - INFO - Epoch(val) [99][120/155] eta: 0:01:05 time: 0.7096 data_time: 0.5520 memory: 1582 2023/05/16 06:59:35 - mmengine - INFO - Epoch(val) [99][140/155] eta: 0:00:26 time: 0.9794 data_time: 0.8242 memory: 1582 2023/05/16 06:59:45 - mmengine - INFO - Epoch(val) [99][155/155] acc/top1: 0.6794 acc/top5: 0.8810 acc/mean1: 0.6793 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6601 time: 0.8126 2023/05/16 07:00:07 - mmengine - INFO - Epoch(train) [100][ 20/1879] lr: 2.0000e-04 eta: 0:26:53 time: 1.1090 data_time: 0.4799 memory: 9812 grad_norm: 3.5246 loss: 2.0904 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0939 distill.loss_dist: 0.9965 2023/05/16 07:00:24 - mmengine - INFO - Epoch(train) [100][ 40/1879] lr: 2.0000e-04 eta: 0:26:36 time: 0.8399 data_time: 0.0273 memory: 9812 grad_norm: 3.5937 loss: 2.3637 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.2986 distill.loss_dist: 1.0651 2023/05/16 07:00:41 - mmengine - INFO - Epoch(train) [100][ 60/1879] lr: 2.0000e-04 eta: 0:26:18 time: 0.8623 data_time: 0.0263 memory: 9812 grad_norm: 3.6562 loss: 2.4157 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.3746 distill.loss_dist: 1.0412 2023/05/16 07:01:00 - mmengine - INFO - Epoch(train) [100][ 80/1879] lr: 2.0000e-04 eta: 0:26:01 time: 0.9562 data_time: 0.0310 memory: 9812 grad_norm: 3.5163 loss: 2.0095 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0193 distill.loss_dist: 0.9901 2023/05/16 07:01:16 - mmengine - INFO - Epoch(train) [100][ 100/1879] lr: 2.0000e-04 eta: 0:25:44 time: 0.7823 data_time: 0.0234 memory: 9812 grad_norm: 3.5672 loss: 2.1313 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0898 distill.loss_dist: 1.0415 2023/05/16 07:01:32 - mmengine - INFO - Epoch(train) [100][ 120/1879] lr: 2.0000e-04 eta: 0:25:26 time: 0.8049 data_time: 0.0531 memory: 9812 grad_norm: 3.4846 loss: 2.0841 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0691 distill.loss_dist: 1.0150 2023/05/16 07:01:51 - mmengine - INFO - Epoch(train) [100][ 140/1879] lr: 2.0000e-04 eta: 0:25:09 time: 0.9791 data_time: 0.1123 memory: 9812 grad_norm: 3.5650 loss: 2.0873 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0702 distill.loss_dist: 1.0171 2023/05/16 07:02:07 - mmengine - INFO - Epoch(train) [100][ 160/1879] lr: 2.0000e-04 eta: 0:24:52 time: 0.8007 data_time: 0.1915 memory: 9812 grad_norm: 3.4954 loss: 2.1377 student.top1_acc: 0.8125 student.top5_acc: 1.0000 student.loss_cls: 1.1387 distill.loss_dist: 0.9990 2023/05/16 07:02:26 - mmengine - INFO - Epoch(train) [100][ 180/1879] lr: 2.0000e-04 eta: 0:24:34 time: 0.9197 data_time: 0.1066 memory: 9812 grad_norm: 3.5089 loss: 2.2557 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.2206 distill.loss_dist: 1.0351 2023/05/16 07:02:43 - mmengine - INFO - Epoch(train) [100][ 200/1879] lr: 2.0000e-04 eta: 0:24:17 time: 0.8528 data_time: 0.1857 memory: 9812 grad_norm: 3.4407 loss: 2.1287 student.top1_acc: 0.3750 student.top5_acc: 0.8750 student.loss_cls: 1.1253 distill.loss_dist: 1.0034 2023/05/16 07:03:00 - mmengine - INFO - Epoch(train) [100][ 220/1879] lr: 2.0000e-04 eta: 0:24:00 time: 0.8402 data_time: 0.0550 memory: 9812 grad_norm: 3.4972 loss: 2.0451 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0362 distill.loss_dist: 1.0089 2023/05/16 07:03:17 - mmengine - INFO - Epoch(train) [100][ 240/1879] lr: 2.0000e-04 eta: 0:23:42 time: 0.8413 data_time: 0.0246 memory: 9812 grad_norm: 3.5476 loss: 2.0787 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0585 distill.loss_dist: 1.0202 2023/05/16 07:03:36 - mmengine - INFO - Epoch(train) [100][ 260/1879] lr: 2.0000e-04 eta: 0:23:25 time: 0.9630 data_time: 0.3187 memory: 9812 grad_norm: 3.4393 loss: 2.0808 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0927 distill.loss_dist: 0.9881 2023/05/16 07:03:52 - mmengine - INFO - Epoch(train) [100][ 280/1879] lr: 2.0000e-04 eta: 0:23:07 time: 0.8056 data_time: 0.3233 memory: 9812 grad_norm: 3.4788 loss: 2.1578 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1452 distill.loss_dist: 1.0126 2023/05/16 07:04:09 - mmengine - INFO - Epoch(train) [100][ 300/1879] lr: 2.0000e-04 eta: 0:22:50 time: 0.8270 data_time: 0.3841 memory: 9812 grad_norm: 3.5358 loss: 2.1514 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1483 distill.loss_dist: 1.0030 2023/05/16 07:04:27 - mmengine - INFO - Epoch(train) [100][ 320/1879] lr: 2.0000e-04 eta: 0:22:33 time: 0.9166 data_time: 0.4469 memory: 9812 grad_norm: 3.4770 loss: 1.8045 student.top1_acc: 0.9375 student.top5_acc: 0.9375 student.loss_cls: 0.8463 distill.loss_dist: 0.9582 2023/05/16 07:04:43 - mmengine - INFO - Epoch(train) [100][ 340/1879] lr: 2.0000e-04 eta: 0:22:15 time: 0.8222 data_time: 0.3686 memory: 9812 grad_norm: 3.4715 loss: 2.0974 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0633 distill.loss_dist: 1.0341 2023/05/16 07:05:00 - mmengine - INFO - Epoch(train) [100][ 360/1879] lr: 2.0000e-04 eta: 0:21:58 time: 0.8314 data_time: 0.3910 memory: 9812 grad_norm: 3.4614 loss: 1.9973 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.0047 distill.loss_dist: 0.9926 2023/05/16 07:05:18 - mmengine - INFO - Epoch(train) [100][ 380/1879] lr: 2.0000e-04 eta: 0:21:41 time: 0.8820 data_time: 0.4423 memory: 9812 grad_norm: 3.4948 loss: 2.1558 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.1393 distill.loss_dist: 1.0165 2023/05/16 07:05:34 - mmengine - INFO - Epoch(train) [100][ 400/1879] lr: 2.0000e-04 eta: 0:21:23 time: 0.8269 data_time: 0.2704 memory: 9812 grad_norm: 3.4586 loss: 2.0553 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0538 distill.loss_dist: 1.0014 2023/05/16 07:05:52 - mmengine - INFO - Epoch(train) [100][ 420/1879] lr: 2.0000e-04 eta: 0:21:06 time: 0.9065 data_time: 0.0584 memory: 9812 grad_norm: 3.5167 loss: 2.2245 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.2073 distill.loss_dist: 1.0173 2023/05/16 07:06:08 - mmengine - INFO - Epoch(train) [100][ 440/1879] lr: 2.0000e-04 eta: 0:20:49 time: 0.7616 data_time: 0.0821 memory: 9812 grad_norm: 3.5642 loss: 2.2502 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.2055 distill.loss_dist: 1.0447 2023/05/16 07:06:27 - mmengine - INFO - Epoch(train) [100][ 460/1879] lr: 2.0000e-04 eta: 0:20:31 time: 0.9621 data_time: 0.1383 memory: 9812 grad_norm: 3.4777 loss: 2.0853 student.top1_acc: 0.5625 student.top5_acc: 0.9375 student.loss_cls: 1.0858 distill.loss_dist: 0.9995 2023/05/16 07:06:43 - mmengine - INFO - Epoch(train) [100][ 480/1879] lr: 2.0000e-04 eta: 0:20:14 time: 0.8002 data_time: 0.1572 memory: 9812 grad_norm: 3.4816 loss: 2.1912 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.1785 distill.loss_dist: 1.0126 2023/05/16 07:06:59 - mmengine - INFO - Epoch(train) [100][ 500/1879] lr: 2.0000e-04 eta: 0:19:56 time: 0.7969 data_time: 0.1885 memory: 9812 grad_norm: 3.5902 loss: 2.1141 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1267 distill.loss_dist: 0.9874 2023/05/16 07:07:18 - mmengine - INFO - Epoch(train) [100][ 520/1879] lr: 2.0000e-04 eta: 0:19:39 time: 0.9563 data_time: 0.2791 memory: 9812 grad_norm: 3.6061 loss: 2.1441 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.1267 distill.loss_dist: 1.0174 2023/05/16 07:07:34 - mmengine - INFO - Epoch(train) [100][ 540/1879] lr: 2.0000e-04 eta: 0:19:22 time: 0.7832 data_time: 0.2215 memory: 9812 grad_norm: 3.5211 loss: 2.0810 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0682 distill.loss_dist: 1.0128 2023/05/16 07:07:50 - mmengine - INFO - Epoch(train) [100][ 560/1879] lr: 2.0000e-04 eta: 0:19:04 time: 0.8027 data_time: 0.0917 memory: 9812 grad_norm: 3.5609 loss: 2.2254 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 1.1874 distill.loss_dist: 1.0380 2023/05/16 07:08:08 - mmengine - INFO - Epoch(train) [100][ 580/1879] lr: 2.0000e-04 eta: 0:18:47 time: 0.9087 data_time: 0.0578 memory: 9812 grad_norm: 3.5715 loss: 2.3566 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.3173 distill.loss_dist: 1.0393 2023/05/16 07:08:27 - mmengine - INFO - Epoch(train) [100][ 600/1879] lr: 2.0000e-04 eta: 0:18:30 time: 0.9430 data_time: 0.0274 memory: 9812 grad_norm: 3.5758 loss: 2.2456 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2211 distill.loss_dist: 1.0245 2023/05/16 07:08:44 - mmengine - INFO - Epoch(train) [100][ 620/1879] lr: 2.0000e-04 eta: 0:18:12 time: 0.8583 data_time: 0.0261 memory: 9812 grad_norm: 3.4764 loss: 2.0680 student.top1_acc: 0.5625 student.top5_acc: 0.7500 student.loss_cls: 1.0570 distill.loss_dist: 1.0109 2023/05/16 07:09:01 - mmengine - INFO - Epoch(train) [100][ 640/1879] lr: 2.0000e-04 eta: 0:17:55 time: 0.8526 data_time: 0.0291 memory: 9812 grad_norm: 3.5554 loss: 2.0847 student.top1_acc: 0.8750 student.top5_acc: 0.8750 student.loss_cls: 1.0404 distill.loss_dist: 1.0443 2023/05/16 07:09:19 - mmengine - INFO - Epoch(train) [100][ 660/1879] lr: 2.0000e-04 eta: 0:17:38 time: 0.8871 data_time: 0.0314 memory: 9812 grad_norm: 3.4055 loss: 2.2826 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.2464 distill.loss_dist: 1.0362 2023/05/16 07:09:35 - mmengine - INFO - Epoch(train) [100][ 680/1879] lr: 2.0000e-04 eta: 0:17:20 time: 0.8217 data_time: 0.0255 memory: 9812 grad_norm: 3.5093 loss: 2.1856 student.top1_acc: 0.5625 student.top5_acc: 1.0000 student.loss_cls: 1.1700 distill.loss_dist: 1.0157 2023/05/16 07:09:53 - mmengine - INFO - Epoch(train) [100][ 700/1879] lr: 2.0000e-04 eta: 0:17:03 time: 0.8525 data_time: 0.0271 memory: 9812 grad_norm: 3.4929 loss: 2.0289 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.0189 distill.loss_dist: 1.0099 2023/05/16 07:10:11 - mmengine - INFO - Epoch(train) [100][ 720/1879] lr: 2.0000e-04 eta: 0:16:46 time: 0.9089 data_time: 0.0263 memory: 9812 grad_norm: 3.3592 loss: 2.0164 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0042 distill.loss_dist: 1.0122 2023/05/16 07:10:27 - mmengine - INFO - Epoch(train) [100][ 740/1879] lr: 2.0000e-04 eta: 0:16:28 time: 0.8163 data_time: 0.0260 memory: 9812 grad_norm: 3.5104 loss: 2.1572 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1437 distill.loss_dist: 1.0135 2023/05/16 07:10:44 - mmengine - INFO - Epoch(train) [100][ 760/1879] lr: 2.0000e-04 eta: 0:16:11 time: 0.8222 data_time: 0.0279 memory: 9812 grad_norm: 3.5120 loss: 2.2062 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1834 distill.loss_dist: 1.0228 2023/05/16 07:11:03 - mmengine - INFO - Epoch(train) [100][ 780/1879] lr: 2.0000e-04 eta: 0:15:53 time: 0.9670 data_time: 0.0288 memory: 9812 grad_norm: 3.4247 loss: 2.1496 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.1133 distill.loss_dist: 1.0363 2023/05/16 07:11:20 - mmengine - INFO - Epoch(train) [100][ 800/1879] lr: 2.0000e-04 eta: 0:15:36 time: 0.8423 data_time: 0.0284 memory: 9812 grad_norm: 3.4918 loss: 2.0872 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0893 distill.loss_dist: 0.9979 2023/05/16 07:11:36 - mmengine - INFO - Epoch(train) [100][ 820/1879] lr: 2.0000e-04 eta: 0:15:19 time: 0.8307 data_time: 0.0276 memory: 9812 grad_norm: 3.5030 loss: 2.1090 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 1.0928 distill.loss_dist: 1.0162 2023/05/16 07:11:55 - mmengine - INFO - Epoch(train) [100][ 840/1879] lr: 2.0000e-04 eta: 0:15:01 time: 0.9188 data_time: 0.0281 memory: 9812 grad_norm: 3.5775 loss: 2.0619 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.0648 distill.loss_dist: 0.9972 2023/05/16 07:12:12 - mmengine - INFO - Epoch(train) [100][ 860/1879] lr: 2.0000e-04 eta: 0:14:44 time: 0.8484 data_time: 0.0227 memory: 9812 grad_norm: 3.5865 loss: 1.9917 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0036 distill.loss_dist: 0.9880 2023/05/16 07:12:28 - mmengine - INFO - Epoch(train) [100][ 880/1879] lr: 2.0000e-04 eta: 0:14:27 time: 0.8109 data_time: 0.0283 memory: 9812 grad_norm: 3.4918 loss: 2.3108 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2690 distill.loss_dist: 1.0418 2023/05/16 07:12:48 - mmengine - INFO - Epoch(train) [100][ 900/1879] lr: 2.0000e-04 eta: 0:14:09 time: 0.9850 data_time: 0.0253 memory: 9812 grad_norm: 3.5864 loss: 2.1863 student.top1_acc: 0.8750 student.top5_acc: 1.0000 student.loss_cls: 1.1603 distill.loss_dist: 1.0259 2023/05/16 07:13:03 - mmengine - INFO - Epoch(train) [100][ 920/1879] lr: 2.0000e-04 eta: 0:13:52 time: 0.7780 data_time: 0.0283 memory: 9812 grad_norm: 3.5760 loss: 2.1025 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.0913 distill.loss_dist: 1.0112 2023/05/16 07:13:20 - mmengine - INFO - Epoch(train) [100][ 940/1879] lr: 2.0000e-04 eta: 0:13:35 time: 0.8164 data_time: 0.0298 memory: 9812 grad_norm: 3.5042 loss: 2.1436 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1118 distill.loss_dist: 1.0318 2023/05/16 07:13:39 - mmengine - INFO - Epoch(train) [100][ 960/1879] lr: 2.0000e-04 eta: 0:13:17 time: 0.9568 data_time: 0.0264 memory: 9812 grad_norm: 3.4480 loss: 1.9579 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 0.9609 distill.loss_dist: 0.9969 2023/05/16 07:13:54 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 07:13:56 - mmengine - INFO - Epoch(train) [100][ 980/1879] lr: 2.0000e-04 eta: 0:13:00 time: 0.8633 data_time: 0.0270 memory: 9812 grad_norm: 3.5251 loss: 2.2270 student.top1_acc: 0.5625 student.top5_acc: 0.8125 student.loss_cls: 1.2039 distill.loss_dist: 1.0232 2023/05/16 07:14:13 - mmengine - INFO - Epoch(train) [100][1000/1879] lr: 2.0000e-04 eta: 0:12:42 time: 0.8199 data_time: 0.0260 memory: 9812 grad_norm: 3.4422 loss: 2.2900 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.2722 distill.loss_dist: 1.0178 2023/05/16 07:14:31 - mmengine - INFO - Epoch(train) [100][1020/1879] lr: 2.0000e-04 eta: 0:12:25 time: 0.9229 data_time: 0.0260 memory: 9812 grad_norm: 3.5483 loss: 2.1064 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0909 distill.loss_dist: 1.0155 2023/05/16 07:14:47 - mmengine - INFO - Epoch(train) [100][1040/1879] lr: 2.0000e-04 eta: 0:12:08 time: 0.7911 data_time: 0.0298 memory: 9812 grad_norm: 3.4983 loss: 2.1522 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.1457 distill.loss_dist: 1.0065 2023/05/16 07:15:04 - mmengine - INFO - Epoch(train) [100][1060/1879] lr: 2.0000e-04 eta: 0:11:50 time: 0.8440 data_time: 0.0291 memory: 9812 grad_norm: 3.5328 loss: 2.2654 student.top1_acc: 0.6250 student.top5_acc: 0.7500 student.loss_cls: 1.2384 distill.loss_dist: 1.0270 2023/05/16 07:15:24 - mmengine - INFO - Epoch(train) [100][1080/1879] lr: 2.0000e-04 eta: 0:11:33 time: 1.0164 data_time: 0.0279 memory: 9812 grad_norm: 3.5053 loss: 2.1743 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1309 distill.loss_dist: 1.0434 2023/05/16 07:15:39 - mmengine - INFO - Epoch(train) [100][1100/1879] lr: 2.0000e-04 eta: 0:11:16 time: 0.7182 data_time: 0.0264 memory: 9812 grad_norm: 3.4695 loss: 2.1595 student.top1_acc: 0.5000 student.top5_acc: 0.9375 student.loss_cls: 1.1158 distill.loss_dist: 1.0437 2023/05/16 07:15:56 - mmengine - INFO - Epoch(train) [100][1120/1879] lr: 2.0000e-04 eta: 0:10:58 time: 0.8571 data_time: 0.0303 memory: 9812 grad_norm: 3.5164 loss: 2.2251 student.top1_acc: 0.6875 student.top5_acc: 0.7500 student.loss_cls: 1.2088 distill.loss_dist: 1.0163 2023/05/16 07:16:15 - mmengine - INFO - Epoch(train) [100][1140/1879] lr: 2.0000e-04 eta: 0:10:41 time: 0.9641 data_time: 0.0281 memory: 9812 grad_norm: 3.4583 loss: 2.0596 student.top1_acc: 0.6875 student.top5_acc: 0.6875 student.loss_cls: 1.0731 distill.loss_dist: 0.9865 2023/05/16 07:16:32 - mmengine - INFO - Epoch(train) [100][1160/1879] lr: 2.0000e-04 eta: 0:10:24 time: 0.8332 data_time: 0.0271 memory: 9812 grad_norm: 3.4959 loss: 2.2102 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.2065 distill.loss_dist: 1.0037 2023/05/16 07:16:48 - mmengine - INFO - Epoch(train) [100][1180/1879] lr: 2.0000e-04 eta: 0:10:06 time: 0.8221 data_time: 0.0285 memory: 9812 grad_norm: 3.5043 loss: 2.2042 student.top1_acc: 0.4375 student.top5_acc: 0.7500 student.loss_cls: 1.1949 distill.loss_dist: 1.0092 2023/05/16 07:17:06 - mmengine - INFO - Epoch(train) [100][1200/1879] lr: 2.0000e-04 eta: 0:09:49 time: 0.8785 data_time: 0.0271 memory: 9812 grad_norm: 3.5487 loss: 2.1917 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1607 distill.loss_dist: 1.0310 2023/05/16 07:17:22 - mmengine - INFO - Epoch(train) [100][1220/1879] lr: 2.0000e-04 eta: 0:09:31 time: 0.8082 data_time: 0.0268 memory: 9812 grad_norm: 3.4646 loss: 2.0855 student.top1_acc: 0.6875 student.top5_acc: 0.8750 student.loss_cls: 1.0621 distill.loss_dist: 1.0233 2023/05/16 07:17:41 - mmengine - INFO - Epoch(train) [100][1240/1879] lr: 2.0000e-04 eta: 0:09:14 time: 0.9376 data_time: 0.0312 memory: 9812 grad_norm: 3.4562 loss: 2.2197 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.2021 distill.loss_dist: 1.0177 2023/05/16 07:17:58 - mmengine - INFO - Epoch(train) [100][1260/1879] lr: 2.0000e-04 eta: 0:08:57 time: 0.8532 data_time: 0.0310 memory: 9812 grad_norm: 3.5405 loss: 2.0242 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.0294 distill.loss_dist: 0.9948 2023/05/16 07:18:15 - mmengine - INFO - Epoch(train) [100][1280/1879] lr: 2.0000e-04 eta: 0:08:39 time: 0.8490 data_time: 0.0285 memory: 9812 grad_norm: 3.5168 loss: 2.1401 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1178 distill.loss_dist: 1.0223 2023/05/16 07:18:32 - mmengine - INFO - Epoch(train) [100][1300/1879] lr: 2.0000e-04 eta: 0:08:22 time: 0.8431 data_time: 0.0279 memory: 9812 grad_norm: 3.4405 loss: 2.1408 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1051 distill.loss_dist: 1.0357 2023/05/16 07:18:51 - mmengine - INFO - Epoch(train) [100][1320/1879] lr: 2.0000e-04 eta: 0:08:05 time: 0.9749 data_time: 0.0279 memory: 9812 grad_norm: 3.5227 loss: 2.1196 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0885 distill.loss_dist: 1.0310 2023/05/16 07:19:07 - mmengine - INFO - Epoch(train) [100][1340/1879] lr: 2.0000e-04 eta: 0:07:47 time: 0.8008 data_time: 0.0297 memory: 9812 grad_norm: 3.5763 loss: 2.2760 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.2695 distill.loss_dist: 1.0066 2023/05/16 07:19:23 - mmengine - INFO - Epoch(train) [100][1360/1879] lr: 2.0000e-04 eta: 0:07:30 time: 0.7935 data_time: 0.0262 memory: 9812 grad_norm: 3.5046 loss: 2.0609 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0400 distill.loss_dist: 1.0209 2023/05/16 07:19:43 - mmengine - INFO - Epoch(train) [100][1380/1879] lr: 2.0000e-04 eta: 0:07:13 time: 1.0058 data_time: 0.0424 memory: 9812 grad_norm: 3.5385 loss: 2.0224 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 0.9971 distill.loss_dist: 1.0254 2023/05/16 07:19:59 - mmengine - INFO - Epoch(train) [100][1400/1879] lr: 2.0000e-04 eta: 0:06:55 time: 0.7886 data_time: 0.0279 memory: 9812 grad_norm: 3.3998 loss: 2.1539 student.top1_acc: 0.6250 student.top5_acc: 0.8125 student.loss_cls: 1.1347 distill.loss_dist: 1.0192 2023/05/16 07:20:15 - mmengine - INFO - Epoch(train) [100][1420/1879] lr: 2.0000e-04 eta: 0:06:38 time: 0.8141 data_time: 0.0275 memory: 9812 grad_norm: 3.5144 loss: 2.1852 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.1501 distill.loss_dist: 1.0351 2023/05/16 07:20:36 - mmengine - INFO - Epoch(train) [100][1440/1879] lr: 2.0000e-04 eta: 0:06:21 time: 1.0070 data_time: 0.0283 memory: 9812 grad_norm: 3.3884 loss: 2.0121 student.top1_acc: 0.5625 student.top5_acc: 0.8750 student.loss_cls: 1.0484 distill.loss_dist: 0.9637 2023/05/16 07:20:51 - mmengine - INFO - Epoch(train) [100][1460/1879] lr: 2.0000e-04 eta: 0:06:03 time: 0.7945 data_time: 0.0259 memory: 9812 grad_norm: 3.5101 loss: 2.0876 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.0652 distill.loss_dist: 1.0224 2023/05/16 07:21:08 - mmengine - INFO - Epoch(train) [100][1480/1879] lr: 2.0000e-04 eta: 0:05:46 time: 0.8283 data_time: 0.0269 memory: 9812 grad_norm: 3.5392 loss: 2.2047 student.top1_acc: 0.9375 student.top5_acc: 1.0000 student.loss_cls: 1.2013 distill.loss_dist: 1.0034 2023/05/16 07:21:27 - mmengine - INFO - Epoch(train) [100][1500/1879] lr: 2.0000e-04 eta: 0:05:28 time: 0.9302 data_time: 0.0241 memory: 9812 grad_norm: 3.4637 loss: 2.0643 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 1.0755 distill.loss_dist: 0.9888 2023/05/16 07:21:43 - mmengine - INFO - Epoch(train) [100][1520/1879] lr: 2.0000e-04 eta: 0:05:11 time: 0.8209 data_time: 0.0300 memory: 9812 grad_norm: 3.4439 loss: 2.0976 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1037 distill.loss_dist: 0.9939 2023/05/16 07:21:58 - mmengine - INFO - Epoch(train) [100][1540/1879] lr: 2.0000e-04 eta: 0:04:54 time: 0.7582 data_time: 0.0249 memory: 9812 grad_norm: 3.5065 loss: 2.1147 student.top1_acc: 0.7500 student.top5_acc: 0.8125 student.loss_cls: 1.0887 distill.loss_dist: 1.0259 2023/05/16 07:22:17 - mmengine - INFO - Epoch(train) [100][1560/1879] lr: 2.0000e-04 eta: 0:04:36 time: 0.9527 data_time: 0.0285 memory: 9812 grad_norm: 3.4816 loss: 2.0330 student.top1_acc: 0.5000 student.top5_acc: 0.7500 student.loss_cls: 1.0491 distill.loss_dist: 0.9838 2023/05/16 07:22:35 - mmengine - INFO - Epoch(train) [100][1580/1879] lr: 2.0000e-04 eta: 0:04:19 time: 0.8610 data_time: 0.0299 memory: 9812 grad_norm: 3.5192 loss: 1.9791 student.top1_acc: 0.7500 student.top5_acc: 1.0000 student.loss_cls: 0.9819 distill.loss_dist: 0.9972 2023/05/16 07:22:52 - mmengine - INFO - Epoch(train) [100][1600/1879] lr: 2.0000e-04 eta: 0:04:02 time: 0.8531 data_time: 0.0269 memory: 9812 grad_norm: 3.6039 loss: 2.0972 student.top1_acc: 0.6875 student.top5_acc: 0.8125 student.loss_cls: 1.0624 distill.loss_dist: 1.0348 2023/05/16 07:23:10 - mmengine - INFO - Epoch(train) [100][1620/1879] lr: 2.0000e-04 eta: 0:03:44 time: 0.9323 data_time: 0.0280 memory: 9812 grad_norm: 3.5498 loss: 2.0751 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.0581 distill.loss_dist: 1.0169 2023/05/16 07:23:26 - mmengine - INFO - Epoch(train) [100][1640/1879] lr: 2.0000e-04 eta: 0:03:27 time: 0.8020 data_time: 0.0281 memory: 9812 grad_norm: 3.4921 loss: 1.9305 student.top1_acc: 0.8125 student.top5_acc: 0.9375 student.loss_cls: 0.9439 distill.loss_dist: 0.9866 2023/05/16 07:23:43 - mmengine - INFO - Epoch(train) [100][1660/1879] lr: 2.0000e-04 eta: 0:03:10 time: 0.8491 data_time: 0.0268 memory: 9812 grad_norm: 3.4884 loss: 2.0670 student.top1_acc: 0.6250 student.top5_acc: 0.8750 student.loss_cls: 1.0620 distill.loss_dist: 1.0050 2023/05/16 07:23:59 - mmengine - INFO - Epoch(train) [100][1680/1879] lr: 2.0000e-04 eta: 0:02:52 time: 0.7757 data_time: 0.0235 memory: 9812 grad_norm: 3.4480 loss: 1.9090 student.top1_acc: 0.8125 student.top5_acc: 0.8750 student.loss_cls: 0.9305 distill.loss_dist: 0.9785 2023/05/16 07:24:17 - mmengine - INFO - Epoch(train) [100][1700/1879] lr: 2.0000e-04 eta: 0:02:35 time: 0.8756 data_time: 0.0299 memory: 9812 grad_norm: 3.5205 loss: 2.1899 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.1789 distill.loss_dist: 1.0110 2023/05/16 07:24:35 - mmengine - INFO - Epoch(train) [100][1720/1879] lr: 2.0000e-04 eta: 0:02:18 time: 0.9122 data_time: 0.0266 memory: 9812 grad_norm: 3.5067 loss: 2.1338 student.top1_acc: 0.6250 student.top5_acc: 0.9375 student.loss_cls: 1.1296 distill.loss_dist: 1.0041 2023/05/16 07:24:52 - mmengine - INFO - Epoch(train) [100][1740/1879] lr: 2.0000e-04 eta: 0:02:00 time: 0.8445 data_time: 0.0266 memory: 9812 grad_norm: 3.5322 loss: 2.1239 student.top1_acc: 0.7500 student.top5_acc: 0.9375 student.loss_cls: 1.1047 distill.loss_dist: 1.0192 2023/05/16 07:25:09 - mmengine - INFO - Epoch(train) [100][1760/1879] lr: 2.0000e-04 eta: 0:01:43 time: 0.8392 data_time: 0.0265 memory: 9812 grad_norm: 3.4395 loss: 2.0840 student.top1_acc: 0.8125 student.top5_acc: 0.8125 student.loss_cls: 1.0811 distill.loss_dist: 1.0029 2023/05/16 07:25:27 - mmengine - INFO - Epoch(train) [100][1780/1879] lr: 2.0000e-04 eta: 0:01:25 time: 0.9087 data_time: 0.0279 memory: 9812 grad_norm: 3.6034 loss: 2.1152 student.top1_acc: 0.7500 student.top5_acc: 0.8750 student.loss_cls: 1.1090 distill.loss_dist: 1.0062 2023/05/16 07:25:44 - mmengine - INFO - Epoch(train) [100][1800/1879] lr: 2.0000e-04 eta: 0:01:08 time: 0.8489 data_time: 0.0267 memory: 9812 grad_norm: 3.4920 loss: 2.0206 student.top1_acc: 0.8750 student.top5_acc: 0.9375 student.loss_cls: 1.0031 distill.loss_dist: 1.0175 2023/05/16 07:26:00 - mmengine - INFO - Epoch(train) [100][1820/1879] lr: 2.0000e-04 eta: 0:00:51 time: 0.8269 data_time: 0.0292 memory: 9812 grad_norm: 3.5297 loss: 2.1965 student.top1_acc: 0.6875 student.top5_acc: 1.0000 student.loss_cls: 1.1703 distill.loss_dist: 1.0263 2023/05/16 07:26:20 - mmengine - INFO - Epoch(train) [100][1840/1879] lr: 2.0000e-04 eta: 0:00:33 time: 0.9630 data_time: 0.0306 memory: 9812 grad_norm: 3.5436 loss: 2.2043 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1790 distill.loss_dist: 1.0253 2023/05/16 07:26:37 - mmengine - INFO - Epoch(train) [100][1860/1879] lr: 2.0000e-04 eta: 0:00:16 time: 0.8529 data_time: 0.0257 memory: 9812 grad_norm: 3.5245 loss: 2.1632 student.top1_acc: 0.6875 student.top5_acc: 0.9375 student.loss_cls: 1.1675 distill.loss_dist: 0.9957 2023/05/16 07:26:50 - mmengine - INFO - Exp name: tsm_razor_dist_r50_mobilenetv2_k400_20230514_030143 2023/05/16 07:26:50 - mmengine - INFO - Epoch(train) [100][1879/1879] lr: 2.0000e-04 eta: 0:00:00 time: 0.6772 data_time: 0.0205 memory: 9812 grad_norm: 3.5978 loss: 2.1643 student.top1_acc: 0.5714 student.top5_acc: 1.0000 student.loss_cls: 1.1568 distill.loss_dist: 1.0075 2023/05/16 07:26:50 - mmengine - INFO - Saving checkpoint at 100 epochs 2023/05/16 07:27:11 - mmengine - INFO - Epoch(val) [100][ 20/155] eta: 0:02:14 time: 0.9981 data_time: 0.9339 memory: 1484 2023/05/16 07:27:25 - mmengine - INFO - Epoch(val) [100][ 40/155] eta: 0:01:35 time: 0.6616 data_time: 0.5985 memory: 1484 2023/05/16 07:27:43 - mmengine - INFO - Epoch(val) [100][ 60/155] eta: 0:01:22 time: 0.9420 data_time: 0.8784 memory: 1484 2023/05/16 07:27:56 - mmengine - INFO - Epoch(val) [100][ 80/155] eta: 0:01:00 time: 0.6463 data_time: 0.5810 memory: 1484 2023/05/16 07:28:15 - mmengine - INFO - Epoch(val) [100][100/155] eta: 0:00:46 time: 0.9342 data_time: 0.8693 memory: 1484 2023/05/16 07:28:29 - mmengine - INFO - Epoch(val) [100][120/155] eta: 0:00:28 time: 0.7006 data_time: 0.6344 memory: 1484 2023/05/16 07:28:49 - mmengine - INFO - Epoch(val) [100][140/155] eta: 0:00:12 time: 0.9853 data_time: 0.9232 memory: 1484 2023/05/16 07:29:17 - mmengine - INFO - Epoch(val) [100][ 20/155] eta: 0:16:11 time: 0.9754 data_time: 0.8182 memory: 1582 2023/05/16 07:29:32 - mmengine - INFO - Epoch(val) [100][ 40/155] eta: 0:07:36 time: 0.7330 data_time: 0.5784 memory: 1582 2023/05/16 07:29:49 - mmengine - INFO - Epoch(val) [100][ 60/155] eta: 0:04:39 time: 0.8825 data_time: 0.7287 memory: 1582 2023/05/16 07:30:03 - mmengine - INFO - Epoch(val) [100][ 80/155] eta: 0:02:58 time: 0.6959 data_time: 0.5430 memory: 1582 2023/05/16 07:30:23 - mmengine - INFO - Epoch(val) [100][100/155] eta: 0:01:55 time: 0.9710 data_time: 0.8208 memory: 1582 2023/05/16 07:30:36 - mmengine - INFO - Epoch(val) [100][120/155] eta: 0:01:05 time: 0.6781 data_time: 0.5255 memory: 1582 2023/05/16 07:30:56 - mmengine - INFO - Epoch(val) [100][140/155] eta: 0:00:26 time: 0.9768 data_time: 0.8236 memory: 1582 2023/05/16 07:31:07 - mmengine - INFO - Epoch(val) [100][155/155] acc/top1: 0.6792 acc/top5: 0.8812 acc/mean1: 0.6791 teacher.acc/top1: 0.7161 teacher.acc/top5: 0.9012 teacher.acc/mean1: 0.7159 data_time: 0.6609 time: 0.8125