From bcddb3ccdad078e7f16926826be06f8d255d10e9 Mon Sep 17 00:00:00 2001 From: RunningLeon Date: Mon, 22 May 2023 17:46:50 +0800 Subject: [PATCH 1/5] update docs from 1.x to main --- csrc/mmdeploy/codebase/mmocr/pixel_group.cpp | 2 +- docs/en/02-how-to-run/convert_model.md | 2 +- docs/en/02-how-to-run/write_config.md | 2 +- docs/en/03-benchmark/benchmark.md | 116 ++++++------ docs/en/03-benchmark/benchmark_edge.md | 18 +- docs/en/03-benchmark/benchmark_tvm.md | 54 +++--- docs/en/03-benchmark/quantization.md | 14 +- docs/en/03-benchmark/supported_models.md | 172 +++++++++--------- docs/en/04-supported-codebases/mmdet3d.md | 10 +- docs/en/04-supported-codebases/mmocr.md | 26 +-- docs/en/04-supported-codebases/mmpose.md | 20 +- docs/en/04-supported-codebases/mmpretrain.md | 2 +- docs/en/04-supported-codebases/mmseg.md | 72 ++++---- docs/zh_cn/01-how-to-build/android.md | 2 +- .../01-how-to-build/build_from_source.md | 4 +- docs/zh_cn/01-how-to-build/jetsons.md | 2 +- docs/zh_cn/02-how-to-run/convert_model.md | 2 +- .../02-how-to-run/prebuilt_package_windows.md | 4 +- docs/zh_cn/02-how-to-run/write_config.md | 2 +- docs/zh_cn/03-benchmark/benchmark.md | 146 +++++++-------- docs/zh_cn/03-benchmark/benchmark_edge.md | 18 +- docs/zh_cn/03-benchmark/benchmark_tvm.md | 54 +++--- docs/zh_cn/03-benchmark/quantization.md | 14 +- docs/zh_cn/03-benchmark/supported_models.md | 172 +++++++++--------- docs/zh_cn/04-supported-codebases/mmdet3d.md | 10 +- docs/zh_cn/04-supported-codebases/mmocr.md | 26 +-- docs/zh_cn/04-supported-codebases/mmpose.md | 20 +- docs/zh_cn/04-supported-codebases/mmrotate.md | 2 +- docs/zh_cn/04-supported-codebases/mmseg.md | 72 ++++---- 29 files changed, 530 insertions(+), 530 deletions(-) diff --git a/csrc/mmdeploy/codebase/mmocr/pixel_group.cpp b/csrc/mmdeploy/codebase/mmocr/pixel_group.cpp index def430ad5b..f9810a91bd 100644 --- a/csrc/mmdeploy/codebase/mmocr/pixel_group.cpp +++ b/csrc/mmdeploy/codebase/mmocr/pixel_group.cpp @@ -1,7 +1,7 @@ // Copyright (c) OpenMMLab. All rights reserved. // Modified from https://github.com/WenmuZhou/PAN.pytorch // and -// https://github.com/open-mmlab/mmcv/blob/master/mmcv/ops/csrc/pytorch/cpu/pixel_group.cpp +// https://github.com/open-mmlab/mmcv/blob/main/mmcv/ops/csrc/pytorch/cpu/pixel_group.cpp #include #include diff --git a/docs/en/02-how-to-run/convert_model.md b/docs/en/02-how-to-run/convert_model.md index b7a23ebf84..b5833cb080 100644 --- a/docs/en/02-how-to-run/convert_model.md +++ b/docs/en/02-how-to-run/convert_model.md @@ -11,7 +11,7 @@ Notes: ### Prerequisite 1. Install and build your target backend. You could refer to [ONNXRuntime-install](../05-supported-backends/onnxruntime.md), [TensorRT-install](../05-supported-backends/tensorrt.md), [ncnn-install](../05-supported-backends/ncnn.md), [PPLNN-install](../05-supported-backends/pplnn.md), [OpenVINO-install](../05-supported-backends/openvino.md) for more information. -2. Install and build your target codebase. You could refer to [MMPretrain-install](https://github.com/open-mmlab/mmpretrain/blob/main/docs/en/get_started.md#installation), [MMDetection-install](https://github.com/open-mmlab/mmdetection/blob/3.x/docs/en/get_started.md), [MMSegmentation-install](https://github.com/open-mmlab/mmsegmentation/blob/1.x/docs/en/get_started.md#installation), [MMOCR-install](https://github.com/open-mmlab/mmocr/blob/1.x/docs/en/get_started/install.md), [MMagic-install](https://github.com/open-mmlab/mmagic/blob/main/docs/en/get_started/install.md). +2. Install and build your target codebase. You could refer to [MMPretrain-install](https://mmpretrain.readthedocs.io/en/latest/get_started.html#installation), [MMDetection-install](https://mmdetection.readthedocs.io/en/latest/get_started.html#installation), [MMSegmentation-install](https://mmsegmentation.readthedocs.io/en/latest/get_started.html#installation), [MMOCR-install](https://mmocr.readthedocs.io/en/latest/get_started/install.html#installation-steps), [MMagic-install](https://mmagic.readthedocs.io/en/latest/get_started/install.html#installation). ### Usage diff --git a/docs/en/02-how-to-run/write_config.md b/docs/en/02-how-to-run/write_config.md index 923571645c..c65fd048da 100644 --- a/docs/en/02-how-to-run/write_config.md +++ b/docs/en/02-how-to-run/write_config.md @@ -177,4 +177,4 @@ detection_tensorrt-int8_dynamic-320x320-1344x1344.py ## 6. How to write model config -According to model's codebase, write the model config file. Model's config file is used to initialize the model, referring to [MMPretrain](https://github.com/open-mmlab/mmpretrain/blob/main/docs/en/user_guides/config.md), [MMDetection](https://github.com/open-mmlab/mmdetection/blob/3.x/docs/en/user_guides/config.md), [MMSegmentation](https://github.com/open-mmlab/mmsegmentation/blob/1.x/docs/en/user_guides/1_config.md), [MMOCR](https://github.com/open-mmlab/mmocr/blob/1.x/docs/en/user_guides/config.md), [MMagic](https://github.com/open-mmlab/mmagic/blob/main/docs/en/user_guides/config.md). +According to model's codebase, write the model config file. Model's config file is used to initialize the model, referring to [MMPretrain](https://github.com/open-mmlab/mmpretrain/blob/main/docs/en/user_guides/config.md), [MMDetection](https://github.com/open-mmlab/mmdetection/blob/3.x/docs/en/user_guides/config.md), [MMSegmentation](https://github.com/open-mmlab/mmsegmentation/blob/main/docs/en/user_guides/1_config.md), [MMOCR](https://github.com/open-mmlab/mmocr/blob/main/docs/en/user_guides/config.md), [MMagic](https://github.com/open-mmlab/mmagic/blob/main/docs/en/user_guides/config.md). diff --git a/docs/en/03-benchmark/benchmark.md b/docs/en/03-benchmark/benchmark.md index e1e898a2d4..b45eaff398 100644 --- a/docs/en/03-benchmark/benchmark.md +++ b/docs/en/03-benchmark/benchmark.md @@ -145,7 +145,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro fp16 - YOLOv3 + YOLOv3 320x320 14.76 24.92 @@ -154,7 +154,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro 18.07 - SSD-Lite + SSD-Lite 320x320 8.84 9.21 @@ -163,7 +163,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro 19.72 - RetinaNet + RetinaNet 800x1344 97.09 25.79 @@ -172,7 +172,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro 38.34 - FCOS + FCOS 800x1344 84.06 23.15 @@ -181,7 +181,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro - - FSAF + FSAF 800x1344 82.96 21.02 @@ -190,7 +190,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro 30.41 - Faster R-CNN + Faster R-CNN 800x1344 88.08 26.52 @@ -326,7 +326,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro fp32 - DBNet + DBNet 640x640 10.70 5.62 @@ -336,7 +336,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro - - CRNN + CRNN 32x32 1.93 1.40 @@ -373,7 +373,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro fp16 - FCN + FCN 512x1024 128.42 23.97 @@ -382,7 +382,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro 27.00 - PSPNet + PSPNet 1x3x512x1024 119.77 24.10 @@ -391,7 +391,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro 27.26 - DeepLabV3 + DeepLabV3 512x1024 226.75 31.80 @@ -400,7 +400,7 @@ Users can directly test the speed through [model profiling](../02-how-to-run/pro 36.01 - DeepLabV3+ + DeepLabV3+ 512x1024 151.25 47.03 @@ -1160,7 +1160,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ fp32 - DBNet* + DBNet* TextDetection ICDAR2015 recall @@ -1196,7 +1196,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 0.7950 - DBNetpp + DBNetpp TextDetection ICDAR2015 recall @@ -1232,7 +1232,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 0.8622 - PSENet + PSENet TextDetection ICDAR2015 recall @@ -1268,7 +1268,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 0.8057 - PANet + PANet TextDetection ICDAR2015 recall @@ -1304,7 +1304,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 0.7955 - TextSnake + TextSnake TextDetection CTW1500 recall @@ -1340,7 +1340,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - MaskRCNN + MaskRCNN TextDetection ICDAR2015 recall @@ -1376,7 +1376,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - CRNN + CRNN TextRecognition IIIT5K acc @@ -1390,7 +1390,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - SAR + SAR TextRecognition IIIT5K acc @@ -1404,7 +1404,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - SATRN + SATRN TextRecognition IIIT5K acc @@ -1418,7 +1418,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - ABINet + ABINet TextRecognition IIIT5K acc @@ -1462,7 +1462,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ fp32 - FCN + FCN Cityscapes mIoU 72.25 @@ -1475,7 +1475,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 72.35 - PSPNet + PSPNet Cityscapes mIoU 78.55 @@ -1488,7 +1488,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 78.67 - deeplabv3 + deeplabv3 Cityscapes mIoU 79.09 @@ -1501,7 +1501,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 79.06 - deeplabv3+ + deeplabv3+ Cityscapes mIoU 79.61 @@ -1514,7 +1514,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 79.51 - Fast-SCNN + Fast-SCNN Cityscapes mIoU 70.96 @@ -1527,7 +1527,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - UNet + UNet Cityscapes mIoU 69.10 @@ -1540,7 +1540,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - ANN + ANN Cityscapes mIoU 77.40 @@ -1553,7 +1553,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - APCNet + APCNet Cityscapes mIoU 77.40 @@ -1566,7 +1566,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - BiSeNetV1 + BiSeNetV1 Cityscapes mIoU 74.44 @@ -1579,7 +1579,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - BiSeNetV2 + BiSeNetV2 Cityscapes mIoU 73.21 @@ -1592,7 +1592,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - CGNet + CGNet Cityscapes mIoU 68.25 @@ -1605,7 +1605,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - EMANet + EMANet Cityscapes mIoU 77.59 @@ -1618,7 +1618,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - EncNet + EncNet Cityscapes mIoU 75.67 @@ -1631,7 +1631,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - ERFNet + ERFNet Cityscapes mIoU 71.08 @@ -1644,7 +1644,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - FastFCN + FastFCN Cityscapes mIoU 79.12 @@ -1657,7 +1657,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - GCNet + GCNet Cityscapes mIoU 77.69 @@ -1670,7 +1670,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - ICNet + ICNet Cityscapes mIoU 76.29 @@ -1683,7 +1683,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - ISANet + ISANet Cityscapes mIoU 78.49 @@ -1696,7 +1696,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - OCRNet + OCRNet Cityscapes mIoU 74.30 @@ -1709,7 +1709,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - PointRend + PointRend Cityscapes mIoU 76.47 @@ -1722,7 +1722,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - Semantic FPN + Semantic FPN Cityscapes mIoU 74.52 @@ -1735,7 +1735,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - STDC + STDC Cityscapes mIoU 75.10 @@ -1748,7 +1748,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - STDC + STDC Cityscapes mIoU 77.17 @@ -1761,7 +1761,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - UPerNet + UPerNet Cityscapes mIoU 77.10 @@ -1774,7 +1774,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - Segmenter + Segmenter ADE20K mIoU 44.32 @@ -1815,7 +1815,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ fp32 - HRNet + HRNet Pose Detection COCO AP @@ -1836,7 +1836,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 0.802 - LiteHRNet + LiteHRNet Pose Detection COCO AP @@ -1857,7 +1857,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 0.728 - MSPN + MSPN Pose Detection COCO AP @@ -1878,7 +1878,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 0.825 - Hourglass + Hourglass Pose Detection COCO AP @@ -1899,7 +1899,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ 0.774 - SimCC + SimCC Pose Detection COCO AP @@ -1949,7 +1949,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ fp32 - RotatedRetinaNet + RotatedRetinaNet Rotated Detection DOTA-v1.0 mAP @@ -1961,7 +1961,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - Oriented RCNN + Oriented RCNN Rotated Detection DOTA-v1.0 mAP @@ -1973,7 +1973,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - GlidingVertex + GlidingVertex Rotated Detection DOTA-v1.0 mAP @@ -1985,7 +1985,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - RoI Transformer + RoI Transformer Rotated Detection DOTA-v1.0 mAP @@ -2026,7 +2026,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ fp32 - TSN + TSN Recognition Kinetics-400 top-1 @@ -2047,7 +2047,7 @@ Users can directly test the performance through [how_to_evaluate_a_model.md](../ - - SlowFast + SlowFast Recognition Kinetics-400 top-1 diff --git a/docs/en/03-benchmark/benchmark_edge.md b/docs/en/03-benchmark/benchmark_edge.md index a969373f5c..d054174b50 100644 --- a/docs/en/03-benchmark/benchmark_edge.md +++ b/docs/en/03-benchmark/benchmark_edge.md @@ -22,15 +22,15 @@ tips: ## mmocr detection -| model | dataset | spatial | fp32 hmean | snpe gpu hybrid hmean | latency(ms) | -| :-------------------------------------------------------------------------------------------------------------------: | :-------: | :------: | :--------: | :-------------------: | :---------: | -| [PANet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/panet/panet_resnet18_fpem-ffm_600e_icdar2015.py) | ICDAR2015 | 1312x736 | 0.795 | 0.785 @thr=0.9 | 3100±100 | +| model | dataset | spatial | fp32 hmean | snpe gpu hybrid hmean | latency(ms) | +| :--------------------------------------------------------------------------------------------------------------------: | :-------: | :------: | :--------: | :-------------------: | :---------: | +| [PANet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/panet/panet_resnet18_fpem-ffm_600e_icdar2015.py) | ICDAR2015 | 1312x736 | 0.795 | 0.785 @thr=0.9 | 3100±100 | ## mmpose -| model | dataset | spatial | snpe hybrid AR@IoU=0.50 | snpe hybrid AP@IoU=0.50 | latency(ms) | -| :--------------------------------------------------------------------------------------------------------------------------------------------------------------------: | :--------: | :-----: | :---------------------: | :---------------------: | :---------: | -| [pose_hrnet_w32](https://github.com/open-mmlab/mmpose/blob/1.x/configs/animal_2d_keypoint/topdown_heatmap/animalpose/td-hm_hrnet-w32_8xb64-210e_animalpose-256x256.py) | Animalpose | 256x256 | 0.997 | 0.989 | 630±50 | +| model | dataset | spatial | snpe hybrid AR@IoU=0.50 | snpe hybrid AP@IoU=0.50 | latency(ms) | +| :---------------------------------------------------------------------------------------------------------------------------------------------------------------------: | :--------: | :-----: | :---------------------: | :---------------------: | :---------: | +| [pose_hrnet_w32](https://github.com/open-mmlab/mmpose/blob/main/configs/animal_2d_keypoint/topdown_heatmap/animalpose/td-hm_hrnet-w32_8xb64-210e_animalpose-256x256.py) | Animalpose | 256x256 | 0.997 | 0.989 | 630±50 | tips: @@ -38,9 +38,9 @@ tips: ## mmseg -| model | dataset | spatial | mIoU | latency(ms) | -| :-----------------------------------------------------------------------------------------------------------------: | :--------: | :------: | :---: | :---------: | -| [fcn](https://github.com/open-mmlab/mmsegmentation/blob/1.x/configs/fcn/fcn_r18-d8_4xb2-80k_cityscapes-512x1024.py) | Cityscapes | 512x1024 | 71.11 | 4915±500 | +| model | dataset | spatial | mIoU | latency(ms) | +| :------------------------------------------------------------------------------------------------------------------: | :--------: | :------: | :---: | :---------: | +| [fcn](https://github.com/open-mmlab/mmsegmentation/blob/main/configs/fcn/fcn_r18-d8_4xb2-80k_cityscapes-512x1024.py) | Cityscapes | 512x1024 | 71.11 | 4915±500 | tips: diff --git a/docs/en/03-benchmark/benchmark_tvm.md b/docs/en/03-benchmark/benchmark_tvm.md index 36e2d1fb4e..72fb3513c7 100644 --- a/docs/en/03-benchmark/benchmark_tvm.md +++ b/docs/en/03-benchmark/benchmark_tvm.md @@ -2,26 +2,26 @@ ## Supported Models -| Model | Codebase | Model config | -| :---------------- | :------------- | :--------------------------------------------------------------------------------------: | -| RetinaNet | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/retinanet) | -| Faster R-CNN | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/faster_rcnn) | -| YOLOv3 | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/yolo) | -| YOLOX | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/yolox) | -| Mask R-CNN | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/mask_rcnn) | -| SSD | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/ssd) | -| ResNet | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnet) | -| ResNeXt | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnext) | -| SE-ResNet | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/seresnet) | -| MobileNetV2 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobilenet_v2) | -| ShuffleNetV1 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v1) | -| ShuffleNetV2 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v2) | -| VisionTransformer | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/vision_transformer) | -| FCN | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/fcn) | -| PSPNet | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/pspnet) | -| DeepLabV3 | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/deeplabv3) | -| DeepLabV3+ | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/deeplabv3plus) | -| UNet | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/unet) | +| Model | Codebase | Model config | +| :---------------- | :------------- | :-------------------------------------------------------------------------------------: | +| RetinaNet | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/retinanet) | +| Faster R-CNN | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/faster_rcnn) | +| YOLOv3 | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/yolo) | +| YOLOX | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/yolox) | +| Mask R-CNN | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/mask_rcnn) | +| SSD | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/ssd) | +| ResNet | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnet) | +| ResNeXt | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnext) | +| SE-ResNet | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/seresnet) | +| MobileNetV2 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobilenet_v2) | +| ShuffleNetV1 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v1) | +| ShuffleNetV2 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v2) | +| VisionTransformer | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/vision_transformer) | +| FCN | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn) | +| PSPNet | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet) | +| DeepLabV3 | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3) | +| DeepLabV3+ | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3plus) | +| UNet | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/unet) | The table above list the models that we have tested. Models not listed on the table might still be able to converted. Please have a try. @@ -39,13 +39,13 @@ The table above list the models that we have tested. Models not listed on the ta -| mmdet(\*) | metric | PyTorch | TVM | -| :-------------------------------------------------------------------------------------: | :----: | :-----: | :--: | -| [SSD](https://github.com/open-mmlab/mmdetection/tree/master/configs/ssd/ssd300_coco.py) | box AP | 25.5 | 25.5 | +| mmdet(\*) | metric | PyTorch | TVM | +| :-----------------------------------------------------------------------------------: | :----: | :-----: | :--: | +| [SSD](https://github.com/open-mmlab/mmdetection/tree/main/configs/ssd/ssd300_coco.py) | box AP | 25.5 | 25.5 | \*: We only test model on ssd since dynamic shape is not supported for now. -| mmseg | metric | PyTorch | TVM | -| :------------------------------------------------------------------------------------------------------------------------: | :----: | :-----: | :---: | -| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/fcn/fcn_r50-d8_512x1024_40k_cityscapes.py) | mIoU | 72.25 | 72.36 | -| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/pspnet/pspnet_r50-d8_512x1024_80k_cityscapes.py) | mIoU | 78.55 | 77.90 | +| mmseg | metric | PyTorch | TVM | +| :----------------------------------------------------------------------------------------------------------------------: | :----: | :-----: | :---: | +| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn/fcn_r50-d8_512x1024_40k_cityscapes.py) | mIoU | 72.25 | 72.36 | +| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet/pspnet_r50-d8_512x1024_80k_cityscapes.py) | mIoU | 78.55 | 77.90 | diff --git a/docs/en/03-benchmark/quantization.md b/docs/en/03-benchmark/quantization.md index 8b6f50ceda..0398d23f1f 100644 --- a/docs/en/03-benchmark/quantization.md +++ b/docs/en/03-benchmark/quantization.md @@ -20,17 +20,17 @@ Note: ### OCR detection -| model | dataset | fp32 hmean | int8 hmean | -| :------------------------------------------------------------------------------------------------------------------------------: | :-------: | :--------: | :------------: | -| [PANet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/panet/panet_resnet18_fpem-ffm_600e_icdar2015.py) | ICDAR2015 | 0.795 | 0.792 @thr=0.9 | -| [TextSnake](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/textsnake/textsnake_resnet50_fpn-unet_1200e_ctw1500.py) | CTW1500 | 0.817 | 0.818 | +| model | dataset | fp32 hmean | int8 hmean | +| :-------------------------------------------------------------------------------------------------------------------------------: | :-------: | :--------: | :------------: | +| [PANet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/panet/panet_resnet18_fpem-ffm_600e_icdar2015.py) | ICDAR2015 | 0.795 | 0.792 @thr=0.9 | +| [TextSnake](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/textsnake/textsnake_resnet50_fpn-unet_1200e_ctw1500.py) | CTW1500 | 0.817 | 0.818 | Note: [mmocr](https://github.com/open-mmlab/mmocr) Uses 'shapely' to compute IoU, which results in a slight difference in accuracy ### Pose detection -| model | dataset | fp32 AP | int8 AP | -| :---------------------------------------------------------------------------------------------------------------------------------------------------: | :------: | :-----: | :-----: | -| [Hourglass](https://github.com/open-mmlab/mmpose/blob/1.x/configs/body_2d_keypoint/topdown_heatmap/coco/td-hm_hourglass52_8xb32-210e_coco-256x256.py) | COCO2017 | 0.717 | 0.713 | +| model | dataset | fp32 AP | int8 AP | +| :----------------------------------------------------------------------------------------------------------------------------------------------------: | :------: | :-----: | :-----: | +| [Hourglass](https://github.com/open-mmlab/mmpose/blob/main/configs/body_2d_keypoint/topdown_heatmap/coco/td-hm_hourglass52_8xb32-210e_coco-256x256.py) | COCO2017 | 0.717 | 0.713 | Note: MMPose models are tested with `flip_test` explicitly set to `False` in model configs. diff --git a/docs/en/03-benchmark/supported_models.md b/docs/en/03-benchmark/supported_models.md index 01ae409745..d3b199d814 100644 --- a/docs/en/03-benchmark/supported_models.md +++ b/docs/en/03-benchmark/supported_models.md @@ -2,92 +2,92 @@ The table below lists the models that are guaranteed to be exportable to other backends. -| Model config | Codebase | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVINO | Ascend | RKNN | -| :------------------------------------------------------------------------------------------------------ | :--------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | :----: | :--: | -| [RetinaNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/retinanet) | MMDetection | Y | Y | Y | Y | Y | Y | Y | Y | -| [Faster R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/faster_rcnn) | MMDetection | Y | Y | Y | Y | Y | Y | Y | N | -| [YOLOv3](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/yolo) | MMDetection | Y | Y | Y | Y | N | Y | Y | Y | -| [YOLOX](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/yolox) | MMDetection | Y | Y | Y | Y | N | Y | N | Y | -| [FCOS](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/fcos) | MMDetection | Y | Y | Y | Y | N | Y | N | N | -| [FSAF](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/fsaf) | MMDetection | Y | Y | Y | Y | Y | Y | N | Y | -| [Mask R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/mask_rcnn) | MMDetection | Y | Y | Y | N | N | Y | N | N | -| [SSD](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/ssd)[\*](#note) | MMDetection | Y | Y | Y | Y | N | Y | N | Y | -| [FoveaBox](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/foveabox) | MMDetection | Y | Y | N | N | N | Y | N | N | -| [ATSS](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/atss) | MMDetection | N | Y | Y | N | N | Y | N | N | -| [GFL](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/gfl) | MMDetection | N | Y | Y | N | ? | Y | N | N | -| [Cascade R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/cascade_rcnn) | MMDetection | N | Y | Y | N | Y | Y | N | N | -| [Cascade Mask R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/cascade_rcnn) | MMDetection | N | Y | Y | N | N | Y | N | N | -| [Swin Transformer](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/swin)[\*](#note) | MMDetection | N | Y | Y | N | N | N | N | N | -| [VFNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/vfnet) | MMDetection | N | N | N | N | N | Y | N | N | -| [RepPoints](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/reppoints) | MMDetection | N | N | Y | N | ? | Y | N | N | -| [DETR](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/detr) | MMDetection | N | Y | Y | N | ? | N | N | N | -| [CenterNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/centernet) | MMDetection | N | Y | Y | N | ? | N | N | N | -| [SOLO](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/solo) | MMDetection | N | Y | N | N | N | Y | N | N | -| [SOLOv2](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/solov2) | MMDetection | N | Y | N | N | N | Y | N | N | -| [ResNet](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnet) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [ResNeXt](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnext) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [SE-ResNet](https://github.com/open-mmlab/mmpretrain/tree/main/configs/seresnet) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [MobileNetV2](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobilenet_v2) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [ShuffleNetV1](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v1) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [ShuffleNetV2](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v2) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [VisionTransformer](https://github.com/open-mmlab/mmpretrain/tree/main/configs/vision_transformer) | MMPretrain | Y | Y | Y | Y | ? | Y | Y | N | -| [SwinTransformer](https://github.com/open-mmlab/mmpretrain/tree/main/configs/swin_transformer) | MMPretrain | Y | Y | Y | N | ? | N | ? | N | -| [MobileOne](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobileone) | MMPretrain | N | Y | Y | N | N | N | N | N | -| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fcn) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | -| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/pspnet)[\*static](#note) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | -| [DeepLabV3](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/deeplabv3) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | N | -| [DeepLabV3+](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/deeplabv3plus) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | N | -| [Fast-SCNN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fastscnn)[\*static](#note) | MMSegmentation | Y | Y | Y | N | Y | Y | N | Y | -| [UNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/unet) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | -| [ANN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ann)[\*](#note) | MMSegmentation | Y | Y | Y | N | N | N | N | N | -| [APCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/apcnet) | MMSegmentation | Y | Y | Y | Y | N | N | N | Y | -| [BiSeNetV1](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/bisenetv1) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [BiSeNetV2](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/bisenetv2) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | -| [CGNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/cgnet) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [DMNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dmnet) | MMSegmentation | ? | Y | N | N | N | N | N | N | -| [DNLNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dnlnet) | MMSegmentation | ? | Y | Y | Y | N | Y | N | N | -| [EMANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/emanet) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | -| [EncNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/encnet) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | -| [ERFNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/erfnet) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [FastFCN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fastfcn) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | -| [GCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/gcnet) | MMSegmentation | Y | Y | Y | N | N | N | N | N | -| [ICNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/icnet)[\*](#note) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | -| [ISANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/isanet)[\*static](#note) | MMSegmentation | N | Y | Y | N | N | Y | N | Y | -| [NonLocal Net](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/nonlocal_net) | MMSegmentation | ? | Y | Y | Y | N | Y | N | N | -| [OCRNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ocrnet) | MMSegmentation | ? | Y | Y | Y | N | Y | N | Y | -| [PointRend](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/point_rend) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | -| [Semantic FPN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/sem_fpn) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [STDC](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/stdc) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [UPerNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/upernet)[\*](#note) | MMSegmentation | ? | Y | Y | N | N | N | N | Y | -| [DANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/danet) | MMSegmentation | ? | Y | Y | N | N | N | N | N | -| [Segmenter](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/segmenter) [\*static](#note) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | -| [SRCNN](https://github.com/open-mmlab/mmagic/tree/main/configs/srcnn) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [ESRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/esrgan) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [SRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/srgan_resnet) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [SRResNet](https://github.com/open-mmlab/mmagic/tree/main/configs/srgan_resnet) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [Real-ESRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/real_esrgan) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [EDSR](https://github.com/open-mmlab/mmagic/tree/main/configs/edsr) | MMagic | Y | Y | Y | Y | N | Y | N | N | -| [RDN](https://github.com/open-mmlab/mmagic/tree/main/configs/rdn) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [DBNet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/dbnet) | MMOCR | Y | Y | Y | Y | Y | Y | Y | N | -| [DBNetpp](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/dbnetpp) | MMOCR | Y | Y | Y | ? | ? | Y | ? | N | -| [PANet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/panet) | MMOCR | Y | Y | Y | Y | ? | Y | Y | N | -| [PSENet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/psenet) | MMOCR | Y | Y | Y | Y | ? | Y | Y | N | -| [TextSnake](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/textsnake) | MMOCR | Y | Y | Y | Y | ? | ? | ? | N | -| [MaskRCNN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/maskrcnn) | MMOCR | Y | Y | Y | ? | ? | ? | ? | N | -| [CRNN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/crnn) | MMOCR | Y | Y | Y | Y | Y | N | N | N | -| [SAR](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/sar) | MMOCR | N | Y | N | N | N | N | N | N | -| [SATRN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/satrn) | MMOCR | Y | Y | Y | N | N | N | N | N | -| [ABINet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/abinet) | MMOCR | Y | Y | Y | N | N | N | N | N | -| [HRNet](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#hrnet-cvpr-2019) | MMPose | N | Y | Y | Y | N | Y | N | N | -| [MSPN](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#mspn-arxiv-2019) | MMPose | N | Y | Y | Y | N | Y | N | N | -| [LiteHRNet](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#litehrnet-cvpr-2021) | MMPose | N | Y | Y | N | N | Y | N | N | -| [Hourglass](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#hourglass-eccv-2016) | MMPose | N | Y | Y | Y | N | Y | N | N | -| [SimCC](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/algorithms.html#simcc-eccv-2022) | MMPose | N | Y | Y | Y | N | N | N | N | -| [PointPillars](https://github.com/open-mmlab/mmdetection3d/tree/dev-1.x/configs/pointpillars) | MMDetection3d | ? | Y | Y | N | N | Y | N | N | -| [CenterPoint (pillar)](https://github.com/open-mmlab/mmdetection3d/tree/dev-1.x/configs/centerpoint) | MMDetection3d | ? | Y | Y | N | N | Y | N | N | -| [RotatedRetinaNet](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/rotated_retinanet/README.md) | RotatedDetection | N | Y | Y | N | N | N | N | N | -| [Oriented RCNN](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/oriented_rcnn/README.md) | RotatedDetection | N | Y | Y | N | N | N | N | N | -| [Gliding Vertex](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/gliding_vertex/README.md) | RotatedDetection | N | N | Y | N | N | N | N | N | +| Model config | Codebase | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVINO | Ascend | RKNN | +| :------------------------------------------------------------------------------------------------------- | :--------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | :----: | :--: | +| [RetinaNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/retinanet) | MMDetection | Y | Y | Y | Y | Y | Y | Y | Y | +| [Faster R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/faster_rcnn) | MMDetection | Y | Y | Y | Y | Y | Y | Y | N | +| [YOLOv3](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/yolo) | MMDetection | Y | Y | Y | Y | N | Y | Y | Y | +| [YOLOX](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/yolox) | MMDetection | Y | Y | Y | Y | N | Y | N | Y | +| [FCOS](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/fcos) | MMDetection | Y | Y | Y | Y | N | Y | N | N | +| [FSAF](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/fsaf) | MMDetection | Y | Y | Y | Y | Y | Y | N | Y | +| [Mask R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/mask_rcnn) | MMDetection | Y | Y | Y | N | N | Y | N | N | +| [SSD](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/ssd)[\*](#note) | MMDetection | Y | Y | Y | Y | N | Y | N | Y | +| [FoveaBox](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/foveabox) | MMDetection | Y | Y | N | N | N | Y | N | N | +| [ATSS](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/atss) | MMDetection | N | Y | Y | N | N | Y | N | N | +| [GFL](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/gfl) | MMDetection | N | Y | Y | N | ? | Y | N | N | +| [Cascade R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/cascade_rcnn) | MMDetection | N | Y | Y | N | Y | Y | N | N | +| [Cascade Mask R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/cascade_rcnn) | MMDetection | N | Y | Y | N | N | Y | N | N | +| [Swin Transformer](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/swin)[\*](#note) | MMDetection | N | Y | Y | N | N | N | N | N | +| [VFNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/vfnet) | MMDetection | N | N | N | N | N | Y | N | N | +| [RepPoints](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/reppoints) | MMDetection | N | N | Y | N | ? | Y | N | N | +| [DETR](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/detr) | MMDetection | N | Y | Y | N | ? | N | N | N | +| [CenterNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/centernet) | MMDetection | N | Y | Y | N | ? | N | N | N | +| [SOLO](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/solo) | MMDetection | N | Y | N | N | N | Y | N | N | +| [SOLOv2](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/solov2) | MMDetection | N | Y | N | N | N | Y | N | N | +| [ResNet](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnet) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [ResNeXt](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnext) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [SE-ResNet](https://github.com/open-mmlab/mmpretrain/tree/main/configs/seresnet) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [MobileNetV2](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobilenet_v2) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [ShuffleNetV1](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v1) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [ShuffleNetV2](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v2) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [VisionTransformer](https://github.com/open-mmlab/mmpretrain/tree/main/configs/vision_transformer) | MMPretrain | Y | Y | Y | Y | ? | Y | Y | N | +| [SwinTransformer](https://github.com/open-mmlab/mmpretrain/tree/main/configs/swin_transformer) | MMPretrain | Y | Y | Y | N | ? | N | ? | N | +| [MobileOne](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobileone) | MMPretrain | N | Y | Y | N | N | N | N | N | +| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | +| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet)[\*static](#note) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | +| [DeepLabV3](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | N | +| [DeepLabV3+](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3plus) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | N | +| [Fast-SCNN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fastscnn)[\*static](#note) | MMSegmentation | Y | Y | Y | N | Y | Y | N | Y | +| [UNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/unet) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | +| [ANN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ann)[\*](#note) | MMSegmentation | Y | Y | Y | N | N | N | N | N | +| [APCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/apcnet) | MMSegmentation | Y | Y | Y | Y | N | N | N | Y | +| [BiSeNetV1](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/bisenetv1) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [BiSeNetV2](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/bisenetv2) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | +| [CGNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/cgnet) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [DMNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dmnet) | MMSegmentation | ? | Y | N | N | N | N | N | N | +| [DNLNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dnlnet) | MMSegmentation | ? | Y | Y | Y | N | Y | N | N | +| [EMANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/emanet) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | +| [EncNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/encnet) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | +| [ERFNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/erfnet) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [FastFCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fastfcn) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | +| [GCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/gcnet) | MMSegmentation | Y | Y | Y | N | N | N | N | N | +| [ICNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/icnet)[\*](#note) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | +| [ISANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/isanet)[\*static](#note) | MMSegmentation | N | Y | Y | N | N | Y | N | Y | +| [NonLocal Net](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/nonlocal_net) | MMSegmentation | ? | Y | Y | Y | N | Y | N | N | +| [OCRNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ocrnet) | MMSegmentation | ? | Y | Y | Y | N | Y | N | Y | +| [PointRend](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/point_rend) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | +| [Semantic FPN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/sem_fpn) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [STDC](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/stdc) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [UPerNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/upernet)[\*](#note) | MMSegmentation | ? | Y | Y | N | N | N | N | Y | +| [DANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/danet) | MMSegmentation | ? | Y | Y | N | N | N | N | N | +| [Segmenter](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/segmenter) [\*static](#note) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | +| [SRCNN](https://github.com/open-mmlab/mmagic/tree/main/configs/srcnn) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [ESRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/esrgan) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [SRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/srgan_resnet) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [SRResNet](https://github.com/open-mmlab/mmagic/tree/main/configs/srgan_resnet) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [Real-ESRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/real_esrgan) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [EDSR](https://github.com/open-mmlab/mmagic/tree/main/configs/edsr) | MMagic | Y | Y | Y | Y | N | Y | N | N | +| [RDN](https://github.com/open-mmlab/mmagic/tree/main/configs/rdn) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [DBNet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/dbnet) | MMOCR | Y | Y | Y | Y | Y | Y | Y | N | +| [DBNetpp](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/dbnetpp) | MMOCR | Y | Y | Y | ? | ? | Y | ? | N | +| [PANet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/panet) | MMOCR | Y | Y | Y | Y | ? | Y | Y | N | +| [PSENet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/psenet) | MMOCR | Y | Y | Y | Y | ? | Y | Y | N | +| [TextSnake](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/textsnake) | MMOCR | Y | Y | Y | Y | ? | ? | ? | N | +| [MaskRCNN](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/maskrcnn) | MMOCR | Y | Y | Y | ? | ? | ? | ? | N | +| [CRNN](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/crnn) | MMOCR | Y | Y | Y | Y | Y | N | N | N | +| [SAR](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/sar) | MMOCR | N | Y | N | N | N | N | N | N | +| [SATRN](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/satrn) | MMOCR | Y | Y | Y | N | N | N | N | N | +| [ABINet](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/abinet) | MMOCR | Y | Y | Y | N | N | N | N | N | +| [HRNet](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#hrnet-cvpr-2019) | MMPose | N | Y | Y | Y | N | Y | N | N | +| [MSPN](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#mspn-arxiv-2019) | MMPose | N | Y | Y | Y | N | Y | N | N | +| [LiteHRNet](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#litehrnet-cvpr-2021) | MMPose | N | Y | Y | N | N | Y | N | N | +| [Hourglass](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#hourglass-eccv-2016) | MMPose | N | Y | Y | Y | N | Y | N | N | +| [SimCC](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/algorithms.html#simcc-eccv-2022) | MMPose | N | Y | Y | Y | N | N | N | N | +| [PointPillars](https://github.com/open-mmlab/mmdetection3d/tree/main/configs/pointpillars) | MMDetection3d | ? | Y | Y | N | N | Y | N | N | +| [CenterPoint (pillar)](https://github.com/open-mmlab/mmdetection3d/tree/main/configs/centerpoint) | MMDetection3d | ? | Y | Y | N | N | Y | N | N | +| [RotatedRetinaNet](https://github.com/open-mmlab/mmrotate/blob/main/configs/rotated_retinanet/README.md) | RotatedDetection | N | Y | Y | N | N | N | N | N | +| [Oriented RCNN](https://github.com/open-mmlab/mmrotate/blob/main/configs/oriented_rcnn/README.md) | RotatedDetection | N | Y | Y | N | N | N | N | N | +| [Gliding Vertex](https://github.com/open-mmlab/mmrotate/blob/main/configs/gliding_vertex/README.md) | RotatedDetection | N | N | Y | N | N | N | N | N | ### Note diff --git a/docs/en/04-supported-codebases/mmdet3d.md b/docs/en/04-supported-codebases/mmdet3d.md index 3c94ad642e..8cd0fcd493 100644 --- a/docs/en/04-supported-codebases/mmdet3d.md +++ b/docs/en/04-supported-codebases/mmdet3d.md @@ -74,10 +74,10 @@ The caller needs to refer to the corresponding [python implementation](../../../ ## Supported models -| model | dataset | onnxruntime | openvino | tensorrt\* | -| :---------------------------------------------------------------------------------------------------------------------------------------------------------------------: | :------: | :---------: | :------: | :--------: | -| [centerpoint](https://github.com/open-mmlab/mmdetection3d/blob/dev-1.x/configs/centerpoint/centerpoint_pillar02_second_secfpn_head-circlenms_8xb4-cyclic-20e_nus-3d.py) | nuScenes | ✔️ | ✔️ | ✔️ | -| [pointpillars](https://github.com/open-mmlab/mmdetection3d/blob/dev-1.x/configs/pointpillars/pointpillars_hv_secfpn_sbn-all_8xb4-2x_nus-3d.py) | nuScenes | ✔️ | ✔️ | ✔️ | -| [pointpillars](https://github.com/open-mmlab/mmdetection3d/blob/dev-1.x/configs/pointpillars/pointpillars_hv_secfpn_8xb6-160e_kitti-3d-3class.py) | KITTI | ✔️ | ✔️ | ✔️ | +| model | dataset | onnxruntime | openvino | tensorrt\* | +| :------------------------------------------------------------------------------------------------------------------------------------------------------------------: | :------: | :---------: | :------: | :--------: | +| [centerpoint](https://github.com/open-mmlab/mmdetection3d/blob/main/configs/centerpoint/centerpoint_pillar02_second_secfpn_head-circlenms_8xb4-cyclic-20e_nus-3d.py) | nuScenes | ✔️ | ✔️ | ✔️ | +| [pointpillars](https://github.com/open-mmlab/mmdetection3d/blob/main/configs/pointpillars/pointpillars_hv_secfpn_sbn-all_8xb4-2x_nus-3d.py) | nuScenes | ✔️ | ✔️ | ✔️ | +| [pointpillars](https://github.com/open-mmlab/mmdetection3d/blob/main/configs/pointpillars/pointpillars_hv_secfpn_8xb6-160e_kitti-3d-3class.py) | KITTI | ✔️ | ✔️ | ✔️ | - Make sure trt >= 8.4 for some bug fixed, such as ScatterND, dynamic shape crash and so on. diff --git a/docs/en/04-supported-codebases/mmocr.md b/docs/en/04-supported-codebases/mmocr.md index fffe8eca94..0f0605202d 100644 --- a/docs/en/04-supported-codebases/mmocr.md +++ b/docs/en/04-supported-codebases/mmocr.md @@ -18,7 +18,7 @@ ______________________________________________________________________ -[MMOCR](https://github.com/open-mmlab/mmocr/tree/1.x) aka `mmocr` is an open-source toolbox based on PyTorch and mmdetection for text detection, text recognition, and the corresponding downstream tasks including key information extraction. It is a part of the [OpenMMLab](https://openmmlab.com/) project. +[MMOCR](https://github.com/open-mmlab/mmocr/tree/main) aka `mmocr` is an open-source toolbox based on PyTorch and mmdetection for text detection, text recognition, and the corresponding downstream tasks including key information extraction. It is a part of the [OpenMMLab](https://openmmlab.com/) project. ## Installation @@ -234,18 +234,18 @@ Besides python API, mmdeploy SDK also provides other FFI (Foreign Function Inter ## Supported models -| Model | Task | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVINO | -| :---------------------------------------------------------------------------------- | :--------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | -| [DBNet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/dbnet) | text-detection | Y | Y | Y | Y | Y | Y | -| [DBNetpp](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/dbnetpp) | text-detection | N | Y | Y | ? | ? | Y | -| [PSENet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/psenet) | text-detection | Y | Y | Y | Y | N | Y | -| [PANet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/panet) | text-detection | Y | Y | Y | Y | N | Y | -| [TextSnake](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/textsnake) | text-detection | Y | Y | Y | ? | ? | ? | -| [MaskRCNN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/maskrcnn) | text-detection | Y | Y | Y | ? | ? | ? | -| [CRNN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/crnn) | text-recognition | Y | Y | Y | Y | Y | N | -| [SAR](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/sar) | text-recognition | N | Y | Y | N | N | N | -| [SATRN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/satrn) | text-recognition | Y | Y | Y | N | N | N | -| [ABINet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/abinet) | text-recognition | Y | Y | Y | ? | ? | ? | +| Model | Task | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVINO | +| :----------------------------------------------------------------------------------- | :--------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | +| [DBNet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/dbnet) | text-detection | Y | Y | Y | Y | Y | Y | +| [DBNetpp](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/dbnetpp) | text-detection | N | Y | Y | ? | ? | Y | +| [PSENet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/psenet) | text-detection | Y | Y | Y | Y | N | Y | +| [PANet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/panet) | text-detection | Y | Y | Y | Y | N | Y | +| [TextSnake](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/textsnake) | text-detection | Y | Y | Y | ? | ? | ? | +| [MaskRCNN](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/maskrcnn) | text-detection | Y | Y | Y | ? | ? | ? | +| [CRNN](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/crnn) | text-recognition | Y | Y | Y | Y | Y | N | +| [SAR](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/sar) | text-recognition | N | Y | Y | N | N | N | +| [SATRN](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/satrn) | text-recognition | Y | Y | Y | N | N | N | +| [ABINet](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/abinet) | text-recognition | Y | Y | Y | ? | ? | ? | ## Reminder diff --git a/docs/en/04-supported-codebases/mmpose.md b/docs/en/04-supported-codebases/mmpose.md index 4346fb5df2..c6c57667ac 100644 --- a/docs/en/04-supported-codebases/mmpose.md +++ b/docs/en/04-supported-codebases/mmpose.md @@ -13,13 +13,13 @@ ______________________________________________________________________ -[MMPose](https://github.com/open-mmlab/mmpose/tree/1.x) aka `mmpose` is an open-source toolbox for pose estimation based on PyTorch. It is a part of the [OpenMMLab](https://openmmlab.com/) project. +[MMPose](https://github.com/open-mmlab/mmpose/tree/main) aka `mmpose` is an open-source toolbox for pose estimation based on PyTorch. It is a part of the [OpenMMLab](https://openmmlab.com/) project. ## Installation ### Install mmpose -Please follow the [best practice](https://mmpose.readthedocs.io/en/1.x/installation.html#best-practices) to install mmpose. +Please follow the [best practice](https://mmpose.readthedocs.io/en/latest/installation.html#best-practices) to install mmpose. ### Install mmdeploy @@ -152,11 +152,11 @@ TODO ## Supported models -| Model | Task | ONNX Runtime | TensorRT | ncnn | PPLNN | OpenVINO | -| :----------------------------------------------------------------------------------------------------- | :------------ | :----------: | :------: | :--: | :---: | :------: | -| [HRNet](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#hrnet-cvpr-2019) | PoseDetection | Y | Y | Y | N | Y | -| [MSPN](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#mspn-arxiv-2019) | PoseDetection | Y | Y | Y | N | Y | -| [LiteHRNet](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#litehrnet-cvpr-2021) | PoseDetection | Y | Y | Y | N | Y | -| [Hourglass](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/algorithms.html#hourglass-eccv-2016) | PoseDetection | Y | Y | Y | N | Y | -| [SimCC](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/algorithms.html#simcc-eccv-2022) | PoseDetection | Y | Y | Y | N | N | -| [RTMPose](https://github.com/open-mmlab/mmpose/tree/main/projects/rtmpose) | PoseDetection | Y | Y | Y | N | Y | +| Model | Task | ONNX Runtime | TensorRT | ncnn | PPLNN | OpenVINO | +| :-------------------------------------------------------------------------------------------------------- | :------------ | :----------: | :------: | :--: | :---: | :------: | +| [HRNet](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#hrnet-cvpr-2019) | PoseDetection | Y | Y | Y | N | Y | +| [MSPN](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#mspn-arxiv-2019) | PoseDetection | Y | Y | Y | N | Y | +| [LiteHRNet](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#litehrnet-cvpr-2021) | PoseDetection | Y | Y | Y | N | Y | +| [Hourglass](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/algorithms.html#hourglass-eccv-2016) | PoseDetection | Y | Y | Y | N | Y | +| [SimCC](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/algorithms.html#simcc-eccv-2022) | PoseDetection | Y | Y | Y | N | N | +| [RTMPose](https://github.com/open-mmlab/mmpose/tree/main/projects/rtmpose) | PoseDetection | Y | Y | Y | N | Y | diff --git a/docs/en/04-supported-codebases/mmpretrain.md b/docs/en/04-supported-codebases/mmpretrain.md index ec439a8bf6..fecae8d0dc 100644 --- a/docs/en/04-supported-codebases/mmpretrain.md +++ b/docs/en/04-supported-codebases/mmpretrain.md @@ -168,7 +168,7 @@ for label_id, score in result: print(label_id, score) ``` -Besides python API, mmdeploy SDK also provides other FFI (Foreign Function Interface), such as C, C++, C#, Java and so on. You can learn their usage from [demos](https://github.com/open-mmlab/mmdeploy/tree/1.x/demo). +Besides python API, mmdeploy SDK also provides other FFI (Foreign Function Interface), such as C, C++, C#, Java and so on. You can learn their usage from [demos](https://github.com/open-mmlab/mmdeploy/tree/main/demo). ## Supported models diff --git a/docs/en/04-supported-codebases/mmseg.md b/docs/en/04-supported-codebases/mmseg.md index 27af0bd816..258d695348 100644 --- a/docs/en/04-supported-codebases/mmseg.md +++ b/docs/en/04-supported-codebases/mmseg.md @@ -14,7 +14,7 @@ ______________________________________________________________________ -[MMSegmentation](https://github.com/open-mmlab/mmsegmentation/tree/1.x) aka `mmseg` is an open source semantic segmentation toolbox based on PyTorch. It is a part of the [OpenMMLab](https://openmmlab.com/) project. +[MMSegmentation](https://github.com/open-mmlab/mmsegmentation/tree/main) aka `mmseg` is an open source semantic segmentation toolbox based on PyTorch. It is a part of the [OpenMMLab](https://openmmlab.com/) project. ## Installation @@ -188,41 +188,41 @@ Besides python API, mmdeploy SDK also provides other FFI (Foreign Function Inter ## Supported models -| Model | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVino | -| :------------------------------------------------------------------------------------------------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | -| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fcn) | Y | Y | Y | Y | Y | Y | -| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/pspnet)[\*](#static_shape) | Y | Y | Y | Y | Y | Y | -| [DeepLabV3](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/deeplabv3) | Y | Y | Y | Y | Y | Y | -| [DeepLabV3+](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/deeplabv3plus) | Y | Y | Y | Y | Y | Y | -| [Fast-SCNN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fastscnn)[\*](#static_shape) | Y | Y | Y | N | Y | Y | -| [UNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/unet) | Y | Y | Y | Y | Y | Y | -| [ANN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ann)[\*](#static_shape) | Y | Y | Y | N | N | N | -| [APCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/apcnet) | Y | Y | Y | Y | N | N | -| [BiSeNetV1](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/bisenetv1) | Y | Y | Y | Y | N | Y | -| [BiSeNetV2](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/bisenetv2) | Y | Y | Y | Y | N | Y | -| [CGNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/cgnet) | Y | Y | Y | Y | N | Y | -| [DMNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dmnet) | ? | Y | N | N | N | N | -| [DNLNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dnlnet) | ? | Y | Y | Y | N | Y | -| [EMANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/emanet) | Y | Y | Y | N | N | Y | -| [EncNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/encnet) | Y | Y | Y | N | N | Y | -| [ERFNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/erfnet) | Y | Y | Y | Y | N | Y | -| [FastFCN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fastfcn) | Y | Y | Y | Y | N | Y | -| [GCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/gcnet) | Y | Y | Y | N | N | N | -| [ICNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/icnet)[\*](#static_shape) | Y | Y | Y | N | N | Y | -| [ISANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/isanet)[\*](#static_shape) | N | Y | Y | N | N | Y | -| [NonLocal Net](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/nonlocal_net) | ? | Y | Y | Y | N | Y | -| [OCRNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ocrnet) | Y | Y | Y | Y | N | Y | -| [PointRend](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/point_rend)[\*](#static_shape) | Y | Y | Y | N | N | N | -| [Semantic FPN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/sem_fpn) | Y | Y | Y | Y | N | Y | -| [STDC](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/stdc) | Y | Y | Y | Y | N | Y | -| [UPerNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/upernet)[\*](#static_shape) | N | Y | Y | N | N | N | -| [DANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/danet) | ? | Y | Y | N | N | Y | -| [Segmenter](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/segmenter)[\*](#static_shape) | N | Y | Y | Y | N | Y | -| [SegFormer](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/segformer)[\*](#static_shape) | ? | Y | Y | N | N | Y | -| [SETR](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/setr) | ? | Y | N | N | N | Y | -| [CCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ccnet) | ? | N | N | N | N | N | -| [PSANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/psanet) | ? | N | N | N | N | N | -| [DPT](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dpt) | ? | N | N | N | N | N | +| Model | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVino | +| :-------------------------------------------------------------------------------------------------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | +| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn) | Y | Y | Y | Y | Y | Y | +| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet)[\*](#static_shape) | Y | Y | Y | Y | Y | Y | +| [DeepLabV3](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3) | Y | Y | Y | Y | Y | Y | +| [DeepLabV3+](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3plus) | Y | Y | Y | Y | Y | Y | +| [Fast-SCNN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fastscnn)[\*](#static_shape) | Y | Y | Y | N | Y | Y | +| [UNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/unet) | Y | Y | Y | Y | Y | Y | +| [ANN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ann)[\*](#static_shape) | Y | Y | Y | N | N | N | +| [APCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/apcnet) | Y | Y | Y | Y | N | N | +| [BiSeNetV1](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/bisenetv1) | Y | Y | Y | Y | N | Y | +| [BiSeNetV2](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/bisenetv2) | Y | Y | Y | Y | N | Y | +| [CGNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/cgnet) | Y | Y | Y | Y | N | Y | +| [DMNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dmnet) | ? | Y | N | N | N | N | +| [DNLNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dnlnet) | ? | Y | Y | Y | N | Y | +| [EMANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/emanet) | Y | Y | Y | N | N | Y | +| [EncNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/encnet) | Y | Y | Y | N | N | Y | +| [ERFNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/erfnet) | Y | Y | Y | Y | N | Y | +| [FastFCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fastfcn) | Y | Y | Y | Y | N | Y | +| [GCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/gcnet) | Y | Y | Y | N | N | N | +| [ICNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/icnet)[\*](#static_shape) | Y | Y | Y | N | N | Y | +| [ISANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/isanet)[\*](#static_shape) | N | Y | Y | N | N | Y | +| [NonLocal Net](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/nonlocal_net) | ? | Y | Y | Y | N | Y | +| [OCRNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ocrnet) | Y | Y | Y | Y | N | Y | +| [PointRend](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/point_rend)[\*](#static_shape) | Y | Y | Y | N | N | N | +| [Semantic FPN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/sem_fpn) | Y | Y | Y | Y | N | Y | +| [STDC](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/stdc) | Y | Y | Y | Y | N | Y | +| [UPerNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/upernet)[\*](#static_shape) | N | Y | Y | N | N | N | +| [DANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/danet) | ? | Y | Y | N | N | Y | +| [Segmenter](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/segmenter)[\*](#static_shape) | N | Y | Y | Y | N | Y | +| [SegFormer](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/segformer)[\*](#static_shape) | ? | Y | Y | N | N | Y | +| [SETR](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/setr) | ? | Y | N | N | N | Y | +| [CCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ccnet) | ? | N | N | N | N | N | +| [PSANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/psanet) | ? | N | N | N | N | N | +| [DPT](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dpt) | ? | N | N | N | N | N | ## Reminder diff --git a/docs/zh_cn/01-how-to-build/android.md b/docs/zh_cn/01-how-to-build/android.md index ae57748e4a..5ca7902779 100644 --- a/docs/zh_cn/01-how-to-build/android.md +++ b/docs/zh_cn/01-how-to-build/android.md @@ -98,7 +98,7 @@ make -j$(nproc) install OpenJDK 编译Java API之前需要先准备OpenJDK开发环境
- 请参考 Java API 编译 进行构建. + 请参考 Java API 编译 进行构建. diff --git a/docs/zh_cn/01-how-to-build/build_from_source.md b/docs/zh_cn/01-how-to-build/build_from_source.md index b4cab56c73..597286897b 100644 --- a/docs/zh_cn/01-how-to-build/build_from_source.md +++ b/docs/zh_cn/01-how-to-build/build_from_source.md @@ -5,7 +5,7 @@ ## 下载 ```bash -git clone -b 1.x git@github.com:open-mmlab/mmdeploy.git --recursive +git clone -b main git@github.com:open-mmlab/mmdeploy.git --recursive ``` ### FAQ @@ -32,7 +32,7 @@ git clone -b 1.x git@github.com:open-mmlab/mmdeploy.git --recursive - 如果以 `SSH` 方式 `git clone` 代码失败,您可以尝试使用 `HTTPS` 协议下载代码: ```bash - git clone -b 1.x https://github.com/open-mmlab/mmdeploy.git MMDeploy + git clone -b main https://github.com/open-mmlab/mmdeploy.git MMDeploy cd MMDeploy git submodule update --init --recursive ``` diff --git a/docs/zh_cn/01-how-to-build/jetsons.md b/docs/zh_cn/01-how-to-build/jetsons.md index c589ebe45d..350def8be4 100644 --- a/docs/zh_cn/01-how-to-build/jetsons.md +++ b/docs/zh_cn/01-how-to-build/jetsons.md @@ -214,7 +214,7 @@ conda activate mmdeploy ## 安装 MMDeploy ```shell -git clone -b 1.x --recursive https://github.com/open-mmlab/mmdeploy.git +git clone -b main --recursive https://github.com/open-mmlab/mmdeploy.git cd mmdeploy export MMDEPLOY_DIR=$(pwd) ``` diff --git a/docs/zh_cn/02-how-to-run/convert_model.md b/docs/zh_cn/02-how-to-run/convert_model.md index 0ae8a67ebb..7eec6caf8d 100644 --- a/docs/zh_cn/02-how-to-run/convert_model.md +++ b/docs/zh_cn/02-how-to-run/convert_model.md @@ -26,7 +26,7 @@ ### 准备工作 1. 安装您的目标后端。 您可以参考 [ONNXRuntime-install](../05-supported-backends/onnxruntime.md) ,[TensorRT-install](../05-supported-backends/tensorrt.md) ,[ncnn-install](../05-supported-backends/ncnn.md) ,[PPLNN-install](../05-supported-backends/pplnn.md), [OpenVINO-install](../05-supported-backends/openvino.md)。 -2. 安装您的目标代码库。 您可以参考 [MMPretrain-install](https://github.com/open-mmlab/mmpretrain/blob/main/docs/zh_CN/get_started.md#%E5%AE%89%E8%A3%85), [MMDetection-install](https://github.com/open-mmlab/mmdetection/blob/3.x/docs/zh_cn/get_started.md), [MMSegmentation-install](https://github.com/open-mmlab/mmsegmentation/blob/1.x/docs/zh_cn/get_started.md#installation), [MMOCR-install](https://github.com/open-mmlab/mmocr/blob/1.x/docs/zh_cn/get_started/install.md), [MMagic-install](https://github.com/open-mmlab/mmagic/blob/main/docs/en/get_started/install.md)。 +2. 安装您的目标代码库。 您可以参考 [MMPretrain-install](https://mmpretrain.readthedocs.io/en/latest/get_started.html#installation),[MMDetection-install](https://mmdetection.readthedocs.io/en/latest/get_started.html#installation),[MMSegmentation-install](https://mmsegmentation.readthedocs.io/en/latest/get_started.html#installation),[MMOCR-install](https://mmocr.readthedocs.io/en/latest/get_started/install.html#installation-steps),[MMagic-install](https://mmagic.readthedocs.io/en/latest/get_started/install.html#installation)。 ### 使用方法 diff --git a/docs/zh_cn/02-how-to-run/prebuilt_package_windows.md b/docs/zh_cn/02-how-to-run/prebuilt_package_windows.md index 14c7484ceb..2a694f89a0 100644 --- a/docs/zh_cn/02-how-to-run/prebuilt_package_windows.md +++ b/docs/zh_cn/02-how-to-run/prebuilt_package_windows.md @@ -56,7 +56,7 @@ ______________________________________________________________________ 2. 克隆mmdeploy仓库 ```bash - git clone -b 1.x https://github.com/open-mmlab/mmdeploy.git + git clone -b main https://github.com/open-mmlab/mmdeploy.git ``` :point_right: 这里主要为了使用configs文件,所以没有加`--recursive`来下载submodule,也不需要编译`mmdeploy` @@ -64,7 +64,7 @@ ______________________________________________________________________ 3. 安装mmpretrain ```bash - git clone -b 1.x https://github.com/open-mmlab/mmpretrain.git + git clone -b main https://github.com/open-mmlab/mmpretrain.git cd mmpretrain pip install -e . ``` diff --git a/docs/zh_cn/02-how-to-run/write_config.md b/docs/zh_cn/02-how-to-run/write_config.md index b8c83fa19a..fbc815673a 100644 --- a/docs/zh_cn/02-how-to-run/write_config.md +++ b/docs/zh_cn/02-how-to-run/write_config.md @@ -187,4 +187,4 @@ detection_tensorrt-int8_dynamic-320x320-1344x1344.py ## 6. 如何编写模型配置文件 -请根据模型具体任务的代码库,编写模型配置文件。 模型配置文件用于初始化模型,详情请参考[MMPretrain](https://github.com/open-mmlab/mmpretrain/blob/main/docs/zh_CN/user_guides/config.md),[MMDetection](https://github.com/open-mmlab/mmdetection/blob/3.x/docs/zh_cn/user_guides/config.md), [MMSegmentation](https://github.com/open-mmlab/mmsegmentation/blob/1.x/docs/zh_cn/user_guides/1_config.md), [MMOCR](https://github.com/open-mmlab/mmocr/blob/1.x/docs/en/user_guides/config.md),[MMagic](https://github.com/open-mmlab/mmagic/blob/main/docs/en/user_guides/config.md)。 +请根据模型具体任务的代码库,编写模型配置文件。 模型配置文件用于初始化模型,详情请参考[MMPretrain](https://github.com/open-mmlab/mmpretrain/blob/main/docs/zh_CN/user_guides/config.md),[MMDetection](https://github.com/open-mmlab/mmdetection/blob/3.x/docs/zh_cn/user_guides/config.md), [MMSegmentation](https://github.com/open-mmlab/mmsegmentation/blob/main/docs/zh_cn/user_guides/1_config.md), [MMOCR](https://github.com/open-mmlab/mmocr/blob/main/docs/en/user_guides/config.md),[MMagic](https://github.com/open-mmlab/mmagic/blob/main/docs/en/user_guides/config.md)。 diff --git a/docs/zh_cn/03-benchmark/benchmark.md b/docs/zh_cn/03-benchmark/benchmark.md index cfdc3ac14a..c9e7589a63 100644 --- a/docs/zh_cn/03-benchmark/benchmark.md +++ b/docs/zh_cn/03-benchmark/benchmark.md @@ -142,7 +142,7 @@ GPU: ncnn, TensorRT, PPLNN fp16 - YOLOv3 + YOLOv3 320x320 14.76 24.92 @@ -151,7 +151,7 @@ GPU: ncnn, TensorRT, PPLNN 18.07 - SSD-Lite + SSD-Lite 320x320 8.84 9.21 @@ -160,7 +160,7 @@ GPU: ncnn, TensorRT, PPLNN 19.72 - RetinaNet + RetinaNet 800x1344 97.09 25.79 @@ -169,7 +169,7 @@ GPU: ncnn, TensorRT, PPLNN 38.34 - FCOS + FCOS 800x1344 84.06 23.15 @@ -178,7 +178,7 @@ GPU: ncnn, TensorRT, PPLNN - - FSAF + FSAF 800x1344 82.96 21.02 @@ -187,7 +187,7 @@ GPU: ncnn, TensorRT, PPLNN 30.41 - Faster R-CNN + Faster R-CNN 800x1344 88.08 26.52 @@ -196,7 +196,7 @@ GPU: ncnn, TensorRT, PPLNN 65.40 - Mask R-CNN + Mask R-CNN 800x1344 104.83 58.27 @@ -228,19 +228,19 @@ GPU: ncnn, TensorRT, PPLNN fp32 - MobileNetv2-YOLOv3 + MobileNetv2-YOLOv3 320x320 48.57 66.55 - SSD-Lite + SSD-Lite 320x320 44.91 66.19 - YOLOX + YOLOX 416x416 111.60 134.50 @@ -323,7 +323,7 @@ GPU: ncnn, TensorRT, PPLNN fp32 - DBNet + DBNet 640x640 10.70 5.62 @@ -333,7 +333,7 @@ GPU: ncnn, TensorRT, PPLNN - - CRNN + CRNN 32x32 1.93 1.40 @@ -370,7 +370,7 @@ GPU: ncnn, TensorRT, PPLNN fp16 - FCN + FCN 512x1024 128.42 23.97 @@ -379,7 +379,7 @@ GPU: ncnn, TensorRT, PPLNN 27.00 - PSPNet + PSPNet 1x3x512x1024 119.77 24.10 @@ -388,7 +388,7 @@ GPU: ncnn, TensorRT, PPLNN 27.26 - DeepLabV3 + DeepLabV3 512x1024 226.75 31.80 @@ -397,7 +397,7 @@ GPU: ncnn, TensorRT, PPLNN 36.01 - DeepLabV3+ + DeepLabV3+ 512x1024 151.25 47.03 @@ -653,7 +653,7 @@ GPU: ncnn, TensorRT, PPLNN fp32 - YOLOV3 + YOLOV3 Object Detection COCO2017 box AP @@ -668,7 +668,7 @@ GPU: ncnn, TensorRT, PPLNN - - SSD + SSD Object Detection COCO2017 box AP @@ -683,7 +683,7 @@ GPU: ncnn, TensorRT, PPLNN - - RetinaNet + RetinaNet Object Detection COCO2017 box AP @@ -698,7 +698,7 @@ GPU: ncnn, TensorRT, PPLNN - - FCOS + FCOS Object Detection COCO2017 box AP @@ -713,7 +713,7 @@ GPU: ncnn, TensorRT, PPLNN - - FSAF + FSAF Object Detection COCO2017 box AP @@ -743,7 +743,7 @@ GPU: ncnn, TensorRT, PPLNN - - YOLOX + YOLOX Object Detection COCO2017 box AP @@ -758,7 +758,7 @@ GPU: ncnn, TensorRT, PPLNN - - Faster R-CNN + Faster R-CNN Object Detection COCO2017 box AP @@ -773,7 +773,7 @@ GPU: ncnn, TensorRT, PPLNN - - ATSS + ATSS Object Detection COCO2017 box AP @@ -788,7 +788,7 @@ GPU: ncnn, TensorRT, PPLNN - - Cascade R-CNN + Cascade R-CNN Object Detection COCO2017 box AP @@ -803,7 +803,7 @@ GPU: ncnn, TensorRT, PPLNN - - GFL + GFL Object Detection COCO2017 box AP @@ -818,7 +818,7 @@ GPU: ncnn, TensorRT, PPLNN - - RepPoints + RepPoints Object Detection COCO2017 box AP @@ -833,7 +833,7 @@ GPU: ncnn, TensorRT, PPLNN - - DETR + DETR Object Detection COCO2017 box AP @@ -848,7 +848,7 @@ GPU: ncnn, TensorRT, PPLNN - - Mask R-CNN + Mask R-CNN Instance Segmentation COCO2017 box AP @@ -875,7 +875,7 @@ GPU: ncnn, TensorRT, PPLNN - - Swin-Transformer + Swin-Transformer Instance Segmentation COCO2017 box AP @@ -1153,7 +1153,7 @@ GPU: ncnn, TensorRT, PPLNN fp32 - DBNet* + DBNet* TextDetection ICDAR2015 recall @@ -1189,7 +1189,7 @@ GPU: ncnn, TensorRT, PPLNN 0.7950 - DBNetpp + DBNetpp TextDetection ICDAR2015 recall @@ -1225,7 +1225,7 @@ GPU: ncnn, TensorRT, PPLNN 0.8622 - PSENet + PSENet TextDetection ICDAR2015 recall @@ -1261,7 +1261,7 @@ GPU: ncnn, TensorRT, PPLNN 0.8057 - PANet + PANet TextDetection ICDAR2015 recall @@ -1297,7 +1297,7 @@ GPU: ncnn, TensorRT, PPLNN 0.7955 - TextSnake + TextSnake TextDetection CTW1500 recall @@ -1333,7 +1333,7 @@ GPU: ncnn, TensorRT, PPLNN - - MaskRCNN + MaskRCNN TextDetection ICDAR2015 recall @@ -1369,7 +1369,7 @@ GPU: ncnn, TensorRT, PPLNN - - CRNN + CRNN TextRecognition IIIT5K acc @@ -1383,7 +1383,7 @@ GPU: ncnn, TensorRT, PPLNN - - SAR + SAR TextRecognition IIIT5K acc @@ -1397,7 +1397,7 @@ GPU: ncnn, TensorRT, PPLNN - - SATRN + SATRN TextRecognition IIIT5K acc @@ -1411,7 +1411,7 @@ GPU: ncnn, TensorRT, PPLNN - - ABINet + ABINet TextRecognition IIIT5K acc @@ -1455,7 +1455,7 @@ GPU: ncnn, TensorRT, PPLNN fp32 - FCN + FCN Cityscapes mIoU 72.25 @@ -1468,7 +1468,7 @@ GPU: ncnn, TensorRT, PPLNN 72.35 - PSPNet + PSPNet Cityscapes mIoU 78.55 @@ -1481,7 +1481,7 @@ GPU: ncnn, TensorRT, PPLNN 78.67 - deeplabv3 + deeplabv3 Cityscapes mIoU 79.09 @@ -1494,7 +1494,7 @@ GPU: ncnn, TensorRT, PPLNN 79.06 - deeplabv3+ + deeplabv3+ Cityscapes mIoU 79.61 @@ -1507,7 +1507,7 @@ GPU: ncnn, TensorRT, PPLNN 79.51 - Fast-SCNN + Fast-SCNN Cityscapes mIoU 70.96 @@ -1520,7 +1520,7 @@ GPU: ncnn, TensorRT, PPLNN - - UNet + UNet Cityscapes mIoU 69.10 @@ -1533,7 +1533,7 @@ GPU: ncnn, TensorRT, PPLNN - - ANN + ANN Cityscapes mIoU 77.40 @@ -1546,7 +1546,7 @@ GPU: ncnn, TensorRT, PPLNN - - APCNet + APCNet Cityscapes mIoU 77.40 @@ -1559,7 +1559,7 @@ GPU: ncnn, TensorRT, PPLNN - - BiSeNetV1 + BiSeNetV1 Cityscapes mIoU 74.44 @@ -1572,7 +1572,7 @@ GPU: ncnn, TensorRT, PPLNN - - BiSeNetV2 + BiSeNetV2 Cityscapes mIoU 73.21 @@ -1585,7 +1585,7 @@ GPU: ncnn, TensorRT, PPLNN - - CGNet + CGNet Cityscapes mIoU 68.25 @@ -1598,7 +1598,7 @@ GPU: ncnn, TensorRT, PPLNN - - EMANet + EMANet Cityscapes mIoU 77.59 @@ -1611,7 +1611,7 @@ GPU: ncnn, TensorRT, PPLNN - - EncNet + EncNet Cityscapes mIoU 75.67 @@ -1624,7 +1624,7 @@ GPU: ncnn, TensorRT, PPLNN - - ERFNet + ERFNet Cityscapes mIoU 71.08 @@ -1637,7 +1637,7 @@ GPU: ncnn, TensorRT, PPLNN - - FastFCN + FastFCN Cityscapes mIoU 79.12 @@ -1650,7 +1650,7 @@ GPU: ncnn, TensorRT, PPLNN - - GCNet + GCNet Cityscapes mIoU 77.69 @@ -1663,7 +1663,7 @@ GPU: ncnn, TensorRT, PPLNN - - ICNet + ICNet Cityscapes mIoU 76.29 @@ -1676,7 +1676,7 @@ GPU: ncnn, TensorRT, PPLNN - - ISANet + ISANet Cityscapes mIoU 78.49 @@ -1689,7 +1689,7 @@ GPU: ncnn, TensorRT, PPLNN - - OCRNet + OCRNet Cityscapes mIoU 74.30 @@ -1702,7 +1702,7 @@ GPU: ncnn, TensorRT, PPLNN - - PointRend + PointRend Cityscapes mIoU 76.47 @@ -1715,7 +1715,7 @@ GPU: ncnn, TensorRT, PPLNN - - Semantic FPN + Semantic FPN Cityscapes mIoU 74.52 @@ -1728,7 +1728,7 @@ GPU: ncnn, TensorRT, PPLNN - - STDC + STDC Cityscapes mIoU 75.10 @@ -1741,7 +1741,7 @@ GPU: ncnn, TensorRT, PPLNN - - STDC + STDC Cityscapes mIoU 77.17 @@ -1754,7 +1754,7 @@ GPU: ncnn, TensorRT, PPLNN - - UPerNet + UPerNet Cityscapes mIoU 77.10 @@ -1767,7 +1767,7 @@ GPU: ncnn, TensorRT, PPLNN - - Segmenter + Segmenter ADE20K mIoU 44.32 @@ -1808,7 +1808,7 @@ GPU: ncnn, TensorRT, PPLNN fp32 - HRNet + HRNet Pose Detection COCO AP @@ -1829,7 +1829,7 @@ GPU: ncnn, TensorRT, PPLNN 0.802 - LiteHRNet + LiteHRNet Pose Detection COCO AP @@ -1850,7 +1850,7 @@ GPU: ncnn, TensorRT, PPLNN 0.728 - MSPN + MSPN Pose Detection COCO AP @@ -1871,7 +1871,7 @@ GPU: ncnn, TensorRT, PPLNN 0.825 - Hourglass + Hourglass Pose Detection COCO AP @@ -1892,7 +1892,7 @@ GPU: ncnn, TensorRT, PPLNN 0.774 - SimCC + SimCC Pose Detection COCO AP @@ -1942,7 +1942,7 @@ GPU: ncnn, TensorRT, PPLNN fp32 - RotatedRetinaNet + RotatedRetinaNet Rotated Detection DOTA-v1.0 mAP @@ -2019,7 +2019,7 @@ GPU: ncnn, TensorRT, PPLNN fp32 - TSN + TSN Recognition Kinetics-400 top-1 @@ -2040,7 +2040,7 @@ GPU: ncnn, TensorRT, PPLNN - - SlowFast + SlowFast Recognition Kinetics-400 top-1 diff --git a/docs/zh_cn/03-benchmark/benchmark_edge.md b/docs/zh_cn/03-benchmark/benchmark_edge.md index 9b59b9f245..1a5392737d 100644 --- a/docs/zh_cn/03-benchmark/benchmark_edge.md +++ b/docs/zh_cn/03-benchmark/benchmark_edge.md @@ -22,15 +22,15 @@ tips: ## mmocr 检测 -| model | dataset | spatial | fp32 hmean | snpe gpu hybrid hmean | latency(ms) | -| :-------------------------------------------------------------------------------------------------------------------: | :-------: | :------: | :--------: | :-------------------: | :---------: | -| [PANet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/panet/panet_resnet18_fpem-ffm_600e_icdar2015.py) | ICDAR2015 | 1312x736 | 0.795 | 0.785 @thr=0.9 | 3100±100 | +| model | dataset | spatial | fp32 hmean | snpe gpu hybrid hmean | latency(ms) | +| :--------------------------------------------------------------------------------------------------------------------: | :-------: | :------: | :--------: | :-------------------: | :---------: | +| [PANet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/panet/panet_resnet18_fpem-ffm_600e_icdar2015.py) | ICDAR2015 | 1312x736 | 0.795 | 0.785 @thr=0.9 | 3100±100 | ## mmpose 模型 -| model | dataset | spatial | snpe hybrid AR@IoU=0.50 | snpe hybrid AP@IoU=0.50 | latency(ms) | -| :--------------------------------------------------------------------------------------------------------------------------------------------------------------------: | :--------: | :-----: | :---------------------: | :---------------------: | :---------: | -| [pose_hrnet_w32](https://github.com/open-mmlab/mmpose/blob/1.x/configs/animal_2d_keypoint/topdown_heatmap/animalpose/td-hm_hrnet-w32_8xb64-210e_animalpose-256x256.py) | Animalpose | 256x256 | 0.997 | 0.989 | 630±50 | +| model | dataset | spatial | snpe hybrid AR@IoU=0.50 | snpe hybrid AP@IoU=0.50 | latency(ms) | +| :---------------------------------------------------------------------------------------------------------------------------------------------------------------------: | :--------: | :-----: | :---------------------: | :---------------------: | :---------: | +| [pose_hrnet_w32](https://github.com/open-mmlab/mmpose/blob/main/configs/animal_2d_keypoint/topdown_heatmap/animalpose/td-hm_hrnet-w32_8xb64-210e_animalpose-256x256.py) | Animalpose | 256x256 | 0.997 | 0.989 | 630±50 | tips: @@ -38,9 +38,9 @@ tips: ## mmseg -| model | dataset | spatial | mIoU | latency(ms) | -| :-----------------------------------------------------------------------------------------------------------------: | :--------: | :------: | :---: | :---------: | -| [fcn](https://github.com/open-mmlab/mmsegmentation/blob/1.x/configs/fcn/fcn_r18-d8_4xb2-80k_cityscapes-512x1024.py) | Cityscapes | 512x1024 | 71.11 | 4915±500 | +| model | dataset | spatial | mIoU | latency(ms) | +| :------------------------------------------------------------------------------------------------------------------: | :--------: | :------: | :---: | :---------: | +| [fcn](https://github.com/open-mmlab/mmsegmentation/blob/main/configs/fcn/fcn_r18-d8_4xb2-80k_cityscapes-512x1024.py) | Cityscapes | 512x1024 | 71.11 | 4915±500 | tips: diff --git a/docs/zh_cn/03-benchmark/benchmark_tvm.md b/docs/zh_cn/03-benchmark/benchmark_tvm.md index 3b721d1f42..88f6af95d4 100644 --- a/docs/zh_cn/03-benchmark/benchmark_tvm.md +++ b/docs/zh_cn/03-benchmark/benchmark_tvm.md @@ -2,26 +2,26 @@ ## 支持模型列表 -| Model | Codebase | Model config | -| :---------------- | :------------- | :--------------------------------------------------------------------------------------: | -| RetinaNet | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/retinanet) | -| Faster R-CNN | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/faster_rcnn) | -| YOLOv3 | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/yolo) | -| YOLOX | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/yolox) | -| Mask R-CNN | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/mask_rcnn) | -| SSD | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/master/configs/ssd) | -| ResNet | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnet) | -| ResNeXt | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnext) | -| SE-ResNet | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/seresnet) | -| MobileNetV2 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobilenet_v2) | -| ShuffleNetV1 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v1) | -| ShuffleNetV2 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v2) | -| VisionTransformer | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/vision_transformer) | -| FCN | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/fcn) | -| PSPNet | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/pspnet) | -| DeepLabV3 | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/deeplabv3) | -| DeepLabV3+ | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/deeplabv3plus) | -| UNet | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/unet) | +| Model | Codebase | Model config | +| :---------------- | :------------- | :-------------------------------------------------------------------------------------: | +| RetinaNet | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/retinanet) | +| Faster R-CNN | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/faster_rcnn) | +| YOLOv3 | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/yolo) | +| YOLOX | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/yolox) | +| Mask R-CNN | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/mask_rcnn) | +| SSD | MMDetection | [config](https://github.com/open-mmlab/mmdetection/tree/main/configs/ssd) | +| ResNet | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnet) | +| ResNeXt | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnext) | +| SE-ResNet | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/seresnet) | +| MobileNetV2 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobilenet_v2) | +| ShuffleNetV1 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v1) | +| ShuffleNetV2 | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v2) | +| VisionTransformer | MMPretrain | [config](https://github.com/open-mmlab/mmpretrain/tree/main/configs/vision_transformer) | +| FCN | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn) | +| PSPNet | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet) | +| DeepLabV3 | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3) | +| DeepLabV3+ | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3plus) | +| UNet | MMSegmentation | [config](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/unet) | 表中仅列出已测试模型,未列出的模型可能同样支持,可以自行尝试转换。 @@ -39,13 +39,13 @@ -| mmdet(\*) | metric | PyTorch | TVM | -| :-------------------------------------------------------------------------------------: | :----: | :-----: | :--: | -| [SSD](https://github.com/open-mmlab/mmdetection/tree/master/configs/ssd/ssd300_coco.py) | box AP | 25.5 | 25.5 | +| mmdet(\*) | metric | PyTorch | TVM | +| :-----------------------------------------------------------------------------------: | :----: | :-----: | :--: | +| [SSD](https://github.com/open-mmlab/mmdetection/tree/main/configs/ssd/ssd300_coco.py) | box AP | 25.5 | 25.5 | \*: 由于暂时不支持动态转换,因此仅提供 SSD 的精度测试结果。 -| mmseg | metric | PyTorch | TVM | -| :------------------------------------------------------------------------------------------------------------------------: | :----: | :-----: | :---: | -| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/fcn/fcn_r50-d8_512x1024_40k_cityscapes.py) | mIoU | 72.25 | 72.36 | -| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/master/configs/pspnet/pspnet_r50-d8_512x1024_80k_cityscapes.py) | mIoU | 78.55 | 77.90 | +| mmseg | metric | PyTorch | TVM | +| :----------------------------------------------------------------------------------------------------------------------: | :----: | :-----: | :---: | +| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn/fcn_r50-d8_512x1024_40k_cityscapes.py) | mIoU | 72.25 | 72.36 | +| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet/pspnet_r50-d8_512x1024_80k_cityscapes.py) | mIoU | 78.55 | 77.90 | diff --git a/docs/zh_cn/03-benchmark/quantization.md b/docs/zh_cn/03-benchmark/quantization.md index ec934b99f2..10ee8ec26f 100644 --- a/docs/zh_cn/03-benchmark/quantization.md +++ b/docs/zh_cn/03-benchmark/quantization.md @@ -20,17 +20,17 @@ ### OCR 检测任务 -| model | dataset | fp32 hmean | int8 hmean | -| :------------------------------------------------------------------------------------------------------------------------------: | :-------: | :--------: | :------------: | -| [PANet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/panet/panet_resnet18_fpem-ffm_600e_icdar2015.py) | ICDAR2015 | 0.795 | 0.792 @thr=0.9 | -| [TextSnake](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/textsnake/textsnake_resnet50_fpn-unet_1200e_ctw1500.py) | CTW1500 | 0.817 | 0.818 | +| model | dataset | fp32 hmean | int8 hmean | +| :-------------------------------------------------------------------------------------------------------------------------------: | :-------: | :--------: | :------------: | +| [PANet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/panet/panet_resnet18_fpem-ffm_600e_icdar2015.py) | ICDAR2015 | 0.795 | 0.792 @thr=0.9 | +| [TextSnake](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/textsnake/textsnake_resnet50_fpn-unet_1200e_ctw1500.py) | CTW1500 | 0.817 | 0.818 | 备注:[mmocr](https://github.com/open-mmlab/mmocr) 使用 `shapely` 计算 IoU,实现方法会导致轻微的精度差异 ### 姿态检测任务 -| model | dataset | fp32 AP | int8 AP | -| :---------------------------------------------------------------------------------------------------------------------------------------------------: | :------: | :-----: | :-----: | -| [Hourglass](https://github.com/open-mmlab/mmpose/blob/1.x/configs/body_2d_keypoint/topdown_heatmap/coco/td-hm_hourglass52_8xb32-210e_coco-256x256.py) | COCO2017 | 0.717 | 0.713 | +| model | dataset | fp32 AP | int8 AP | +| :----------------------------------------------------------------------------------------------------------------------------------------------------: | :------: | :-----: | :-----: | +| [Hourglass](https://github.com/open-mmlab/mmpose/blob/main/configs/body_2d_keypoint/topdown_heatmap/coco/td-hm_hourglass52_8xb32-210e_coco-256x256.py) | COCO2017 | 0.717 | 0.713 | 备注:测试转换后的模型精度时,对于 mmpose 模型,在模型配置文件中 `flip_test` 需设置为 `False`。 diff --git a/docs/zh_cn/03-benchmark/supported_models.md b/docs/zh_cn/03-benchmark/supported_models.md index c758854da3..0aaddd9eb4 100644 --- a/docs/zh_cn/03-benchmark/supported_models.md +++ b/docs/zh_cn/03-benchmark/supported_models.md @@ -2,92 +2,92 @@ 自测完成的 model-backend 组合: -| Model config | Codebase | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVINO | Ascend | RKNN | -| :------------------------------------------------------------------------------------------------------ | :--------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | :----: | :--: | -| [RetinaNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/retinanet) | MMDetection | Y | Y | Y | Y | Y | Y | Y | Y | -| [Faster R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/faster_rcnn) | MMDetection | Y | Y | Y | Y | Y | Y | Y | N | -| [YOLOv3](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/yolo) | MMDetection | Y | Y | Y | Y | N | Y | Y | Y | -| [YOLOX](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/yolox) | MMDetection | Y | Y | Y | Y | N | Y | N | Y | -| [FCOS](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/fcos) | MMDetection | Y | Y | Y | Y | N | Y | N | N | -| [FSAF](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/fsaf) | MMDetection | Y | Y | Y | Y | Y | Y | N | Y | -| [Mask R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/mask_rcnn) | MMDetection | Y | Y | Y | N | N | Y | N | N | -| [SSD](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/ssd)[\*](#note) | MMDetection | Y | Y | Y | Y | N | Y | N | Y | -| [FoveaBox](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/foveabox) | MMDetection | Y | Y | N | N | N | Y | N | N | -| [ATSS](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/atss) | MMDetection | N | Y | Y | N | N | Y | N | N | -| [GFL](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/gfl) | MMDetection | N | Y | Y | N | ? | Y | N | N | -| [Cascade R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/cascade_rcnn) | MMDetection | N | Y | Y | N | Y | Y | N | N | -| [Cascade Mask R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/cascade_rcnn) | MMDetection | N | Y | Y | N | N | Y | N | N | -| [Swin Transformer](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/swin)[\*](#note) | MMDetection | N | Y | Y | N | N | N | N | N | -| [VFNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/vfnet) | MMDetection | N | N | N | N | N | Y | N | N | -| [RepPoints](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/reppoints) | MMDetection | N | N | Y | N | ? | Y | N | N | -| [DETR](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/detr) | MMDetection | N | Y | Y | N | ? | N | N | N | -| [CenterNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/centernet) | MMDetection | N | Y | Y | N | ? | N | N | N | -| [SOLO](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/solo) | MMDetection | N | Y | N | N | N | Y | N | N | -| [SOLOv2](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/solov2) | MMDetection | N | Y | N | N | N | Y | N | N | -| [ResNet](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnet) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [ResNeXt](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnext) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [SE-ResNet](https://github.com/open-mmlab/mmpretrain/tree/main/configs/seresnet) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [MobileNetV2](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobilenet_v2) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [ShuffleNetV1](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v1) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [ShuffleNetV2](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v2) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | -| [VisionTransformer](https://github.com/open-mmlab/mmpretrain/tree/main/configs/vision_transformer) | MMPretrain | Y | Y | Y | Y | ? | Y | Y | N | -| [SwinTransformer](https://github.com/open-mmlab/mmpretrain/tree/main/configs/swin_transformer) | MMPretrain | Y | Y | Y | N | ? | N | ? | N | -| [MobileOne](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobileone) | MMPretrain | N | Y | Y | N | N | N | N | N | -| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fcn) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | -| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/pspnet)[\*static](#note) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | -| [DeepLabV3](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/deeplabv3) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | N | -| [DeepLabV3+](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/deeplabv3plus) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | N | -| [Fast-SCNN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fastscnn)[\*static](#note) | MMSegmentation | Y | Y | Y | N | Y | Y | N | Y | -| [UNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/unet) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | -| [ANN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ann)[\*](#note) | MMSegmentation | Y | Y | Y | N | N | N | N | N | -| [APCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/apcnet) | MMSegmentation | Y | Y | Y | Y | N | N | N | Y | -| [BiSeNetV1](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/bisenetv1) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [BiSeNetV2](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/bisenetv2) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | -| [CGNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/cgnet) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [DMNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dmnet) | MMSegmentation | ? | Y | N | N | N | N | N | N | -| [DNLNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dnlnet) | MMSegmentation | ? | Y | Y | Y | N | Y | N | N | -| [EMANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/emanet) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | -| [EncNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/encnet) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | -| [ERFNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/erfnet) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [FastFCN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fastfcn) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | -| [GCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/gcnet) | MMSegmentation | Y | Y | Y | N | N | N | N | N | -| [ICNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/icnet)[\*](#note) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | -| [ISANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/isanet)[\*static](#note) | MMSegmentation | N | Y | Y | N | N | Y | N | Y | -| [NonLocal Net](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/nonlocal_net) | MMSegmentation | ? | Y | Y | Y | N | Y | N | N | -| [OCRNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ocrnet) | MMSegmentation | ? | Y | Y | Y | N | Y | N | Y | -| [PointRend](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/point_rend) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | -| [Semantic FPN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/sem_fpn) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [STDC](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/stdc) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | -| [UPerNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/upernet)[\*](#note) | MMSegmentation | ? | Y | Y | N | N | N | N | Y | -| [DANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/danet) | MMSegmentation | ? | Y | Y | N | N | N | N | N | -| [Segmenter](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/segmenter) [\*static](#note) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | -| [SRCNN](https://github.com/open-mmlab/mmagic/tree/main/configs/srcnn) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [ESRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/esrgan) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [SRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/srgan_resnet) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [SRResNet](https://github.com/open-mmlab/mmagic/tree/main/configs/srgan_resnet) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [Real-ESRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/real_esrgan) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [EDSR](https://github.com/open-mmlab/mmagic/tree/main/configs/edsr) | MMagic | Y | Y | Y | Y | N | Y | N | N | -| [RDN](https://github.com/open-mmlab/mmagic/tree/main/configs/rdn) | MMagic | Y | Y | Y | Y | Y | Y | N | N | -| [DBNet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/dbnet) | MMOCR | Y | Y | Y | Y | Y | Y | Y | N | -| [DBNetpp](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/dbnetpp) | MMOCR | Y | Y | Y | ? | ? | Y | ? | N | -| [PANet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/panet) | MMOCR | Y | Y | Y | Y | ? | Y | Y | N | -| [PSENet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/psenet) | MMOCR | Y | Y | Y | Y | ? | Y | Y | N | -| [TextSnake](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/textsnake) | MMOCR | Y | Y | Y | Y | ? | ? | ? | N | -| [MaskRCNN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/maskrcnn) | MMOCR | Y | Y | Y | ? | ? | ? | ? | N | -| [CRNN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/crnn) | MMOCR | Y | Y | Y | Y | Y | N | N | N | -| [SAR](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/sar) | MMOCR | N | Y | N | N | N | N | N | N | -| [SATRN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/satrn) | MMOCR | Y | Y | Y | N | N | N | N | N | -| [ABINet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/abinet) | MMOCR | Y | Y | Y | N | N | N | N | N | -| [HRNet](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#hrnet-cvpr-2019) | MMPose | N | Y | Y | Y | N | Y | N | N | -| [MSPN](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#mspn-arxiv-2019) | MMPose | N | Y | Y | Y | N | Y | N | N | -| [LiteHRNet](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#litehrnet-cvpr-2021) | MMPose | N | Y | Y | N | N | Y | N | N | -| [Hourglass](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#hourglass-eccv-2016) | MMPose | N | Y | Y | Y | N | Y | N | N | -| [SimCC](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/algorithms.html#simcc-eccv-2022) | MMPose | N | Y | Y | Y | N | N | N | N | -| [PointPillars](https://github.com/open-mmlab/mmdetection3d/tree/dev-1.x/configs/pointpillars) | MMDetection3d | ? | Y | Y | N | N | Y | N | N | -| [CenterPoint (pillar)](https://github.com/open-mmlab/mmdetection3d/tree/dev-1.x/configs/centerpoint) | MMDetection3d | ? | Y | Y | N | N | Y | N | N | -| [RotatedRetinaNet](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/rotated_retinanet/README.md) | RotatedDetection | N | Y | Y | N | N | N | N | N | -| [Oriented RCNN](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/oriented_rcnn/README.md) | RotatedDetection | N | Y | Y | N | N | N | N | N | -| [Gliding Vertex](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/gliding_vertex/README.md) | RotatedDetection | N | N | Y | N | N | N | N | N | +| Model config | Codebase | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVINO | Ascend | RKNN | +| :------------------------------------------------------------------------------------------------------- | :--------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | :----: | :--: | +| [RetinaNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/retinanet) | MMDetection | Y | Y | Y | Y | Y | Y | Y | Y | +| [Faster R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/faster_rcnn) | MMDetection | Y | Y | Y | Y | Y | Y | Y | N | +| [YOLOv3](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/yolo) | MMDetection | Y | Y | Y | Y | N | Y | Y | Y | +| [YOLOX](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/yolox) | MMDetection | Y | Y | Y | Y | N | Y | N | Y | +| [FCOS](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/fcos) | MMDetection | Y | Y | Y | Y | N | Y | N | N | +| [FSAF](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/fsaf) | MMDetection | Y | Y | Y | Y | Y | Y | N | Y | +| [Mask R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/mask_rcnn) | MMDetection | Y | Y | Y | N | N | Y | N | N | +| [SSD](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/ssd)[\*](#note) | MMDetection | Y | Y | Y | Y | N | Y | N | Y | +| [FoveaBox](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/foveabox) | MMDetection | Y | Y | N | N | N | Y | N | N | +| [ATSS](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/atss) | MMDetection | N | Y | Y | N | N | Y | N | N | +| [GFL](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/gfl) | MMDetection | N | Y | Y | N | ? | Y | N | N | +| [Cascade R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/cascade_rcnn) | MMDetection | N | Y | Y | N | Y | Y | N | N | +| [Cascade Mask R-CNN](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/cascade_rcnn) | MMDetection | N | Y | Y | N | N | Y | N | N | +| [Swin Transformer](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/swin)[\*](#note) | MMDetection | N | Y | Y | N | N | N | N | N | +| [VFNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/vfnet) | MMDetection | N | N | N | N | N | Y | N | N | +| [RepPoints](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/reppoints) | MMDetection | N | N | Y | N | ? | Y | N | N | +| [DETR](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/detr) | MMDetection | N | Y | Y | N | ? | N | N | N | +| [CenterNet](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/centernet) | MMDetection | N | Y | Y | N | ? | N | N | N | +| [SOLO](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/solo) | MMDetection | N | Y | N | N | N | Y | N | N | +| [SOLOv2](https://github.com/open-mmlab/mmdetection/tree/3.x/configs/solov2) | MMDetection | N | Y | N | N | N | Y | N | N | +| [ResNet](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnet) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [ResNeXt](https://github.com/open-mmlab/mmpretrain/tree/main/configs/resnext) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [SE-ResNet](https://github.com/open-mmlab/mmpretrain/tree/main/configs/seresnet) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [MobileNetV2](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobilenet_v2) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [ShuffleNetV1](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v1) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [ShuffleNetV2](https://github.com/open-mmlab/mmpretrain/tree/main/configs/shufflenet_v2) | MMPretrain | Y | Y | Y | Y | Y | Y | Y | Y | +| [VisionTransformer](https://github.com/open-mmlab/mmpretrain/tree/main/configs/vision_transformer) | MMPretrain | Y | Y | Y | Y | ? | Y | Y | N | +| [SwinTransformer](https://github.com/open-mmlab/mmpretrain/tree/main/configs/swin_transformer) | MMPretrain | Y | Y | Y | N | ? | N | ? | N | +| [MobileOne](https://github.com/open-mmlab/mmpretrain/tree/main/configs/mobileone) | MMPretrain | N | Y | Y | N | N | N | N | N | +| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | +| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet)[\*static](#note) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | +| [DeepLabV3](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | N | +| [DeepLabV3+](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3plus) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | N | +| [Fast-SCNN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fastscnn)[\*static](#note) | MMSegmentation | Y | Y | Y | N | Y | Y | N | Y | +| [UNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/unet) | MMSegmentation | Y | Y | Y | Y | Y | Y | Y | Y | +| [ANN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ann)[\*](#note) | MMSegmentation | Y | Y | Y | N | N | N | N | N | +| [APCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/apcnet) | MMSegmentation | Y | Y | Y | Y | N | N | N | Y | +| [BiSeNetV1](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/bisenetv1) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [BiSeNetV2](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/bisenetv2) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | +| [CGNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/cgnet) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [DMNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dmnet) | MMSegmentation | ? | Y | N | N | N | N | N | N | +| [DNLNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dnlnet) | MMSegmentation | ? | Y | Y | Y | N | Y | N | N | +| [EMANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/emanet) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | +| [EncNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/encnet) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | +| [ERFNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/erfnet) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [FastFCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fastfcn) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | +| [GCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/gcnet) | MMSegmentation | Y | Y | Y | N | N | N | N | N | +| [ICNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/icnet)[\*](#note) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | +| [ISANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/isanet)[\*static](#note) | MMSegmentation | N | Y | Y | N | N | Y | N | Y | +| [NonLocal Net](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/nonlocal_net) | MMSegmentation | ? | Y | Y | Y | N | Y | N | N | +| [OCRNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ocrnet) | MMSegmentation | ? | Y | Y | Y | N | Y | N | Y | +| [PointRend](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/point_rend) | MMSegmentation | Y | Y | Y | N | N | Y | N | N | +| [Semantic FPN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/sem_fpn) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [STDC](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/stdc) | MMSegmentation | Y | Y | Y | Y | N | Y | N | Y | +| [UPerNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/upernet)[\*](#note) | MMSegmentation | ? | Y | Y | N | N | N | N | Y | +| [DANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/danet) | MMSegmentation | ? | Y | Y | N | N | N | N | N | +| [Segmenter](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/segmenter) [\*static](#note) | MMSegmentation | Y | Y | Y | Y | N | Y | N | N | +| [SRCNN](https://github.com/open-mmlab/mmagic/tree/main/configs/srcnn) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [ESRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/esrgan) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [SRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/srgan_resnet) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [SRResNet](https://github.com/open-mmlab/mmagic/tree/main/configs/srgan_resnet) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [Real-ESRGAN](https://github.com/open-mmlab/mmagic/tree/main/configs/real_esrgan) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [EDSR](https://github.com/open-mmlab/mmagic/tree/main/configs/edsr) | MMagic | Y | Y | Y | Y | N | Y | N | N | +| [RDN](https://github.com/open-mmlab/mmagic/tree/main/configs/rdn) | MMagic | Y | Y | Y | Y | Y | Y | N | N | +| [DBNet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/dbnet) | MMOCR | Y | Y | Y | Y | Y | Y | Y | N | +| [DBNetpp](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/dbnetpp) | MMOCR | Y | Y | Y | ? | ? | Y | ? | N | +| [PANet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/panet) | MMOCR | Y | Y | Y | Y | ? | Y | Y | N | +| [PSENet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/psenet) | MMOCR | Y | Y | Y | Y | ? | Y | Y | N | +| [TextSnake](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/textsnake) | MMOCR | Y | Y | Y | Y | ? | ? | ? | N | +| [MaskRCNN](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/maskrcnn) | MMOCR | Y | Y | Y | ? | ? | ? | ? | N | +| [CRNN](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/crnn) | MMOCR | Y | Y | Y | Y | Y | N | N | N | +| [SAR](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/sar) | MMOCR | N | Y | N | N | N | N | N | N | +| [SATRN](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/satrn) | MMOCR | Y | Y | Y | N | N | N | N | N | +| [ABINet](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/abinet) | MMOCR | Y | Y | Y | N | N | N | N | N | +| [HRNet](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#hrnet-cvpr-2019) | MMPose | N | Y | Y | Y | N | Y | N | N | +| [MSPN](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#mspn-arxiv-2019) | MMPose | N | Y | Y | Y | N | Y | N | N | +| [LiteHRNet](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#litehrnet-cvpr-2021) | MMPose | N | Y | Y | N | N | Y | N | N | +| [Hourglass](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#hourglass-eccv-2016) | MMPose | N | Y | Y | Y | N | Y | N | N | +| [SimCC](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/algorithms.html#simcc-eccv-2022) | MMPose | N | Y | Y | Y | N | N | N | N | +| [PointPillars](https://github.com/open-mmlab/mmdetection3d/tree/main/configs/pointpillars) | MMDetection3d | ? | Y | Y | N | N | Y | N | N | +| [CenterPoint (pillar)](https://github.com/open-mmlab/mmdetection3d/tree/main/configs/centerpoint) | MMDetection3d | ? | Y | Y | N | N | Y | N | N | +| [RotatedRetinaNet](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/rotated_retinanet/README.md) | RotatedDetection | N | Y | Y | N | N | N | N | N | +| [Oriented RCNN](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/oriented_rcnn/README.md) | RotatedDetection | N | Y | Y | N | N | N | N | N | +| [Gliding Vertex](https://github.com/open-mmlab/mmrotate/blob/1.x/configs/gliding_vertex/README.md) | RotatedDetection | N | N | Y | N | N | N | N | N | ## Note diff --git a/docs/zh_cn/04-supported-codebases/mmdet3d.md b/docs/zh_cn/04-supported-codebases/mmdet3d.md index 643f7c2000..1e029d9181 100644 --- a/docs/zh_cn/04-supported-codebases/mmdet3d.md +++ b/docs/zh_cn/04-supported-codebases/mmdet3d.md @@ -72,10 +72,10 @@ ls -lah centerpoint ## 模型支持列表 -| model | dataset | onnxruntime | openvino | tensorrt\* | -| :---------------------------------------------------------------------------------------------------------------------------------------------------------------------: | :------: | :---------: | :------: | :--------: | -| [centerpoint](https://github.com/open-mmlab/mmdetection3d/blob/dev-1.x/configs/centerpoint/centerpoint_pillar02_second_secfpn_head-circlenms_8xb4-cyclic-20e_nus-3d.py) | nuScenes | ✔️ | ✔️ | ✔️ | -| [pointpillars](https://github.com/open-mmlab/mmdetection3d/blob/dev-1.x/configs/pointpillars/pointpillars_hv_secfpn_sbn-all_8xb4-2x_nus-3d.py) | nuScenes | ✔️ | ✔️ | ✔️ | -| [pointpillars](https://github.com/open-mmlab/mmdetection3d/blob/dev-1.x/configs/pointpillars/pointpillars_hv_secfpn_8xb6-160e_kitti-3d-3class.py) | KITTI | ✔️ | ✔️ | ✔️ | +| model | dataset | onnxruntime | openvino | tensorrt\* | +| :------------------------------------------------------------------------------------------------------------------------------------------------------------------: | :------: | :---------: | :------: | :--------: | +| [centerpoint](https://github.com/open-mmlab/mmdetection3d/blob/main/configs/centerpoint/centerpoint_pillar02_second_secfpn_head-circlenms_8xb4-cyclic-20e_nus-3d.py) | nuScenes | ✔️ | ✔️ | ✔️ | +| [pointpillars](https://github.com/open-mmlab/mmdetection3d/blob/main/configs/pointpillars/pointpillars_hv_secfpn_sbn-all_8xb4-2x_nus-3d.py) | nuScenes | ✔️ | ✔️ | ✔️ | +| [pointpillars](https://github.com/open-mmlab/mmdetection3d/blob/main/configs/pointpillars/pointpillars_hv_secfpn_8xb6-160e_kitti-3d-3class.py) | KITTI | ✔️ | ✔️ | ✔️ | - 考虑到 ScatterND、动态 shape 等已知问题,请确保 trt >= 8.4 diff --git a/docs/zh_cn/04-supported-codebases/mmocr.md b/docs/zh_cn/04-supported-codebases/mmocr.md index efdeea6416..691e0fcb02 100644 --- a/docs/zh_cn/04-supported-codebases/mmocr.md +++ b/docs/zh_cn/04-supported-codebases/mmocr.md @@ -18,7 +18,7 @@ ______________________________________________________________________ -[MMOCR](https://github.com/open-mmlab/mmocr/tree/1.x),又称 `mmocr`,是基于 PyTorch 和 mmdetection 的开源工具箱,专注于文本检测,文本识别以及相应的下游任务,如关键信息提取。 它是 [OpenMMLab](https://openmmlab.com/) 项目的一部分。 +[MMOCR](https://github.com/open-mmlab/mmocr/tree/main),又称 `mmocr`,是基于 PyTorch 和 mmdetection 的开源工具箱,专注于文本检测,文本识别以及相应的下游任务,如关键信息提取。 它是 [OpenMMLab](https://openmmlab.com/) 项目的一部分。 ## 安装 @@ -238,18 +238,18 @@ print(texts) ## 模型支持列表 -| Model | Task | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVINO | -| :---------------------------------------------------------------------------------- | :--------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | -| [DBNet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/dbnet) | text-detection | Y | Y | Y | Y | Y | Y | -| [DBNetpp](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/dbnetpp) | text-detection | N | Y | Y | ? | ? | Y | -| [PSENet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/psenet) | text-detection | Y | Y | Y | Y | N | Y | -| [PANet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/panet) | text-detection | Y | Y | Y | Y | N | Y | -| [TextSnake](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/textsnake) | text-detection | Y | Y | Y | ? | ? | ? | -| [MaskRCNN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textdet/maskrcnn) | text-detection | Y | Y | Y | ? | ? | ? | -| [CRNN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/crnn) | text-recognition | Y | Y | Y | Y | Y | N | -| [SAR](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/sar) | text-recognition | N | Y | Y | N | N | N | -| [SATRN](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/satrn) | text-recognition | Y | Y | Y | N | N | N | -| [ABINet](https://github.com/open-mmlab/mmocr/blob/1.x/configs/textrecog/abinet) | text-recognition | Y | Y | Y | ? | ? | ? | +| Model | Task | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVINO | +| :----------------------------------------------------------------------------------- | :--------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | +| [DBNet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/dbnet) | text-detection | Y | Y | Y | Y | Y | Y | +| [DBNetpp](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/dbnetpp) | text-detection | N | Y | Y | ? | ? | Y | +| [PSENet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/psenet) | text-detection | Y | Y | Y | Y | N | Y | +| [PANet](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/panet) | text-detection | Y | Y | Y | Y | N | Y | +| [TextSnake](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/textsnake) | text-detection | Y | Y | Y | ? | ? | ? | +| [MaskRCNN](https://github.com/open-mmlab/mmocr/blob/main/configs/textdet/maskrcnn) | text-detection | Y | Y | Y | ? | ? | ? | +| [CRNN](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/crnn) | text-recognition | Y | Y | Y | Y | Y | N | +| [SAR](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/sar) | text-recognition | N | Y | Y | N | N | N | +| [SATRN](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/satrn) | text-recognition | Y | Y | Y | N | N | N | +| [ABINet](https://github.com/open-mmlab/mmocr/blob/main/configs/textrecog/abinet) | text-recognition | Y | Y | Y | ? | ? | ? | ## 注意事项 diff --git a/docs/zh_cn/04-supported-codebases/mmpose.md b/docs/zh_cn/04-supported-codebases/mmpose.md index b3505f8010..f4fbc56a11 100644 --- a/docs/zh_cn/04-supported-codebases/mmpose.md +++ b/docs/zh_cn/04-supported-codebases/mmpose.md @@ -13,13 +13,13 @@ ______________________________________________________________________ -[MMPose](https://github.com/open-mmlab/mmpose/tree/1.x),又称 `mmpose`,是一个基于 PyTorch 的姿态估计的开源工具箱,是 [OpenMMLab](https://openmmlab.com/) 项目的成员之一。 +[MMPose](https://github.com/open-mmlab/mmpose/tree/main),又称 `mmpose`,是一个基于 PyTorch 的姿态估计的开源工具箱,是 [OpenMMLab](https://openmmlab.com/) 项目的成员之一。 ## 安装 ### 安装 mmpose -请参考[官网安装指南](https://mmpose.readthedocs.io/en/1.x/installation.html#best-practices)。 +请参考[官网安装指南](https://mmpose.readthedocs.io/en/latest/installation.html#best-practices)。 ### 安装 mmdeploy @@ -156,11 +156,11 @@ task_processor.visualize( ## 模型支持列表 -| Model | Task | ONNX Runtime | TensorRT | ncnn | PPLNN | OpenVINO | -| :----------------------------------------------------------------------------------------------------- | :------------ | :----------: | :------: | :--: | :---: | :------: | -| [HRNet](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#hrnet-cvpr-2019) | PoseDetection | Y | Y | Y | N | Y | -| [MSPN](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#mspn-arxiv-2019) | PoseDetection | Y | Y | Y | N | Y | -| [LiteHRNet](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/backbones.html#litehrnet-cvpr-2021) | PoseDetection | Y | Y | Y | N | Y | -| [Hourglass](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/algorithms.html#hourglass-eccv-2016) | PoseDetection | Y | Y | Y | N | Y | -| [SimCC](https://mmpose.readthedocs.io/en/1.x/model_zoo_papers/algorithms.html#simcc-eccv-2022) | PoseDetection | Y | Y | Y | N | N | -| [RTMPose](https://github.com/open-mmlab/mmpose/tree/main/projects/rtmpose) | PoseDetection | Y | Y | Y | N | Y | +| Model | Task | ONNX Runtime | TensorRT | ncnn | PPLNN | OpenVINO | +| :-------------------------------------------------------------------------------------------------------- | :------------ | :----------: | :------: | :--: | :---: | :------: | +| [HRNet](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#hrnet-cvpr-2019) | PoseDetection | Y | Y | Y | N | Y | +| [MSPN](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#mspn-arxiv-2019) | PoseDetection | Y | Y | Y | N | Y | +| [LiteHRNet](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/backbones.html#litehrnet-cvpr-2021) | PoseDetection | Y | Y | Y | N | Y | +| [Hourglass](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/algorithms.html#hourglass-eccv-2016) | PoseDetection | Y | Y | Y | N | Y | +| [SimCC](https://mmpose.readthedocs.io/en/latest/model_zoo_papers/algorithms.html#simcc-eccv-2022) | PoseDetection | Y | Y | Y | N | N | +| [RTMPose](https://github.com/open-mmlab/mmpose/tree/main/projects/rtmpose) | PoseDetection | Y | Y | Y | N | Y | diff --git a/docs/zh_cn/04-supported-codebases/mmrotate.md b/docs/zh_cn/04-supported-codebases/mmrotate.md index 1100fed710..b9d653e487 100644 --- a/docs/zh_cn/04-supported-codebases/mmrotate.md +++ b/docs/zh_cn/04-supported-codebases/mmrotate.md @@ -19,7 +19,7 @@ ______________________________________________________________________ ### 安装 mmrotate -请参考[官网安装指南](https://mmrotate.readthedocs.io/zh_CN/1.x/get_started.html)。 +请参考[官网安装指南](https://mmrotate.readthedocs.io/zh_CN/latest/get_started.html)。 ### 安装 mmdeploy diff --git a/docs/zh_cn/04-supported-codebases/mmseg.md b/docs/zh_cn/04-supported-codebases/mmseg.md index c5b0293df6..d16dd97f68 100644 --- a/docs/zh_cn/04-supported-codebases/mmseg.md +++ b/docs/zh_cn/04-supported-codebases/mmseg.md @@ -14,7 +14,7 @@ ______________________________________________________________________ -[MMSegmentation](https://github.com/open-mmlab/mmsegmentation/tree/1.x) 又称`mmseg`,是一个基于 PyTorch 的开源对象分割工具箱。它是 [OpenMMLab](https://openmmlab.com/) 项目的一部分。 +[MMSegmentation](https://github.com/open-mmlab/mmsegmentation/tree/main) 又称`mmseg`,是一个基于 PyTorch 的开源对象分割工具箱。它是 [OpenMMLab](https://openmmlab.com/) 项目的一部分。 ## 安装 @@ -192,41 +192,41 @@ cv2.imwrite('output_segmentation.png', img) ## 模型支持列表 -| Model | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVino | -| :------------------------------------------------------------------------------------------------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | -| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fcn) | Y | Y | Y | Y | Y | Y | -| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/pspnet)[\*](#static_shape) | Y | Y | Y | Y | Y | Y | -| [DeepLabV3](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/deeplabv3) | Y | Y | Y | Y | Y | Y | -| [DeepLabV3+](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/deeplabv3plus) | Y | Y | Y | Y | Y | Y | -| [Fast-SCNN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fastscnn)[\*](#static_shape) | Y | Y | Y | N | Y | Y | -| [UNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/unet) | Y | Y | Y | Y | Y | Y | -| [ANN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ann)[\*](#static_shape) | Y | Y | Y | N | N | N | -| [APCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/apcnet) | Y | Y | Y | Y | N | N | -| [BiSeNetV1](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/bisenetv1) | Y | Y | Y | Y | N | Y | -| [BiSeNetV2](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/bisenetv2) | Y | Y | Y | Y | N | Y | -| [CGNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/cgnet) | Y | Y | Y | Y | N | Y | -| [DMNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dmnet) | ? | Y | N | N | N | N | -| [DNLNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dnlnet) | ? | Y | Y | Y | N | Y | -| [EMANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/emanet) | Y | Y | Y | N | N | Y | -| [EncNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/encnet) | Y | Y | Y | N | N | Y | -| [ERFNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/erfnet) | Y | Y | Y | Y | N | Y | -| [FastFCN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/fastfcn) | Y | Y | Y | Y | N | Y | -| [GCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/gcnet) | Y | Y | Y | N | N | N | -| [ICNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/icnet)[\*](#static_shape) | Y | Y | Y | N | N | Y | -| [ISANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/isanet)[\*](#static_shape) | N | Y | Y | N | N | Y | -| [NonLocal Net](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/nonlocal_net) | ? | Y | Y | Y | N | Y | -| [OCRNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ocrnet) | Y | Y | Y | Y | N | Y | -| [PointRend](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/point_rend)[\*](#static_shape) | Y | Y | Y | N | N | N | -| [Semantic FPN](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/sem_fpn) | Y | Y | Y | Y | N | Y | -| [STDC](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/stdc) | Y | Y | Y | Y | N | Y | -| [UPerNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/upernet)[\*](#static_shape) | N | Y | Y | N | N | N | -| [DANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/danet) | ? | Y | Y | N | N | Y | -| [Segmenter](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/segmenter)[\*](#static_shape) | N | Y | Y | Y | N | Y | -| [SegFormer](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/segformer)[\*](#static_shape) | ? | Y | Y | N | N | Y | -| [SETR](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/setr) | ? | Y | N | N | N | Y | -| [CCNet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/ccnet) | ? | N | N | N | N | N | -| [PSANet](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/psanet) | ? | N | N | N | N | N | -| [DPT](https://github.com/open-mmlab/mmsegmentation/tree/1.x/configs/dpt) | ? | N | N | N | N | N | +| Model | TorchScript | OnnxRuntime | TensorRT | ncnn | PPLNN | OpenVino | +| :-------------------------------------------------------------------------------------------------------- | :---------: | :---------: | :------: | :--: | :---: | :------: | +| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn) | Y | Y | Y | Y | Y | Y | +| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet)[\*](#static_shape) | Y | Y | Y | Y | Y | Y | +| [DeepLabV3](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3) | Y | Y | Y | Y | Y | Y | +| [DeepLabV3+](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/deeplabv3plus) | Y | Y | Y | Y | Y | Y | +| [Fast-SCNN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fastscnn)[\*](#static_shape) | Y | Y | Y | N | Y | Y | +| [UNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/unet) | Y | Y | Y | Y | Y | Y | +| [ANN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ann)[\*](#static_shape) | Y | Y | Y | N | N | N | +| [APCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/apcnet) | Y | Y | Y | Y | N | N | +| [BiSeNetV1](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/bisenetv1) | Y | Y | Y | Y | N | Y | +| [BiSeNetV2](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/bisenetv2) | Y | Y | Y | Y | N | Y | +| [CGNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/cgnet) | Y | Y | Y | Y | N | Y | +| [DMNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dmnet) | ? | Y | N | N | N | N | +| [DNLNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dnlnet) | ? | Y | Y | Y | N | Y | +| [EMANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/emanet) | Y | Y | Y | N | N | Y | +| [EncNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/encnet) | Y | Y | Y | N | N | Y | +| [ERFNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/erfnet) | Y | Y | Y | Y | N | Y | +| [FastFCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fastfcn) | Y | Y | Y | Y | N | Y | +| [GCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/gcnet) | Y | Y | Y | N | N | N | +| [ICNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/icnet)[\*](#static_shape) | Y | Y | Y | N | N | Y | +| [ISANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/isanet)[\*](#static_shape) | N | Y | Y | N | N | Y | +| [NonLocal Net](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/nonlocal_net) | ? | Y | Y | Y | N | Y | +| [OCRNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ocrnet) | Y | Y | Y | Y | N | Y | +| [PointRend](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/point_rend)[\*](#static_shape) | Y | Y | Y | N | N | N | +| [Semantic FPN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/sem_fpn) | Y | Y | Y | Y | N | Y | +| [STDC](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/stdc) | Y | Y | Y | Y | N | Y | +| [UPerNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/upernet)[\*](#static_shape) | N | Y | Y | N | N | N | +| [DANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/danet) | ? | Y | Y | N | N | Y | +| [Segmenter](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/segmenter)[\*](#static_shape) | N | Y | Y | Y | N | Y | +| [SegFormer](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/segformer)[\*](#static_shape) | ? | Y | Y | N | N | Y | +| [SETR](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/setr) | ? | Y | N | N | N | Y | +| [CCNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/ccnet) | ? | N | N | N | N | N | +| [PSANet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/psanet) | ? | N | N | N | N | N | +| [DPT](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/dpt) | ? | N | N | N | N | N | ## 注意事项 From 4f80dc20c5db85c64bb649b71f19640c712e403c Mon Sep 17 00:00:00 2001 From: RunningLeon Date: Tue, 23 May 2023 10:12:34 +0800 Subject: [PATCH 2/5] fix dead links --- docs/en/03-benchmark/benchmark_tvm.md | 8 ++++---- docs/zh_cn/03-benchmark/benchmark_tvm.md | 8 ++++---- 2 files changed, 8 insertions(+), 8 deletions(-) diff --git a/docs/en/03-benchmark/benchmark_tvm.md b/docs/en/03-benchmark/benchmark_tvm.md index 72fb3513c7..8b40cc8195 100644 --- a/docs/en/03-benchmark/benchmark_tvm.md +++ b/docs/en/03-benchmark/benchmark_tvm.md @@ -45,7 +45,7 @@ The table above list the models that we have tested. Models not listed on the ta \*: We only test model on ssd since dynamic shape is not supported for now. -| mmseg | metric | PyTorch | TVM | -| :----------------------------------------------------------------------------------------------------------------------: | :----: | :-----: | :---: | -| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn/fcn_r50-d8_512x1024_40k_cityscapes.py) | mIoU | 72.25 | 72.36 | -| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet/pspnet_r50-d8_512x1024_80k_cityscapes.py) | mIoU | 78.55 | 77.90 | +| mmseg | metric | PyTorch | TVM | +| :---------------------------------------------------------------------------------------------------------------------------: | :----: | :-----: | :---: | +| [FCN](https://github.com/open-mmlab/mmsegmentation/blob/main/configs/fcn/fcn_r50-d8_4xb2-40k_cityscapes-512x1024.py) | mIoU | 72.25 | 72.36 | +| [PSPNet](https://github.com/open-mmlab/mmsegmentation/blob/main/configs/pspnet/pspnet_r50-d8_4xb2-80k_cityscapes-512x1024.py) | mIoU | 78.55 | 77.90 | diff --git a/docs/zh_cn/03-benchmark/benchmark_tvm.md b/docs/zh_cn/03-benchmark/benchmark_tvm.md index 88f6af95d4..d58c9c9b07 100644 --- a/docs/zh_cn/03-benchmark/benchmark_tvm.md +++ b/docs/zh_cn/03-benchmark/benchmark_tvm.md @@ -45,7 +45,7 @@ \*: 由于暂时不支持动态转换,因此仅提供 SSD 的精度测试结果。 -| mmseg | metric | PyTorch | TVM | -| :----------------------------------------------------------------------------------------------------------------------: | :----: | :-----: | :---: | -| [FCN](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/fcn/fcn_r50-d8_512x1024_40k_cityscapes.py) | mIoU | 72.25 | 72.36 | -| [PSPNet](https://github.com/open-mmlab/mmsegmentation/tree/main/configs/pspnet/pspnet_r50-d8_512x1024_80k_cityscapes.py) | mIoU | 78.55 | 77.90 | +| mmseg | metric | PyTorch | TVM | +| :---------------------------------------------------------------------------------------------------------------------------: | :----: | :-----: | :---: | +| [FCN](https://github.com/open-mmlab/mmsegmentation/blob/main/configs/fcn/fcn_r50-d8_4xb2-40k_cityscapes-512x1024.py) | mIoU | 72.25 | 72.36 | +| [PSPNet](https://github.com/open-mmlab/mmsegmentation/blob/main/configs/pspnet/pspnet_r50-d8_4xb2-80k_cityscapes-512x1024.py) | mIoU | 78.55 | 77.90 | From d8680bfc5b5ae74ec181bbd28176fd1103b791c9 Mon Sep 17 00:00:00 2001 From: RunningLeon Date: Thu, 25 May 2023 10:36:42 +0800 Subject: [PATCH 3/5] fix tag_name --- .github/workflows/publish.yml | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/.github/workflows/publish.yml b/.github/workflows/publish.yml index a720afad8c..779118ff11 100644 --- a/.github/workflows/publish.yml +++ b/.github/workflows/publish.yml @@ -28,6 +28,7 @@ jobs: export MMDEPLOY_VERSION=$(python3 -c "import sys; sys.path.append('mmdeploy');from version import __version__;print(__version__)") echo $MMDEPLOY_VERSION echo "MMDEPLOY_VERSION=$MMDEPLOY_VERSION" >> $GITHUB_ENV + echo "TAG_NAME=v$MMDEPLOY_VERSION" >> $GITHUB_ENV echo "OUTPUT_DIR=$PREBUILD_DIR/$MMDEPLOY_VERSION" >> $GITHUB_ENV pip install twine - name: Upload mmdeploy @@ -51,7 +52,7 @@ jobs: - name: Upload mmdeploy sdk uses: softprops/action-gh-release@v1 with: - tag_name: v${MMDEPLOY_VERSION} + tag_name: $TAG_NAME files: | ./prebuild/*.zip ./prebuild/*.tar.gz From d586f1a3c50da534b9213085e2294995d5bb0bf2 Mon Sep 17 00:00:00 2001 From: RunningLeon Date: Mon, 29 May 2023 16:08:13 +0800 Subject: [PATCH 4/5] Revert "fix tag_name" This reverts commit fcf0c5841bf03a95fc1ddd109547908ef8111008. --- .github/workflows/publish.yml | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/.github/workflows/publish.yml b/.github/workflows/publish.yml index 779118ff11..a720afad8c 100644 --- a/.github/workflows/publish.yml +++ b/.github/workflows/publish.yml @@ -28,7 +28,6 @@ jobs: export MMDEPLOY_VERSION=$(python3 -c "import sys; sys.path.append('mmdeploy');from version import __version__;print(__version__)") echo $MMDEPLOY_VERSION echo "MMDEPLOY_VERSION=$MMDEPLOY_VERSION" >> $GITHUB_ENV - echo "TAG_NAME=v$MMDEPLOY_VERSION" >> $GITHUB_ENV echo "OUTPUT_DIR=$PREBUILD_DIR/$MMDEPLOY_VERSION" >> $GITHUB_ENV pip install twine - name: Upload mmdeploy @@ -52,7 +51,7 @@ jobs: - name: Upload mmdeploy sdk uses: softprops/action-gh-release@v1 with: - tag_name: $TAG_NAME + tag_name: v${MMDEPLOY_VERSION} files: | ./prebuild/*.zip ./prebuild/*.tar.gz From 529f10cf3f10082a6a49c379032c2c86aaabacb3 Mon Sep 17 00:00:00 2001 From: RunningLeon Date: Tue, 30 May 2023 15:43:59 +0800 Subject: [PATCH 5/5] fix readthedocs for zh_cn --- docs/zh_cn/tutorial/07_write_a_plugin.md | 8 ++++++-- resources/tutorial/IPluginV2DynamicExt.svg | 4 ---- resources/tutorial/srcnn.svg | 1 - 3 files changed, 6 insertions(+), 7 deletions(-) delete mode 100644 resources/tutorial/IPluginV2DynamicExt.svg delete mode 100644 resources/tutorial/srcnn.svg diff --git a/docs/zh_cn/tutorial/07_write_a_plugin.md b/docs/zh_cn/tutorial/07_write_a_plugin.md index 47835a1302..91b7659f23 100644 --- a/docs/zh_cn/tutorial/07_write_a_plugin.md +++ b/docs/zh_cn/tutorial/07_write_a_plugin.md @@ -182,7 +182,9 @@ with torch.no_grad(): 执行上述脚本,我们导出成功了一个ONNX模型 `srcnn.onnx`。用[netron](https://netron.app/)打开这个模型可视化如下: -![](../../../resources/tutorial/srcnn.svg) +
+ +
直接将该模型转换成TensorRT模型也是不可行的,这是因为TensorRT还无法解析 `DynamicTRTResize` 节点。而想要解析该节点,我们必须为TensorRT添加c++代码,实现该插件。 @@ -274,7 +276,9 @@ class DynamicTRTResizeCreator : public TRTPluginCreatorBase { 在这样一份头文件中,DynamicTRTResize类进行了如下的套娃继承: -![](../../../resources/tutorial/IPluginV2DynamicExt.svg) +
+ +
从上面的图片和代码中我们发现,插件类`DynamicTRTResize`中我们定义了私有变量`mAlignCorners`,该变量表示是否`align corners`。此外只要实现构造析构函数和TensoRT中三个基类的方法即可。其中构造函数有二,分别用于创建插件和反序列化插件。而基类方法中: diff --git a/resources/tutorial/IPluginV2DynamicExt.svg b/resources/tutorial/IPluginV2DynamicExt.svg deleted file mode 100644 index f3c2ae8234..0000000000 --- a/resources/tutorial/IPluginV2DynamicExt.svg +++ /dev/null @@ -1,4 +0,0 @@ - - - -
nvinfer1::IPluginV2
nvinfer1::IPluginV2
nvinfer1::IPluginV2Ext
nvinfer1::IPluginV2Ext
nvinfer1::IPluginV2DynamicExt
nvinfer1::IPluginV2DynamicExt
TRTPluginBase
TRTPluginBase
DynamicTRTResize
DynamicTRTResize
TensorRT
TensorRT
MMDeploy
MMDeploy
Text is not SVG - cannot display
diff --git a/resources/tutorial/srcnn.svg b/resources/tutorial/srcnn.svg deleted file mode 100644 index ea35d01d8c..0000000000 --- a/resources/tutorial/srcnn.svg +++ /dev/null @@ -1 +0,0 @@ -inputfloat32[batch,3,height,width]factorfloat32[batch,1,height,width]DynamicTRTResizeDynamicTRTResize_0ConvConv_1float32[64,3,9,9]W〈64×3×9×9〉float32[64]B〈64〉ReluRelu_2ConvConv_3float32[32,64,1,1]W〈32×64×1×1〉float32[32]B〈32〉ReluRelu_4ConvConv_5float32[3,32,5,5]W〈3×32×5×5〉float32[3]B〈3〉outputfloat32[batch,3,height,width]