OpenMMLab Video Perception Toolbox. It supports Video Object Detection (VID), Multiple Object Tracking (MOT), Single Object Tracking (SOT), Video Instance Segmentation (VIS) with a unified framework.
windows10
D:\anaconda\envs\mmtrack\lib\site-packages\mmcv__init__.py:21: 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.
'On January 1, 2023, MMCV will release v2.0.0, in which it will remove '
sys.platform: win32
Python: 3.7.16 (default, Jan 17 2023, 16:06:28) [MSC v.1916 64 bit (AMD64)]
CUDA available: True
GPU 0: NVIDIA GeForce RTX 3060 Laptop GPU
CUDA_HOME: C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.0
NVCC: Cuda compilation tools, release 11.0, V11.0.194
MSVC: 用于 x64 的 Microsoft (R) C/C++ 优化编译器 19.29.30141 版
GCC: n/a
PyTorch: 1.7.1
PyTorch compiling details: PyTorch built with:
C++ Version: 199711
MSVC 192729112
Intel(R) Math Kernel Library Version 2020.0.0 Product Build 20191125 for Intel(R) 64 architecture applications
Warning: The model doesn't have classes
[ ] 0/8, elapsed: 0s, ETA:Traceback (most recent call last):
File "demo/demo_mot_vis.py", line 103, in
main()
File "demo/demo_mot_vis.py", line 78, in main
result = inference_mot(model, img, frame_id=i)
File "e:\github\mmtracking\mmtrack\apis\inference.py", line 122, in inference_mot
result = model(return_loss=False, rescale=True, data)
File "D:\anaconda\envs\mmtrack\lib\site-packages\torch\nn\modules\module.py", line 727, in _call_impl
result = self.forward(*input, *kwargs)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\runner\fp16_utils.py", line 119, in new_func
return old_func(args, kwargs)
File "e:\github\mmtracking\mmtrack\models\mot\base.py", line 136, in forward
return self.forward_test(img, img_metas, kwargs)
File "e:\github\mmtracking\mmtrack\models\mot\base.py", line 113, in forward_test
return self.simple_test(imgs[0], img_metas[0], kwargs)
File "e:\github\mmtracking\mmtrack\models\mot\deep_sort.py", line 97, in simple_test
x, img_metas)
File "e:\github\mmdetection\mmdet\models\dense_heads\dense_test_mixins.py", line 130, in simple_test_rpn
proposal_list = self.get_bboxes(rpn_outs, img_metas=img_metas)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\runner\fp16_utils.py", line 208, in new_func
return old_func(args, kwargs)
File "e:\github\mmdetection\mmdet\models\dense_heads\base_dense_head.py", line 105, in get_bboxes
kwargs)
File "e:\github\mmdetection\mmdet\models\dense_heads\rpn_head.py", line 187, in _get_bboxes_single
img_shape)
File "e:\github\mmdetection\mmdet\models\dense_heads\rpn_head.py", line 231, in _bbox_postprocess
dets, = batched_nms(proposals, scores, ids, cfg.nms)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\ops\nms.py", line 350, in batched_nms
dets, keep = nms_op(boxes_for_nms, scores, *nmscfg)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\utils\misc.py", line 340, in new_func
output = old_func(args, **kwargs)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\ops\nms.py", line 176, in nms
max_num)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\ops\nms.py", line 29, in forward
bboxes, scores, iou_threshold=float(iou_threshold), offset=offset)
RuntimeError: CUDA error: no kernel image is available for execution on the device
windows10 D:\anaconda\envs\mmtrack\lib\site-packages\mmcv__init__.py:21: 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. 'On January 1, 2023, MMCV will release v2.0.0, in which it will remove ' sys.platform: win32 Python: 3.7.16 (default, Jan 17 2023, 16:06:28) [MSC v.1916 64 bit (AMD64)] CUDA available: True GPU 0: NVIDIA GeForce RTX 3060 Laptop GPU CUDA_HOME: C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.0 NVCC: Cuda compilation tools, release 11.0, V11.0.194 MSVC: 用于 x64 的 Microsoft (R) C/C++ 优化编译器 19.29.30141 版 GCC: n/a PyTorch: 1.7.1 PyTorch compiling details: PyTorch built with:
TorchVision: 0.8.2 OpenCV: 4.7.0 MMCV: 1.7.1 MMCV Compiler: MSVC 192930141 MMCV CUDA Compiler: 11.0 MMTracking: 0.14.0+5b47f18
运行python demo/demo_mot_vis.py configs/mot/deepsort/sort_faster-rcnn_fpn_4e_mot17-private.py --input demo/demo.mp4 --output mot.mp4
报错情况 D:\anaconda\envs\mmtrack\lib\site-packages\mmcv__init__.py:21: 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. 'On January 1, 2023, MMCV will release v2.0.0, in which it will remove ' Error importing BURST due to missing underlying dependency: No module named 'tabulate' 2023-03-07 18:29:13,199 - mmcv - INFO - initialize FasterRCNN with init_cfg {'type': 'Pretrained', 'checkpoint': 'https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth'} 2023-03-07 18:29:13,199 - mmcv - INFO - load model from: https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth 2023-03-07 18:29:13,200 - mmcv - INFO - load checkpoint from http path: https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth 2023-03-07 18:29:13,314 - mmcv - INFO - detector.backbone.conv1.weight - torch.Size([64, 3, 7, 7]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,315 - mmcv - INFO - detector.backbone.bn1.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,316 - mmcv - INFO - detector.backbone.bn1.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,316 - mmcv - INFO - detector.backbone.layer1.0.conv1.weight - torch.Size([64, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,316 - mmcv - INFO - detector.backbone.layer1.0.bn1.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,316 - mmcv - INFO - detector.backbone.layer1.0.bn1.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,316 - mmcv - INFO - detector.backbone.layer1.0.conv2.weight - torch.Size([64, 64, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,317 - mmcv - INFO - detector.backbone.layer1.0.bn2.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,317 - mmcv - INFO - detector.backbone.layer1.0.bn2.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,317 - mmcv - INFO - detector.backbone.layer1.0.conv3.weight - torch.Size([256, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,317 - mmcv - INFO - detector.backbone.layer1.0.bn3.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,317 - mmcv - INFO - detector.backbone.layer1.0.bn3.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,317 - mmcv - INFO - detector.backbone.layer1.0.downsample.0.weight - torch.Size([256, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,317 - mmcv - INFO - detector.backbone.layer1.0.downsample.1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,317 - mmcv - INFO - detector.backbone.layer1.0.downsample.1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,318 - mmcv - INFO - detector.backbone.layer1.1.conv1.weight - torch.Size([64, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,318 - mmcv - INFO - detector.backbone.layer1.1.bn1.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,318 - mmcv - INFO - detector.backbone.layer1.1.bn1.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,318 - mmcv - INFO - detector.backbone.layer1.1.conv2.weight - torch.Size([64, 64, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,318 - mmcv - INFO - detector.backbone.layer1.1.bn2.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,318 - mmcv - INFO - detector.backbone.layer1.1.bn2.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,318 - mmcv - INFO - detector.backbone.layer1.1.conv3.weight - torch.Size([256, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,319 - mmcv - INFO - detector.backbone.layer1.1.bn3.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,319 - mmcv - INFO - detector.backbone.layer1.1.bn3.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,319 - mmcv - INFO - detector.backbone.layer1.2.conv1.weight - torch.Size([64, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,319 - mmcv - INFO - detector.backbone.layer1.2.bn1.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,319 - mmcv - INFO - detector.backbone.layer1.2.bn1.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,319 - mmcv - INFO - detector.backbone.layer1.2.conv2.weight - torch.Size([64, 64, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,320 - mmcv - INFO - detector.backbone.layer1.2.bn2.weight - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,320 - mmcv - INFO - detector.backbone.layer1.2.bn2.bias - torch.Size([64]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,320 - mmcv - INFO - detector.backbone.layer1.2.conv3.weight - torch.Size([256, 64, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,320 - mmcv - INFO - detector.backbone.layer1.2.bn3.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,320 - mmcv - INFO - detector.backbone.layer1.2.bn3.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,320 - mmcv - INFO - detector.backbone.layer2.0.conv1.weight - torch.Size([128, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,320 - mmcv - INFO - detector.backbone.layer2.0.bn1.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,321 - mmcv - INFO - detector.backbone.layer2.0.bn1.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,321 - mmcv - INFO - detector.backbone.layer2.0.conv2.weight - torch.Size([128, 128, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,321 - mmcv - INFO - detector.backbone.layer2.0.bn2.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,322 - mmcv - INFO - detector.backbone.layer2.0.bn2.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,322 - mmcv - INFO - detector.backbone.layer2.0.conv3.weight - torch.Size([512, 128, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,322 - mmcv - INFO - detector.backbone.layer2.0.bn3.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,322 - mmcv - INFO - detector.backbone.layer2.0.bn3.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,322 - mmcv - INFO - detector.backbone.layer2.0.downsample.0.weight - torch.Size([512, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,322 - mmcv - INFO - detector.backbone.layer2.0.downsample.1.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,322 - mmcv - INFO - detector.backbone.layer2.0.downsample.1.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.conv1.weight - torch.Size([128, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.bn1.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.bn1.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.conv2.weight - torch.Size([128, 128, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.bn2.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.bn2.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.conv3.weight - torch.Size([512, 128, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.bn3.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.1.bn3.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.2.conv1.weight - torch.Size([128, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,323 - mmcv - INFO - detector.backbone.layer2.2.bn1.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.2.bn1.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.2.conv2.weight - torch.Size([128, 128, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.2.bn2.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.2.bn2.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.2.conv3.weight - torch.Size([512, 128, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.2.bn3.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.2.bn3.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.3.conv1.weight - torch.Size([128, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.3.bn1.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.3.bn1.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,324 - mmcv - INFO - detector.backbone.layer2.3.conv2.weight - torch.Size([128, 128, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer2.3.bn2.weight - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer2.3.bn2.bias - torch.Size([128]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer2.3.conv3.weight - torch.Size([512, 128, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer2.3.bn3.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer2.3.bn3.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer3.0.conv1.weight - torch.Size([256, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer3.0.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer3.0.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer3.0.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer3.0.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,325 - mmcv - INFO - detector.backbone.layer3.0.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,326 - mmcv - INFO - detector.backbone.layer3.0.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,328 - mmcv - INFO - detector.backbone.layer3.0.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,328 - mmcv - INFO - detector.backbone.layer3.0.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,328 - mmcv - INFO - detector.backbone.layer3.0.downsample.0.weight - torch.Size([1024, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,328 - mmcv - INFO - detector.backbone.layer3.0.downsample.1.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,328 - mmcv - INFO - detector.backbone.layer3.0.downsample.1.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,329 - mmcv - INFO - detector.backbone.layer3.1.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,329 - mmcv - INFO - detector.backbone.layer3.1.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,329 - mmcv - INFO - detector.backbone.layer3.1.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,329 - mmcv - INFO - detector.backbone.layer3.1.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,329 - mmcv - INFO - detector.backbone.layer3.1.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,329 - mmcv - INFO - detector.backbone.layer3.1.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,329 - mmcv - INFO - detector.backbone.layer3.1.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,329 - mmcv - INFO - detector.backbone.layer3.1.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.1.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.2.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,330 - mmcv - INFO - detector.backbone.layer3.3.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.3.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.3.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.3.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.3.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.3.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.3.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.3.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.3.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.4.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.4.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,331 - mmcv - INFO - detector.backbone.layer3.4.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.4.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.4.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.4.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.4.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.4.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.4.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.5.conv1.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.5.bn1.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.5.bn1.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.5.conv2.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.5.bn2.weight - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,332 - mmcv - INFO - detector.backbone.layer3.5.bn2.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer3.5.conv3.weight - torch.Size([1024, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer3.5.bn3.weight - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer3.5.bn3.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer4.0.conv1.weight - torch.Size([512, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer4.0.bn1.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer4.0.bn1.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer4.0.conv2.weight - torch.Size([512, 512, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer4.0.bn2.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer4.0.bn2.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer4.0.conv3.weight - torch.Size([2048, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,333 - mmcv - INFO - detector.backbone.layer4.0.bn3.weight - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.0.bn3.bias - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.0.downsample.0.weight - torch.Size([2048, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.0.downsample.1.weight - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.0.downsample.1.bias - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.1.conv1.weight - torch.Size([512, 2048, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.1.bn1.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.1.bn1.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.1.conv2.weight - torch.Size([512, 512, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.1.bn2.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.1.bn2.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,334 - mmcv - INFO - detector.backbone.layer4.1.conv3.weight - torch.Size([2048, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.1.bn3.weight - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.1.bn3.bias - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.2.conv1.weight - torch.Size([512, 2048, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.2.bn1.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.2.bn1.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.2.conv2.weight - torch.Size([512, 512, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.2.bn2.weight - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.2.bn2.bias - torch.Size([512]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.2.conv3.weight - torch.Size([2048, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,335 - mmcv - INFO - detector.backbone.layer4.2.bn3.weight - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.backbone.layer4.2.bn3.bias - torch.Size([2048]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.lateral_convs.0.conv.weight - torch.Size([256, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.lateral_convs.0.conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.lateral_convs.1.conv.weight - torch.Size([256, 512, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.lateral_convs.1.conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.lateral_convs.2.conv.weight - torch.Size([256, 1024, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.lateral_convs.2.conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.lateral_convs.3.conv.weight - torch.Size([256, 2048, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.lateral_convs.3.conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.fpn_convs.0.conv.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,336 - mmcv - INFO - detector.neck.fpn_convs.0.conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.neck.fpn_convs.1.conv.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.neck.fpn_convs.1.conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.neck.fpn_convs.2.conv.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.neck.fpn_convs.2.conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.neck.fpn_convs.3.conv.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.neck.fpn_convs.3.conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.rpn_head.rpn_conv.weight - torch.Size([256, 256, 3, 3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.rpn_head.rpn_conv.bias - torch.Size([256]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.rpn_head.rpn_cls.weight - torch.Size([3, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,337 - mmcv - INFO - detector.rpn_head.rpn_cls.bias - torch.Size([3]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.rpn_head.rpn_reg.weight - torch.Size([12, 256, 1, 1]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.rpn_head.rpn_reg.bias - torch.Size([12]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.roi_head.bbox_head.fc_cls.weight - torch.Size([2, 1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.roi_head.bbox_head.fc_cls.bias - torch.Size([2]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.roi_head.bbox_head.fc_reg.weight - torch.Size([4, 1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.roi_head.bbox_head.fc_reg.bias - torch.Size([4]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.roi_head.bbox_head.shared_fcs.0.weight - torch.Size([1024, 12544]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.roi_head.bbox_head.shared_fcs.0.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.roi_head.bbox_head.shared_fcs.1.weight - torch.Size([1024, 1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
2023-03-07 18:29:13,338 - mmcv - INFO - detector.roi_head.bbox_head.shared_fcs.1.bias - torch.Size([1024]): PretrainedInit: load from https://download.openmmlab.com/mmtracking/mot/faster_rcnn/faster-rcnn_r50_fpn_4e_mot17-ffa52ae7.pth
Warning: The model doesn't have classes [ ] 0/8, elapsed: 0s, ETA:Traceback (most recent call last): File "demo/demo_mot_vis.py", line 103, in
main()
File "demo/demo_mot_vis.py", line 78, in main
result = inference_mot(model, img, frame_id=i)
File "e:\github\mmtracking\mmtrack\apis\inference.py", line 122, in inference_mot
result = model(return_loss=False, rescale=True, data)
File "D:\anaconda\envs\mmtrack\lib\site-packages\torch\nn\modules\module.py", line 727, in _call_impl
result = self.forward(*input, *kwargs)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\runner\fp16_utils.py", line 119, in new_func
return old_func(args, kwargs)
File "e:\github\mmtracking\mmtrack\models\mot\base.py", line 136, in forward
return self.forward_test(img, img_metas, kwargs)
File "e:\github\mmtracking\mmtrack\models\mot\base.py", line 113, in forward_test
return self.simple_test(imgs[0], img_metas[0], kwargs)
File "e:\github\mmtracking\mmtrack\models\mot\deep_sort.py", line 97, in simple_test
x, img_metas)
File "e:\github\mmdetection\mmdet\models\dense_heads\dense_test_mixins.py", line 130, in simple_test_rpn
proposal_list = self.get_bboxes(rpn_outs, img_metas=img_metas)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\runner\fp16_utils.py", line 208, in new_func
return old_func(args, kwargs)
File "e:\github\mmdetection\mmdet\models\dense_heads\base_dense_head.py", line 105, in get_bboxes
kwargs)
File "e:\github\mmdetection\mmdet\models\dense_heads\rpn_head.py", line 187, in _get_bboxes_single
img_shape)
File "e:\github\mmdetection\mmdet\models\dense_heads\rpn_head.py", line 231, in _bbox_postprocess
dets, = batched_nms(proposals, scores, ids, cfg.nms)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\ops\nms.py", line 350, in batched_nms
dets, keep = nms_op(boxes_for_nms, scores, *nmscfg)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\utils\misc.py", line 340, in new_func
output = old_func(args, **kwargs)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\ops\nms.py", line 176, in nms
max_num)
File "D:\anaconda\envs\mmtrack\lib\site-packages\mmcv\ops\nms.py", line 29, in forward
bboxes, scores, iou_threshold=float(iou_threshold), offset=offset)
RuntimeError: CUDA error: no kernel image is available for execution on the device