本文簡要介紹python語言中 torchvision.models.detection.fasterrcnn_resnet50_fpn
的用法。
用法:
torchvision.models.detection.fasterrcnn_resnet50_fpn(pretrained=False, progress=True, num_classes=91, pretrained_backbone=True, trainable_backbone_layers=None, **kwargs)
使用 ResNet-50-FPN 主幹構建 Faster R-CNN 模型。
參考:“更快的R-CNN:通過區域提議網絡實現實時目標檢測”.
模型的輸入應該是一個張量列表,每個形狀為
[C, H, W]
,每個圖像一個,並且應該在0-1
範圍內。不同的圖像可以有不同的尺寸。模型的行為取決於它是處於訓練模式還是評估模式。
在訓練期間,模型需要輸入張量以及目標(字典列表),其中包含:
框 (
FloatTensor[N, 4]
):[x1, y1, x2, y2]
格式的 ground-truth 框,包含0 <= x1 < x2 <= W
和0 <= y1 < y2 <= H
。labels (
Int64Tensor[N]
):每個ground-truth框的類標簽
該模型在訓練期間返回
Dict[Tensor]
,其中包含 RPN 和 R-CNN 的分類和回歸損失。在推理過程中,模型隻需要輸入張量,並將後處理的預測作為
List[Dict[Tensor]]
返回,每個輸入圖像一個。Dict
的字段如下,其中N
為檢測次數:框 (
FloatTensor[N, 4]
):[x1, y1, x2, y2]
格式的預測框,包含0 <= x1 < x2 <= W
和0 <= y1 < y2 <= H
。labels (
Int64Tensor[N]
):每次檢測的預測標簽分數(
Tensor[N]
):每次檢測的分數
有關輸出的更多詳細信息,您可以參考實例分割模型。
Faster R-CNN 可導出到 ONNX 以用於固定批量大小,輸入圖像大小固定。
例子:
>>> model = torchvision.models.detection.fasterrcnn_resnet50_fpn(pretrained=True) >>> # For training >>> images, boxes = torch.rand(4, 3, 600, 1200), torch.rand(4, 11, 4) >>> labels = torch.randint(1, 91, (4, 11)) >>> images = list(image for image in images) >>> targets = [] >>> for i in range(len(images)): >>> d = {} >>> d['boxes'] = boxes[i] >>> d['labels'] = labels[i] >>> targets.append(d) >>> output = model(images, targets) >>> # For inference >>> model.eval() >>> x = [torch.rand(3, 300, 400), torch.rand(3, 500, 400)] >>> predictions = model(x) >>> >>> # optionally, if you want to export the model to ONNX: >>> torch.onnx.export(model, x, "faster_rcnn.onnx", opset_version = 11)
使用
fasterrcnn_resnet50_fpn
的示例:
參數:
相關用法
- Python PyTorch fasterrcnn_mobilenet_v3_large_320_fpn用法及代碼示例
- Python PyTorch fasterrcnn_mobilenet_v3_large_fpn用法及代碼示例
- Python PyTorch fake_quantize_per_channel_affine用法及代碼示例
- Python PyTorch fake_quantize_per_tensor_affine用法及代碼示例
- Python PyTorch frexp用法及代碼示例
- Python PyTorch fft2用法及代碼示例
- Python PyTorch fftn用法及代碼示例
- Python PyTorch flip用法及代碼示例
- Python PyTorch frombuffer用法及代碼示例
- Python PyTorch float_power用法及代碼示例
- Python PyTorch floor_divide用法及代碼示例
- Python PyTorch fractional_max_pool3d用法及代碼示例
- Python PyTorch frac用法及代碼示例
- Python PyTorch freeze用法及代碼示例
- Python PyTorch fp16_compress_hook用法及代碼示例
- Python PyTorch fftshift用法及代碼示例
- Python PyTorch flipud用法及代碼示例
- Python PyTorch fliplr用法及代碼示例
- Python PyTorch fp16_compress_wrapper用法及代碼示例
- Python PyTorch fractional_max_pool2d用法及代碼示例
- Python PyTorch fftfreq用法及代碼示例
- Python PyTorch from_numpy用法及代碼示例
- Python PyTorch filter_wikipedia_xml用法及代碼示例
- Python PyTorch fuse_modules用法及代碼示例
- Python PyTorch fmax用法及代碼示例
注:本文由純淨天空篩選整理自pytorch.org大神的英文原創作品 torchvision.models.detection.fasterrcnn_resnet50_fpn。非經特殊聲明,原始代碼版權歸原作者所有,本譯文未經允許或授權,請勿轉載或複製。