mmtracking
mmtracking copied to clipboard
Masktrack_rcnn evaluation fails with the error `TypeError: 'NoneType' object is not iterable`
I'm trying to run MaskTrack RCNN evaluation on the Youtube VIS 2019 using the below script
!python tools/test.py \
configs/vis/masktrack_rcnn/masktrack_rcnn_r50_fpn_12e_youtubevis2019.py \
--checkpoint checkpoints/masktrack_rcnn_r50_fpn_12e_youtubevis2019_20211022_194830-6ca6b91e.pth \
--out masktrack_rcnn_result_dir/results.pkl \
--eval 'track_segm'
I have run the dataset conversion step and it's failing during the evaluation step.
# !python ./tools/convert_datasets/youtubevis/youtubevis2coco.py -i ./data/youtube_vis_2019 -o ./data/youtube_vis_2019/annotations --version 2019
Environment
The output of the command python mmtrack/utils/collect_env.py
/usr/local/lib/python3.8/dist-packages/mmcv/__init__.py:20: UserWarning: On January 1, 2023, MMCV will release v2.0.0, in which it will remove components related to the training process and add a data transformation module. In addition, it will rename the package names mmcv to mmcv-lite and mmcv-full to mmcv. See https://github.com/open-mmlab/mmcv/blob/master/docs/en/compatibility.md for more details.
warnings.warn(
sys.platform: linux
Python: 3.8.10 (default, Nov 14 2022, 12:59:47) [GCC 9.4.0]
CUDA available: True
GPU 0: NVIDIA A100-SXM4-40GB
CUDA_HOME: /usr/local/cuda
NVCC: Cuda compilation tools, release 11.8, V11.8.89
GCC: x86_64-linux-gnu-gcc (Ubuntu 9.4.0-1ubuntu1~20.04.1) 9.4.0
PyTorch: 1.13.1+cu116
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.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_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.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+cu116
OpenCV: 4.6.0
MMCV: 1.7.1
MMCV Compiler: GCC 9.3
MMCV CUDA Compiler: 11.6
MMTracking: 0.14.0+31e910b
I'm using Google Colab and I've installed the packages as following
!pip install -U openmim
!mim install mmcv-full
!pip install mmdet
# clone the MMTracking repository
!git clone https://github.com/open-mmlab/mmtracking.git
# install MMTracking and its dependencies
!pip install -r requirements/build.txt
!pip install -e .
# used to MOT evaluation
!pip install git+https://github.com/JonathonLuiten/TrackEval.git
**Error traceback**
If applicable, paste the error trackback here.
```/usr/local/lib/python3.8/dist-packages/mmcv/__init__.py:20: UserWarning: On January 1, 2023, MMCV will release v2.0.0, in which it will remove components related to the training process and add a data transformation module. In addition, it will rename the package names mmcv to mmcv-lite and mmcv-full to mmcv. See https://github.com/open-mmlab/mmcv/blob/master/docs/en/compatibility.md for more details.
warnings.warn(
/content/drive/MyDrive/mmtracking/mmtrack/core/utils/misc.py:26: UserWarning: Setting OMP_NUM_THREADS environment variable for each process to be 1 in default, to avoid your system being overloaded, please further tune the variable for optimal performance in your application as needed.
warnings.warn(
/content/drive/MyDrive/mmtracking/mmtrack/core/utils/misc.py:36: UserWarning: Setting MKL_NUM_THREADS environment variable for each process to be 1 in default, to avoid your system being overloaded, please further tune the variable for optimal performance in your application as needed.
warnings.warn(
loading annotations into memory...
Done (t=0.98s)
creating index...
index created!
2023-03-01 11:50:35,804 - mmcv - INFO - initialize MaskRCNN with init_cfg {'type': 'Pretrained', 'checkpoint': 'https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth'}
2023-03-01 11:50:35,805 - mmcv - INFO - load model from: https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:35,805 - mmcv - INFO - load checkpoint from http path: https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
Downloading: "https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth" to /root/.cache/torch/hub/checkpoints/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
100% 170M/170M [00:08<00:00, 22.2MB/s]
2023-03-01 11:50:44,357 - mmcv - WARNING - The model and loaded state dict do not match exactly
size mismatch for roi_head.bbox_head.fc_cls.weight: copying a param with shape torch.Size([81, 1024]) from checkpoint, the shape in current model is torch.Size([41, 1024]).
size mismatch for roi_head.bbox_head.fc_cls.bias: copying a param with shape torch.Size([81]) from checkpoint, the shape in current model is torch.Size([41]).
size mismatch for roi_head.bbox_head.fc_reg.weight: copying a param with shape torch.Size([320, 1024]) from checkpoint, the shape in current model is torch.Size([160, 1024]).
size mismatch for roi_head.bbox_head.fc_reg.bias: copying a param with shape torch.Size([320]) from checkpoint, the shape in current model is torch.Size([160]).
size mismatch for roi_head.mask_head.conv_logits.weight: copying a param with shape torch.Size([80, 256, 1, 1]) from checkpoint, the shape in current model is torch.Size([40, 256, 1, 1]).
size mismatch for roi_head.mask_head.conv_logits.bias: copying a param with shape torch.Size([80]) from checkpoint, the shape in current model is torch.Size([40]).
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.conv1.weight - torch.Size([64, 3, 7, 7]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.bn1.weight - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.bn1.bias - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.conv1.weight - torch.Size([64, 64, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.bn1.weight - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.bn1.bias - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.conv2.weight - torch.Size([64, 64, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.bn2.weight - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.bn2.bias - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.conv3.weight - torch.Size([256, 64, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.bn3.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.bn3.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,381 - mmcv - INFO -
detector.backbone.layer1.0.downsample.0.weight - torch.Size([256, 64, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.0.downsample.1.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.0.downsample.1.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.conv1.weight - torch.Size([64, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.bn1.weight - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.bn1.bias - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.conv2.weight - torch.Size([64, 64, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.bn2.weight - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.bn2.bias - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.conv3.weight - torch.Size([256, 64, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.bn3.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.1.bn3.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.conv1.weight - torch.Size([64, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.bn1.weight - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.bn1.bias - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.conv2.weight - torch.Size([64, 64, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.bn2.weight - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.bn2.bias - torch.Size([64]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.conv3.weight - torch.Size([256, 64, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.bn3.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer1.2.bn3.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer2.0.conv1.weight - torch.Size([128, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer2.0.bn1.weight - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer2.0.bn1.bias - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer2.0.conv2.weight - torch.Size([128, 128, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer2.0.bn2.weight - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer2.0.bn2.bias - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,382 - mmcv - INFO -
detector.backbone.layer2.0.conv3.weight - torch.Size([512, 128, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.0.bn3.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.0.bn3.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.0.downsample.0.weight - torch.Size([512, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.0.downsample.1.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.0.downsample.1.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.conv1.weight - torch.Size([128, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.bn1.weight - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.bn1.bias - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.conv2.weight - torch.Size([128, 128, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.bn2.weight - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.bn2.bias - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.conv3.weight - torch.Size([512, 128, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.bn3.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.1.bn3.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.2.conv1.weight - torch.Size([128, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.2.bn1.weight - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.2.bn1.bias - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.2.conv2.weight - torch.Size([128, 128, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.2.bn2.weight - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.2.bn2.bias - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,383 - mmcv - INFO -
detector.backbone.layer2.2.conv3.weight - torch.Size([512, 128, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,468 - mmcv - INFO -
detector.backbone.layer2.2.bn3.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.2.bn3.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.conv1.weight - torch.Size([128, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.bn1.weight - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.bn1.bias - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.conv2.weight - torch.Size([128, 128, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.bn2.weight - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.bn2.bias - torch.Size([128]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.conv3.weight - torch.Size([512, 128, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.bn3.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer2.3.bn3.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.conv1.weight - torch.Size([256, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.bn1.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.bn1.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.conv2.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.bn2.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.bn2.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.conv3.weight - torch.Size([1024, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.bn3.weight - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.bn3.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.downsample.0.weight - torch.Size([1024, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.downsample.1.weight - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,469 - mmcv - INFO -
detector.backbone.layer3.0.downsample.1.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.conv1.weight - torch.Size([256, 1024, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.bn1.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.bn1.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.conv2.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.bn2.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.bn2.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.conv3.weight - torch.Size([1024, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.bn3.weight - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.1.bn3.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.conv1.weight - torch.Size([256, 1024, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.bn1.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.bn1.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.conv2.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.bn2.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.bn2.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.conv3.weight - torch.Size([1024, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.bn3.weight - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.2.bn3.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.conv1.weight - torch.Size([256, 1024, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.bn1.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.bn1.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.conv2.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.bn2.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.bn2.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.conv3.weight - torch.Size([1024, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.bn3.weight - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,470 - mmcv - INFO -
detector.backbone.layer3.3.bn3.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.conv1.weight - torch.Size([256, 1024, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.bn1.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.bn1.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.conv2.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.bn2.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.bn2.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.conv3.weight - torch.Size([1024, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.bn3.weight - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.4.bn3.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.conv1.weight - torch.Size([256, 1024, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.bn1.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.bn1.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.conv2.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.bn2.weight - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.bn2.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.conv3.weight - torch.Size([1024, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.bn3.weight - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer3.5.bn3.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer4.0.conv1.weight - torch.Size([512, 1024, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer4.0.bn1.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer4.0.bn1.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer4.0.conv2.weight - torch.Size([512, 512, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer4.0.bn2.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer4.0.bn2.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer4.0.conv3.weight - torch.Size([2048, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,471 - mmcv - INFO -
detector.backbone.layer4.0.bn3.weight - torch.Size([2048]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.0.bn3.bias - torch.Size([2048]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.0.downsample.0.weight - torch.Size([2048, 1024, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.0.downsample.1.weight - torch.Size([2048]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.0.downsample.1.bias - torch.Size([2048]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.conv1.weight - torch.Size([512, 2048, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.bn1.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.bn1.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.conv2.weight - torch.Size([512, 512, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.bn2.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.bn2.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.conv3.weight - torch.Size([2048, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.bn3.weight - torch.Size([2048]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.1.bn3.bias - torch.Size([2048]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.conv1.weight - torch.Size([512, 2048, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.bn1.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.bn1.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.conv2.weight - torch.Size([512, 512, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.bn2.weight - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.bn2.bias - torch.Size([512]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.conv3.weight - torch.Size([2048, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.bn3.weight - torch.Size([2048]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.backbone.layer4.2.bn3.bias - torch.Size([2048]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.neck.lateral_convs.0.conv.weight - torch.Size([256, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.neck.lateral_convs.0.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.neck.lateral_convs.1.conv.weight - torch.Size([256, 512, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,472 - mmcv - INFO -
detector.neck.lateral_convs.1.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.lateral_convs.2.conv.weight - torch.Size([256, 1024, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.lateral_convs.2.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.lateral_convs.3.conv.weight - torch.Size([256, 2048, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.lateral_convs.3.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.fpn_convs.0.conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.fpn_convs.0.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.fpn_convs.1.conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.fpn_convs.1.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.fpn_convs.2.conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.fpn_convs.2.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.fpn_convs.3.conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.neck.fpn_convs.3.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.rpn_head.rpn_conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.rpn_head.rpn_conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.rpn_head.rpn_cls.weight - torch.Size([3, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.rpn_head.rpn_cls.bias - torch.Size([3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.rpn_head.rpn_reg.weight - torch.Size([12, 256, 1, 1]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.rpn_head.rpn_reg.bias - torch.Size([12]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.roi_head.bbox_head.fc_cls.weight - torch.Size([41, 1024]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.roi_head.bbox_head.fc_cls.bias - torch.Size([41]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.roi_head.bbox_head.fc_reg.weight - torch.Size([160, 1024]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.roi_head.bbox_head.fc_reg.bias - torch.Size([160]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.roi_head.bbox_head.shared_fcs.0.weight - torch.Size([1024, 12544]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.roi_head.bbox_head.shared_fcs.0.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.roi_head.bbox_head.shared_fcs.1.weight - torch.Size([1024, 1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,473 - mmcv - INFO -
detector.roi_head.bbox_head.shared_fcs.1.bias - torch.Size([1024]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.convs.0.conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.convs.0.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.convs.1.conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.convs.1.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.convs.2.conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.convs.2.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.convs.3.conv.weight - torch.Size([256, 256, 3, 3]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.convs.3.conv.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.upsample.weight - torch.Size([256, 256, 2, 2]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.upsample.bias - torch.Size([256]):
PretrainedInit: load from https://download.openmmlab.com/mmdetection/v2.0/mask_rcnn/mask_rcnn_r50_fpn_1x_coco/mask_rcnn_r50_fpn_1x_coco_20200205-d4b0c5d6.pth
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.conv_logits.weight - torch.Size([40, 256, 1, 1]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,474 - mmcv - INFO -
detector.roi_head.mask_head.conv_logits.bias - torch.Size([40]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,474 - mmcv - INFO -
track_head.embed_head.fcs.0.weight - torch.Size([1024, 12544]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,474 - mmcv - INFO -
track_head.embed_head.fcs.0.bias - torch.Size([1024]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,474 - mmcv - INFO -
track_head.embed_head.fcs.1.weight - torch.Size([1024, 1024]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
2023-03-01 11:50:44,474 - mmcv - INFO -
track_head.embed_head.fcs.1.bias - torch.Size([1024]):
The value is the same before and after calling `init_weights` of MaskTrackRCNN
load checkpoint from local path: checkpoints/masktrack_rcnn_r50_fpn_12e_youtubevis2019_20211022_194830-6ca6b91e.pth
[>>] 8289/8289, 9.0 task/s, elapsed: 917s, ETA: 0s
writing results to masktrack_rcnn_result_dir/results.pkl
loading annotations into memory...
Done (t=0.00s)
creating index...
index created!
Annotations does not exist
Traceback (most recent call last):
File "tools/test.py", line 225, in <module>
main()
File "tools/test.py", line 215, in main
metric = dataset.evaluate(outputs, **eval_kwargs)
File "/content/drive/MyDrive/mmtracking/mmtrack/datasets/youtube_vis_dataset.py", line 177, in evaluate
eval_results.update(track_segm_results)
TypeError: 'NoneType' object is not iterable
Tracing the issue
- I have found that the below line fails with the error below https://github.com/open-mmlab/mmtracking/blob/5b47f18054d9b9aae3cb5eb24618f8a3ac20c79e/tools/test.py#L215
{'metric': ['track_segm'], 'interval': 13}
{'metric': 'track_segm'}
loading annotations into memory...
Done (t=0.00s)
creating index...
index created!
Annotations does not exist
---------------------------------------------------------------------------
TypeError Traceback (most recent call last)
[<ipython-input-185-e94ee5c73360>](https://localhost:8080/#) in <module>
24 eval_kwargs.update(dict(metric=eval, **kwargs))
25 print(eval_kwargs)
---> 26 metric = dataset.evaluate(outputs, **eval_kwargs)
27 print(metric)
28 metric_dict = dict(
[/content/drive/MyDrive/mmtracking/mmtrack/datasets/youtube_vis_dataset.py](https://localhost:8080/#) in evaluate(self, results, metric, logger)
175 vis_results = self.convert_back_to_vis_format()
176 track_segm_results = eval_vis(test_results, vis_results, logger)
--> 177 eval_results.update(track_segm_results)
178
179 return eval_results
TypeError: 'NoneType' object is not iterable
- The error from the below line https://github.com/open-mmlab/mmtracking/blob/5b47f18054d9b9aae3cb5eb24618f8a3ac20c79e/mmtrack/datasets/youtube_vis_dataset.py#L177
Leads to the line https://github.com/open-mmlab/mmtracking/blob/5b47f18054d9b9aae3cb5eb24618f8a3ac20c79e/mmtrack/datasets/youtube_vis_dataset.py#L176
looks like the function convert_back_to_vis_format which is called before eval_vis and it creates the vis_results = self.convert_back_to_vis_format() doesn't return the annotation and only returns categories and videos
https://github.com/open-mmlab/mmtracking/blob/5b47f18054d9b9aae3cb5eb24618f8a3ac20c79e/mmtrack/datasets/youtube_vis_dataset.py#L181
@GT9505 @open-mmlab @JingweiZhang12 @pixeli99 appreciate your help!
Hi,
The dataset of youtubevis does not support local validation. You can only generate zip file and submit it to codalab for validation. The metric code is only reserved for local debugging.