mmdetection代码教学

改变cuda和pytorch版本

!pip --default-timeout=1000 install torch1.10.0+cu113 torchvision0.11.1+cu113 torchaudio==0.10.0 -f https://download.pytorch.org/whl/torch_stable.html

查看torch版本

import torch
print(torch.version)
在这里插入图片描述

安装mmcv-full

!pip install mmcv-full -f https://download.openmmlab.com/mmcv/dist/cu113/torch1.10.0/index.html
mmdetection代码教学_第1张图片

安装mmdetection

克隆并安装mmdetection

!git clone https://github.com/open-mmlab/mmdetection.git

切换到目录

%cd mmdetection/
在这里插入图片描述

源码安装

!pip install -e .

检查mmdet版本

import mmdet
print(mmdet.__version__)

mmdetection代码教学_第2张图片

下载训练好的fast-rcnn模型到checkpoints文件夹

下面展示一些 内联代码片

!mkdir checkpoints 
!wget https://download.openmmlab.com/mmdetection/v2.0/faster_rcnn/faster_rcnn_r50_fpn_1x_coco/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth -O checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth

推理计算

from mmdet.apis import inference_detector,init_detector,show_result_pyplot
#根据colab状态设置device
device=torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
#device='cuda:0'
#选择模型对应的配置文件
config='configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.py'
#选择下载好的checkpoints
checkpoint='checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth'
#初始化模型
model=init_detector(config,checkpoint,device=device)
#使用模型进行单张图推理
img='demo/demo.jpg'
result=inference_detector(model,img)
#在原图上绘制结果
show_result_pyplot(model,img,result,score_thr=0.9)

mmdetection代码教学_第3张图片

你可能感兴趣的:(问题解决,pytorch,深度学习,python)