2023/06/05 12:25:56 - mmengine - INFO - ------------------------------------------------------------ System environment: sys.platform: linux Python: 3.10.9 (main, Mar 8 2023, 10:47:38) [GCC 11.2.0] CUDA available: True numpy_random_seed: 2082862108 GPU 0,1: NVIDIA A100-SXM4-80GB CUDA_HOME: /mnt/petrelfs/share/cuda-11.6 NVCC: Cuda compilation tools, release 11.6, V11.6.124 GCC: gcc (GCC) 7.5.0 PyTorch: 1.13.1 PyTorch compiling details: PyTorch built with: - GCC 9.3 - C++ Version: 201402 - Intel(R) oneAPI Math Kernel Library Version 2021.4-Product Build 20210904 for Intel(R) 64 architecture applications - Intel(R) MKL-DNN v2.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.6 - NVCC architecture flags: -gencode;arch=compute_37,code=sm_37;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_80,code=sm_80;-gencode;arch=compute_86,code=sm_86;-gencode;arch=compute_37,code=compute_37 - CuDNN 8.3.2 (built against CUDA 11.5) - Magma 2.6.1 - Build settings: BLAS_INFO=mkl, BUILD_TYPE=Release, CUDA_VERSION=11.6, CUDNN_VERSION=8.3.2, 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 OpenCV: 4.7.0 MMEngine: 0.7.3 Runtime environment: cudnn_benchmark: True mp_cfg: {'mp_start_method': 'fork', 'opencv_num_threads': 0} dist_cfg: {'backend': 'nccl'} seed: None deterministic: False Distributed launcher: slurm Distributed training: True GPU number: 2 ------------------------------------------------------------ 2023/06/05 12:26:01 - mmengine - INFO - Config: optim_wrapper = dict( optimizer=dict( type='SGD', lr=0.0001, momentum=0.9, weight_decay=0.0001, _scope_='mmpretrain'), clip_grad=None) param_scheduler = [ dict(type='CosineAnnealingLR', eta_min=1e-05, by_epoch=False, begin=0) ] train_cfg = dict(by_epoch=True, max_epochs=10, val_interval=1) val_cfg = dict() test_cfg = dict() auto_scale_lr = dict(base_batch_size=512) model = dict( type='ImageClassifier', backbone=dict( frozen_stages=2, type='ResNet', depth=50, num_stages=4, out_indices=(3, ), style='pytorch', init_cfg=dict( type='Pretrained', checkpoint= 'https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth', prefix='backbone')), neck=dict(type='GlobalAveragePooling'), head=dict( type='LinearClsHead', num_classes=2, in_channels=2048, loss=dict(type='CrossEntropyLoss', loss_weight=1.0), topk=1)) dataset_type = 'CustomDataset' data_preprocessor = dict( num_classes=2, mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) bgr_mean = [103.53, 116.28, 123.675] bgr_std = [57.375, 57.12, 58.395] train_pipeline = [ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ] test_pipeline = [ dict(type='LoadImageFromFile'), dict( type='ResizeEdge', scale=256, edge='short', backend='pillow', interpolation='bicubic'), dict(type='CenterCrop', crop_size=224), dict(type='PackInputs') ] train_dataloader = dict( pin_memory=True, persistent_workers=True, collate_fn=dict(type='default_collate'), batch_size=256, num_workers=10, dataset=dict( type='ConcatDataset', datasets=[ dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/train/all1.csv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/train/all2.csv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/train/all3.csv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/train/stylegan3fake8w.csv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/train/cc1m.csv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/train/stylegan3real8w.csv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]) ]), sampler=dict(type='DefaultSampler', shuffle=True)) val_dataloader = dict( pin_memory=True, persistent_workers=True, collate_fn=dict(type='default_collate'), batch_size=256, num_workers=10, dataset=dict( type='ConcatDataset', datasets=[ dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/val/stablediffusionV2-1-dpmsolver-25-1w.tsv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/val/stablediffusionV1-5R2-dpmsolver-25-1w.tsv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/val/if-dpmsolver++-25-1w.tsv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/val/cc1w.csv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]) ]), sampler=dict(type='DefaultSampler', shuffle=False)) val_evaluator = dict(type='Accuracy', topk=1) test_dataloader = dict( pin_memory=True, persistent_workers=True, collate_fn=dict(type='default_collate'), batch_size=256, num_workers=10, dataset=dict( type='ConcatDataset', datasets=[ dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/val/stablediffusionV2-1-dpmsolver-25-1w.tsv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/val/stablediffusionV1-5R2-dpmsolver-25-1w.tsv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='/mnt/petrelfs/luzeyu/workspace/fakebench/dataset', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/val/if-dpmsolver++-25-1w.tsv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]), dict( type='CustomDataset', data_root='', ann_file= '/mnt/petrelfs/luzeyu/workspace/fakebench/dataset/meta/val/cc1w.csv', pipeline=[ dict(type='LoadImageFromFile'), dict( type='RandomResizedCrop', scale=224, backend='pillow', interpolation='bicubic'), dict(type='RandomFlip', prob=0.5, direction='horizontal'), dict(type='JPEG', compress_val=65, prob=0.5), dict(type='GaussianBlur', radius=1.5, prob=0.5), dict(type='PackInputs') ]) ]), sampler=dict(type='DefaultSampler', shuffle=False)) test_evaluator = dict(type='Accuracy', topk=1) custom_hooks = [dict(type='EMAHook', momentum=0.0001, priority='ABOVE_NORMAL')] default_scope = 'mmpretrain' default_hooks = dict( timer=dict(type='IterTimerHook'), logger=dict(type='LoggerHook', interval=100), param_scheduler=dict(type='ParamSchedulerHook'), checkpoint=dict(type='CheckpointHook', interval=1), sampler_seed=dict(type='DistSamplerSeedHook'), visualization=dict(type='VisualizationHook', enable=True)) env_cfg = dict( cudnn_benchmark=True, mp_cfg=dict(mp_start_method='fork', opencv_num_threads=0), dist_cfg=dict(backend='nccl')) vis_backends = [dict(type='LocalVisBackend')] visualizer = dict( type='UniversalVisualizer', vis_backends=[ dict(type='LocalVisBackend'), dict(type='TensorboardVisBackend') ]) log_level = 'INFO' load_from = None resume = False randomness = dict(seed=None, deterministic=False) launcher = 'slurm' work_dir = 'workdir/resnet50_2xb256_all_1m_lr1e-4_aug_5e-1' 2023/06/05 12:26:16 - mmengine - INFO - Hooks will be executed in the following order: before_run: (VERY_HIGH ) RuntimeInfoHook (ABOVE_NORMAL) EMAHook (BELOW_NORMAL) LoggerHook -------------------- after_load_checkpoint: (ABOVE_NORMAL) EMAHook -------------------- before_train: (VERY_HIGH ) RuntimeInfoHook (ABOVE_NORMAL) EMAHook (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 (ABOVE_NORMAL) EMAHook (NORMAL ) IterTimerHook (BELOW_NORMAL) LoggerHook (LOW ) ParamSchedulerHook (VERY_LOW ) CheckpointHook -------------------- after_train_epoch: (NORMAL ) IterTimerHook (LOW ) ParamSchedulerHook (VERY_LOW ) CheckpointHook -------------------- before_val_epoch: (ABOVE_NORMAL) EMAHook (NORMAL ) IterTimerHook -------------------- before_val_iter: (NORMAL ) IterTimerHook -------------------- after_val_iter: (NORMAL ) IterTimerHook (NORMAL ) VisualizationHook (BELOW_NORMAL) LoggerHook -------------------- after_val_epoch: (VERY_HIGH ) RuntimeInfoHook (ABOVE_NORMAL) EMAHook (NORMAL ) IterTimerHook (BELOW_NORMAL) LoggerHook (LOW ) ParamSchedulerHook (VERY_LOW ) CheckpointHook -------------------- before_save_checkpoint: (ABOVE_NORMAL) EMAHook -------------------- after_train: (VERY_LOW ) CheckpointHook -------------------- before_test_epoch: (ABOVE_NORMAL) EMAHook (NORMAL ) IterTimerHook -------------------- before_test_iter: (NORMAL ) IterTimerHook -------------------- after_test_iter: (NORMAL ) IterTimerHook (NORMAL ) VisualizationHook (BELOW_NORMAL) LoggerHook -------------------- after_test_epoch: (VERY_HIGH ) RuntimeInfoHook (ABOVE_NORMAL) EMAHook (NORMAL ) IterTimerHook (BELOW_NORMAL) LoggerHook -------------------- after_run: (BELOW_NORMAL) LoggerHook -------------------- 2023/06/05 12:26:38 - mmengine - INFO - load backbone in model from: https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth Name of parameter - Initialization information backbone.conv1.weight - torch.Size([64, 3, 7, 7]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.bn1.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.bn1.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.conv1.weight - torch.Size([64, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.bn1.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.bn1.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.conv2.weight - torch.Size([64, 64, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.bn2.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.bn2.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.conv3.weight - torch.Size([256, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.bn3.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.bn3.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.downsample.0.weight - torch.Size([256, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.downsample.1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.0.downsample.1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.conv1.weight - torch.Size([64, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.bn1.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.bn1.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.conv2.weight - torch.Size([64, 64, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.bn2.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.bn2.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.conv3.weight - torch.Size([256, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.bn3.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.1.bn3.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.conv1.weight - torch.Size([64, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.bn1.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.bn1.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.conv2.weight - torch.Size([64, 64, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.bn2.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.bn2.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.conv3.weight - torch.Size([256, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.bn3.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer1.2.bn3.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.conv1.weight - torch.Size([128, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.bn1.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.bn1.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.conv2.weight - torch.Size([128, 128, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.bn2.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.bn2.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.conv3.weight - torch.Size([512, 128, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.bn3.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.bn3.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.downsample.0.weight - torch.Size([512, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.downsample.1.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.0.downsample.1.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.conv1.weight - torch.Size([128, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.bn1.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.bn1.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.conv2.weight - torch.Size([128, 128, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.bn2.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.bn2.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.conv3.weight - torch.Size([512, 128, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.bn3.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.1.bn3.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.conv1.weight - torch.Size([128, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.bn1.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.bn1.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.conv2.weight - torch.Size([128, 128, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.bn2.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.bn2.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.conv3.weight - torch.Size([512, 128, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.bn3.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.2.bn3.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.conv1.weight - torch.Size([128, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.bn1.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.bn1.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.conv2.weight - torch.Size([128, 128, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.bn2.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.bn2.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.conv3.weight - torch.Size([512, 128, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.bn3.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer2.3.bn3.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.conv1.weight - torch.Size([256, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.downsample.0.weight - torch.Size([1024, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.downsample.1.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.0.downsample.1.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.1.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.2.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.3.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.4.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer3.5.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.conv1.weight - torch.Size([512, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.bn1.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.bn1.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.conv2.weight - torch.Size([512, 512, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.bn2.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.bn2.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.conv3.weight - torch.Size([2048, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.bn3.weight - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.bn3.bias - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.downsample.0.weight - torch.Size([2048, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.downsample.1.weight - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.0.downsample.1.bias - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.conv1.weight - torch.Size([512, 2048, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.bn1.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.bn1.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.conv2.weight - torch.Size([512, 512, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.bn2.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.bn2.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.conv3.weight - torch.Size([2048, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.bn3.weight - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.1.bn3.bias - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.conv1.weight - torch.Size([512, 2048, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.bn1.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.bn1.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.conv2.weight - torch.Size([512, 512, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.bn2.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.bn2.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.conv3.weight - torch.Size([2048, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.bn3.weight - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth backbone.layer4.2.bn3.bias - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmclassification/v0/resnet/resnet50_8xb32_in1k_20210831-ea4938fc.pth head.fc.weight - torch.Size([2, 2048]): NormalInit: mean=0, std=0.01, bias=0 head.fc.bias - torch.Size([2]): NormalInit: mean=0, std=0.01, bias=0 2023/06/05 12:26:39 - 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/06/05 12:26:39 - mmengine - WARNING - "HardDiskBackend" is the alias of "LocalBackend" and the former will be deprecated in future. 2023/06/05 12:26:39 - mmengine - INFO - Checkpoints will be saved to /mnt/petrelfs/luzeyu/workspace/fakebench/mmpretrain/workdir/resnet50_2xb256_all_1m_lr1e-4_aug_5e-1. 2023/06/05 12:28:02 - mmengine - INFO - Epoch(train) [1][ 100/4111] lr: 9.9999e-05 eta: 9:29:52 time: 0.7207 data_time: 0.1963 memory: 9436 loss: 0.6488 2023/06/05 12:29:19 - mmengine - INFO - Epoch(train) [1][ 200/4111] lr: 9.9995e-05 eta: 9:06:54 time: 0.7048 data_time: 0.0009 memory: 6319 loss: 0.5979 2023/06/05 12:30:35 - mmengine - INFO - Epoch(train) [1][ 300/4111] lr: 9.9988e-05 eta: 8:56:48 time: 0.7198 data_time: 0.0009 memory: 6319 loss: 0.5720 2023/06/05 12:31:51 - mmengine - INFO - Epoch(train) [1][ 400/4111] lr: 9.9979e-05 eta: 8:49:14 time: 0.7277 data_time: 0.0009 memory: 6319 loss: 0.5428 2023/06/05 12:33:13 - mmengine - INFO - Epoch(train) [1][ 500/4111] lr: 9.9967e-05 eta: 8:53:49 time: 0.8745 data_time: 0.0008 memory: 6319 loss: 0.5163 2023/06/05 12:34:31 - mmengine - INFO - Epoch(train) [1][ 600/4111] lr: 9.9953e-05 eta: 8:51:39 time: 1.0020 data_time: 0.0008 memory: 6319 loss: 0.4937 2023/06/05 12:35:48 - mmengine - INFO - Epoch(train) [1][ 700/4111] lr: 9.9936e-05 eta: 8:48:21 time: 0.7460 data_time: 0.0010 memory: 6319 loss: 0.4777 2023/06/05 12:37:05 - mmengine - INFO - Epoch(train) [1][ 800/4111] lr: 9.9916e-05 eta: 8:46:19 time: 0.7673 data_time: 0.0008 memory: 6319 loss: 0.4659 2023/06/05 12:38:26 - mmengine - INFO - Epoch(train) [1][ 900/4111] lr: 9.9894e-05 eta: 8:46:29 time: 0.7225 data_time: 0.0008 memory: 6319 loss: 0.4472 2023/06/05 12:39:43 - mmengine - INFO - Exp name: resnet50_2xb256_all_1m_lr1e-4_aug_5e-1_20230605_122552 2023/06/05 12:39:43 - mmengine - INFO - Epoch(train) [1][1000/4111] lr: 9.9869e-05 eta: 8:44:01 time: 0.7457 data_time: 0.0008 memory: 6319 loss: 0.4317 2023/06/05 12:40:59 - mmengine - INFO - Epoch(train) [1][1100/4111] lr: 9.9841e-05 eta: 8:41:36 time: 0.7586 data_time: 0.0007 memory: 6319 loss: 0.4348 2023/06/05 12:42:17 - mmengine - INFO - Epoch(train) [1][1200/4111] lr: 9.9811e-05 eta: 8:40:19 time: 0.8087 data_time: 0.0009 memory: 6319 loss: 0.4089 2023/06/05 12:43:34 - mmengine - INFO - Epoch(train) [1][1300/4111] lr: 9.9778e-05 eta: 8:38:19 time: 0.8170 data_time: 0.0007 memory: 6319 loss: 0.4063 2023/06/05 12:44:52 - mmengine - INFO - Epoch(train) [1][1400/4111] lr: 9.9743e-05 eta: 8:36:51 time: 0.8277 data_time: 0.0007 memory: 6319 loss: 0.3895 2023/06/05 12:46:10 - mmengine - INFO - Epoch(train) [1][1500/4111] lr: 9.9705e-05 eta: 8:35:36 time: 0.7795 data_time: 0.0011 memory: 6319 loss: 0.4049 2023/06/05 12:47:28 - mmengine - INFO - Epoch(train) [1][1600/4111] lr: 9.9664e-05 eta: 8:34:19 time: 0.8086 data_time: 0.0007 memory: 6319 loss: 0.3747