NVIDIA / TensorRT

NVIDIA® TensorRT™ is an SDK for high-performance deep learning inference on NVIDIA GPUs. This repository contains the open source components of TensorRT.
https://developer.nvidia.com/tensorrt
Apache License 2.0
10.52k stars 2.1k forks source link

Detectron2 MaskRCNN R50-FPN 3x to TensorRT Conversion Fail #2192

Closed FeriBolour closed 2 years ago

FeriBolour commented 2 years ago

Description

Hello Everyone,

I was trying to exactly follow the steps of converting Detectron2 MaskRCNN R50-FPN 3x to TensorRT mentioned at https://github.com/NVIDIA/TensorRT/tree/main/samples/python/detectron2. I even used the same .pkl model --> _model_finalf10217.pkl from https://github.com/facebookresearch/detectron2/blob/main/MODEL_ZOO.md

However in the last step when running python3 build_engine.py --onnx 'converted.onnx' --engine 'TensorRT_fp16.trt' -c 'detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml' -p fp16 I get the following error:

[07/29/2022-23:17:13] [TRT] [I] [MemUsageChange] Init CUDA: CPU +303, GPU +0, now: CPU 371, GPU 825 (MiB)
[07/29/2022-23:17:14] [TRT] [I] [MemUsageChange] Init builder kernel library: CPU +207, GPU +68, now: CPU 597, GPU 893 (MiB)
build_engine.py:131: DeprecationWarning: Use set_memory_pool_limit instead.
  self.config.max_workspace_size = workspace * (2 ** 30)
[07/29/2022-23:17:14] [TRT] [W] onnx2trt_utils.cpp:369: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.
[07/29/2022-23:17:14] [TRT] [I] No importer registered for op: ResizeNearest_TRT. Attempting to import as plugin.
[07/29/2022-23:17:14] [TRT] [I] Searching for plugin: ResizeNearest_TRT, plugin_version: 1, plugin_namespace: 
[07/29/2022-23:17:14] [TRT] [I] Successfully created plugin: ResizeNearest_TRT
[07/29/2022-23:17:14] [TRT] [I] No importer registered for op: ResizeNearest_TRT. Attempting to import as plugin.
[07/29/2022-23:17:14] [TRT] [I] Searching for plugin: ResizeNearest_TRT, plugin_version: 1, plugin_namespace: 
[07/29/2022-23:17:14] [TRT] [I] Successfully created plugin: ResizeNearest_TRT
[07/29/2022-23:17:14] [TRT] [I] No importer registered for op: ResizeNearest_TRT. Attempting to import as plugin.
[07/29/2022-23:17:14] [TRT] [I] Searching for plugin: ResizeNearest_TRT, plugin_version: 1, plugin_namespace: 
[07/29/2022-23:17:14] [TRT] [I] Successfully created plugin: ResizeNearest_TRT
[07/29/2022-23:17:14] [TRT] [E] [graphShapeAnalyzer.cpp::analyzeShapes::1294] Error Code 4: Miscellaneous (IShuffleLayer logits_reshape_1_p6: reshape changes volume. Reshaping [1,3,13,13] to [1,3,1,12,12].)
ERROR:EngineBuilder:Failed to load ONNX file: /home/avl/Downloads/COCO Dataset/ONNX_MODEL/converted.onnx
ERROR:EngineBuilder:In node 152 (parseGraph): INVALID_NODE: Invalid Node - logits_reshape_1_p6
[graphShapeAnalyzer.cpp::analyzeShapes::1294] Error Code 4: Miscellaneous (IShuffleLayer logits_reshape_1_p6: reshape changes volume. Reshaping [1,3,13,13] to [1,3,1,12,12].)

I don't really know why this is happening since I am trying to exactly following the steps as instructed. Could anyone please help me with this issue?

Thank You

Environment

TensorRT Version: 8.4.2-1+cuda11.6 NVIDIA GPU: TITAN RTX NVIDIA Driver Version: 510.39.01 CUDA Version: 11.6 CUDNN Version: 8 Operating System: Ubuntu 20.04 Python Version: Python 3.8.10 Tensorflow Version: 2.7 PyTorch Version: Tried with both 1.9.0+cu111 and 1.10.1+cu111 Detectron2 Version: 0.6

Relevant Files

Please copy the links below and paste them in a new tab. For some reason, they don't open correctly when you just click on them.

Here's the link for the model from the command below: https://drive.google.com/file/d/1e7wqMtqkAXp1Ilw8EC79GAsCVgEt8GcJ/view?usp=sharing

python3 detectron2/tools/deploy/export_model.py \
    --sample-image 000000007574.jpg \
    --config-file detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml \
    --export-method caffe2_tracing \
    --format onnx \
    --output ./ 
    MODEL.WEIGHTS path/to/model_final_f10217.pkl \
    MODEL.DEVICE cuda

Here's the link for the model from the command below: https://drive.google.com/file/d/1nCAz73kPwOwfn9jIv4Z2earCrqCrm9Oq/view?usp=sharing

python3 create_onnx.py \
    --exported_onnx /path/to/model.onnx \
    --onnx /path/to/converted.onnx \
    --det2_config /detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml \
    --det2_weights /model_final_f10217.pkl
    --sample_image 000000007574.jpg

Here's the link for the image used in the above commands: https://drive.google.com/file/d/1PYLMY96FmG41TcllV7ZMSC739cGsTRnv/view?usp=sharing

Console Output From Other Commands

when I run python3 detectron2/tools/deploy/export_model.py I get the following output:

[07/31 17:07:31 detectron2]: Command line arguments: Namespace(config_file='/home/avl/Projects/Cotton Imaging Project/detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml', export_method='caffe2_tracing', format='onnx', opts=[], output='/home/avl/Downloads/COCO Dataset/ONNX_MODEL', run_eval=False, sample_image='000000007574.jpg')
/home/avl/.local/lib/python3.8/site-packages/torch/onnx/utils.py:267: UserWarning: `add_node_names' can be set to True only when 'operator_export_type' is `ONNX`. Since 'operator_export_type' is not set to 'ONNX', `add_node_names` argument will be ignored.
  warnings.warn("`{}' can be set to True only when 'operator_export_type' is "
/home/avl/.local/lib/python3.8/site-packages/torch/onnx/utils.py:267: UserWarning: `do_constant_folding' can be set to True only when 'operator_export_type' is `ONNX`. Since 'operator_export_type' is not set to 'ONNX', `do_constant_folding` argument will be ignored.
  warnings.warn("`{}' can be set to True only when 'operator_export_type' is "
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:32: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  assert tensor.dim() == 2 and tensor.size(-1) in [4, 5, 6], tensor.size()
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:409: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  if num_classes + 1 == class_logits.shape[1]:
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:418: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  assert box_regression.shape[1] % box_dim == 0
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:419: UserWarning: __floordiv__ is deprecated, and its behavior will change in a future version of pytorch. It currently rounds toward 0 (like the 'trunc' function NOT 'floor'). This results in incorrect rounding for negative values. To keep the current behavior, use torch.div(a, b, rounding_mode='trunc'), or for actual floor division, use torch.div(a, b, rounding_mode='floor').
  cls_agnostic_bbox_reg = box_regression.shape[1] // box_dim == 1
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:425: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  if input_tensor_mode:
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:457: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  nms_outputs = torch.ops._caffe2.BoxWithNMSLimit(
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:486: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).
  for i, b in enumerate(int(x.item()) for x in roi_batch_splits_nms)
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:486: TracerWarning: Converting a tensor to a Python number might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  for i, b in enumerate(int(x.item()) for x in roi_batch_splits_nms)
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:104: TracerWarning: Using len to get tensor shape might cause the trace to be incorrect. Recommended usage would be tensor.shape[0]. Passing a tensor of different shape might lead to errors or silently give incorrect results.
  return len(self.indices)
/home/avl/.local/lib/python3.8/site-packages/detectron2/export/c10.py:87: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!
  assert (
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::ResizeNearest type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::ResizeNearest type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::ResizeNearest type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CollectRpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BatchPermutation type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BBoxTransform type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BBoxTransform type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BatchPermutation type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::ResizeNearest type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::ResizeNearest type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::ResizeNearest type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::GenerateProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CollectRpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BatchPermutation type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BBoxTransform type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BBoxTransform type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BoxWithNMSLimit type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyGPUToCPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::DistributeFpnProposals type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::CopyCPUToGPU type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::RoIAlign type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::BatchPermutation type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
WARNING: The shape inference of _caffe2::AliasWithName type is missing, so it may result in wrong shape inference for the exported graph. Please consider adding it in symbolic function.
[07/31 17:07:37 detectron2]: Success.

When I run python3 create_onnx.py I get the following output:

INFO:ModelHelper:ONNX graph loaded successfully
INFO:ModelHelper:Number of FPN output channels is 256
INFO:ModelHelper:Number of classes is 80
INFO:ModelHelper:First NMS max proposals is 1000
INFO:ModelHelper:First NMS iou threshold is 0.7
INFO:ModelHelper:First NMS score threshold is 0.01
INFO:ModelHelper:First ROIAlign type is ROIAlignV2
INFO:ModelHelper:First ROIAlign pooled size is 7
INFO:ModelHelper:First ROIAlign sampling ratio is 0
INFO:ModelHelper:Second NMS max proposals is 100
INFO:ModelHelper:Second NMS iou threshold is 0.5
INFO:ModelHelper:Second NMS score threshold is 0.05
INFO:ModelHelper:Second ROIAlign type is ROIAlignV2
INFO:ModelHelper:Second ROIAlign pooled size is 14
INFO:ModelHelper:Second ROIAlign sampling ratio is 0
INFO:ModelHelper:Individual mask output resolution is 28x28
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CollectRpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator DistributeFpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator BatchPermutation. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator BBoxTransform. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator BoxWithNMSLimit. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator DistributeFpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator BatchPermutation. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CollectRpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator DistributeFpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator BatchPermutation. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator BBoxTransform. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator BoxWithNMSLimit. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator DistributeFpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator BatchPermutation. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
INFO:ModelHelper:ONNX graph input shape: [1, 3, 800, 800] [NCHW format set]
INFO:ModelHelper:Found Sub node
INFO:ModelHelper:Found Div node
INFO:ModelHelper:Found Conv node
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CollectRpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator DistributeFpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator BatchPermutation. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator BBoxTransform. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator BoxWithNMSLimit. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator DistributeFpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator BatchPermutation. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator GenerateProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CollectRpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator DistributeFpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator BatchPermutation. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator BBoxTransform. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator BoxWithNMSLimit. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
Warning: Unsupported operator CopyGPUToCPU. No schema registered for this operator.
Warning: Unsupported operator DistributeFpnProposals. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator CopyCPUToGPU. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator RoIAlign. No schema registered for this operator.
Warning: Unsupported operator BatchPermutation. No schema registered for this operator.
Warning: Unsupported operator AliasWithName. No schema registered for this operator.
INFO:fvcore.common.checkpoint:[Checkpointer] Loading from /home/avl/Downloads/COCO Dataset/model_final_f10217.pkl ...
INFO:fvcore.common.checkpoint:Reading a file from 'Detectron2 Model Zoo'
/home/avl/.local/lib/python3.8/site-packages/torch/functional.py:445: UserWarning: torch.meshgrid: in an upcoming release, it will be required to pass the indexing argument. (Triggered internally at  ../aten/src/ATen/native/TensorShape.cpp:2157.)
  return _VF.meshgrid(tensors, **kwargs)  # type: ignore[attr-defined]
INFO:ModelHelper:Created first ResizeNearest_TRT plugin
INFO:ModelHelper:Created second ResizeNearest_TRT plugin
INFO:ModelHelper:Created third ResizeNearest_TRT plugin
INFO:ModelHelper:Created nms_rpn with EfficientNMS_TRT plugin
INFO:ModelHelper:Created box_pooler with PyramidROIAlign_TRT plugin
INFO:ModelHelper:Created nms_box_outputs with EfficientNMS_TRT plugin
INFO:ModelHelper:Created mask_pooler with PyramidROIAlign_TRT plugin
Warning: Unsupported operator ResizeNearest_TRT. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest_TRT. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest_TRT. No schema registered for this operator.
Warning: Unsupported operator EfficientNMS_TRT. No schema registered for this operator.
Warning: Unsupported operator PyramidROIAlign_TRT. No schema registered for this operator.
Warning: Unsupported operator EfficientNMS_TRT. No schema registered for this operator.
Warning: Unsupported operator PyramidROIAlign_TRT. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest_TRT. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest_TRT. No schema registered for this operator.
Warning: Unsupported operator ResizeNearest_TRT. No schema registered for this operator.
Warning: Unsupported operator EfficientNMS_TRT. No schema registered for this operator.
Warning: Unsupported operator PyramidROIAlign_TRT. No schema registered for this operator.
Warning: Unsupported operator EfficientNMS_TRT. No schema registered for this operator.
Warning: Unsupported operator PyramidROIAlign_TRT. No schema registered for this operator.
INFO:ModelHelper:Saved ONNX model to /home/avl/Downloads/COCO Dataset/ONNX_MODEL/converted.onnx
dnsefe commented 2 years ago

I am running into a similar issue. Have you managed to solve it by any chance?

frankvp11 commented 2 years ago

Same here

bceulema commented 2 years ago

Was not obvious to figure out but in my case I was able to run the conversion by making the width and height divisible by 64 rather than 32 as state in the README.

"1344 instead of 1333 because model requires both height and width of the input tensor to be divisible by 32"

frankvp11 commented 2 years ago

I tried that too- it didn't work-edit: It also said in some of the demos that It had to be divisible by 32- and again - 1344 is divisible by 64 aswell as required.

FeriBolour commented 2 years ago

@sph1n3x @frankvp11 @bceulema In my case I just forgot to modify export_model.py as mentioned in the documents.

After that it works. I believe if you follow everything exactly the way it says it will work.

I was even able to create a TensorRT engine for my custom 4 category model.

FeriBolour commented 2 years ago

Hey @frankvp11 , Correct me if I am mistaken but I think on another issue I saw that you managed to instal tensorRT 8.4.2 on a Jetson TX2 with Ubuntu 18.04.

If that's correct, can I ask how did you manage to do that as my understanding was that you can't upgrade TensorRT without SDKManager.

Thank You

frankvp11 commented 2 years ago

Yup- I realize now that I didn't actually have TensorRT 8.4.2 on the Jetson. What i did have however, was the libraries necessary. There is a way of installing them, ill send you the links later when Im at work

On Tue, Aug 23, 2022 at 3:27 AM FeriBolour @.***> wrote:

Hey @frankvp11 https://github.com/frankvp11 , Correct if I am mistaken but I think on another issue I saw that you managed to instal tensorRT 8.4.2 on a Jetson TX2 with Ubuntu 18.04.

If that's correct, can I ask how did you manage to do that as my understanding was that you can't upgrade TensorRT without SDKManager.

Thank You

— Reply to this email directly, view it on GitHub https://github.com/NVIDIA/TensorRT/issues/2192#issuecomment-1223663685, or unsubscribe https://github.com/notifications/unsubscribe-auth/AVPPUJRLCEOVJZY7VLCXRCDV2R4PPANCNFSM55CTSLHQ . You are receiving this because you were mentioned.Message ID: @.***>

frankvp11 commented 2 years ago

So the way I got it working was as follows - follow the instructions at :+1: https://github.com/NVIDIA-AI-IOT/deepstream_tao_apps/tree/master/TRT-OSS/Jetson

FeriBolour commented 2 years ago

@frankvp11 thank you so much. This can help me immensely if it works on my jetson agx. As I need to keep my OS in ubuntu 18.04 and not upgrade to jetpack 5.0.2.

I'll give it a try. Thank You

FeriBolour commented 2 years ago

@frankvp11 Hey I am following the instructions in the link above and I generated libnvinfer_plugin.so.8.4.1 file for TensorRT 8.4.1.

and I copied it into the directory /usr/lib/aarch64-linux-gnu/ as the instructions says. However if I want to use tensorRT in a python file like infer.py my TensorRT library version still says 8.2.1. Is there some extra steps that I have to do.

I would appreciate your help.

Thank You

frankvp11 commented 2 years ago

Yeah it still uses TensorRT 8.2.1, but now it uses the plugins from (I used the most recent TensorRT). aka 8.4.3 and it works for me. So basically what you'd have to do is take the converted onnx from the primary onnx converter in the samples/detectron2. I believe it was called create_onnx.py. You take that onnx and then build the engine on the host. This will give you the updated ops and will work with infer.py. You can (from my understanding of TX2) safely ignore the fact that it says 8.2.1. Or atleast thats how it works for me. I am currently trying to repro this in a dockerfile.

hannah12356 commented 1 year ago

Hello @frankvp11 Could you please explain how did you manage to use TensorRT 8.4.3 on your board, we only have TensorRT 8.2.1

frankvp11 commented 1 year ago

Hi Hannah, If I remember correctly I had that exact problem as well. Again, if I remember correctly there was a file with some tensorrt settings that I had to change and the Sudo apt update. I don't remember if I ever got a dockerfile working if that is the approach you are looking to take. I looked back and found the file I needed to change. What you need to change in the file if I remember correctly is update the version to 8.4.3 (it will be obvious if you open the file). If this doesn't work, I published an article which might be of more help. https://medium.com/@frankvanpaassen3/how-to-optimize-custom-detectron2-models-with-tensorrt-2cd710954ad3

sudo gedit /etc/apt/sources.list.d/nvidia-l4t-apt-source.list sudo apt-get update sudo apt-get dist-upgrade (type y when needed) sudo apt-get update

These were the instructions that I had written down when I worked for the company when I had to do this.

frankvp11 commented 1 year ago

Forgot to mention but the file you needed to edit was the /etc/apt/sources.list.d/nvidia-l4t-apt-sourxlce.list if it wasn't obvious

frankvp11 commented 1 year ago

Again, forgot to mention but you could try using the instructions as outlined here: https://github.com/NVIDIA-AI-IOT/deepstream_tao_apps/tree/master/TRT-OSS/Jetson

hannah12356 commented 1 year ago

Thank you @frankvp11 for your quick response, I'll try your suggestion and see what can I get. My sincere thanks.

frankvp11 commented 1 year ago

Hey Hannah, just wanted to follow up. Did you end up getting the install working?

hannah12356 commented 1 year ago

Hello @frankvp11
thank you for your consideration, unfortunately not yet I ran into this error: Building for TensorRT version: 8.5.3, library version: 8 -- The CXX compiler identification is GNU 7.5.0 -- The CUDA compiler identification is unknown -- Detecting CXX compiler ABI info -- Detecting CXX compiler ABI info - done -- Check for working CXX compiler: /usr/bin/g++ - skipped -- Detecting CXX compile features -- Detecting CXX compile features - done CMake Error at CMakeLists.txt:48 (project): No CMAKE_CUDA_COMPILER could be found.

Tell CMake where to find the compiler by setting either the environment variable "CUDACXX" or the CMake cache entry CMAKE_CUDA_COMPILER to the full path to the compiler, or to the compiler name if it is in the PATH.

-- Configuring incomplete, errors occurred! See also "/home/nvidia/TensorRT/build/CMakeFiles/CMakeOutput.log". See also "/home/nvidia/TensorRT/build/CMakeFiles/CMakeError.log".

hannah12356 commented 1 year ago

I got this error after typing this command $HOME/install/bin/cmake .. -DGPU_ARCHS=”53 62 72" -DTRT_LIB_DIR=/usr/lib/aarch64-linux-gnu/ -DCMAKE_C_COMPILER=/usr/bin/gcc -DTRT_BIN_DIR=pwd/out I changed the architecture version and cuda version as outlined your article

frankvp11 commented 1 year ago

I remember that bug aswell. (I don't know where/how you find the following information but) check your g++ version against the required by tensorrt. It also might be wise to check the command you are using because I don't remember that for my working version I had to list GPU archs and whatnot. I believe I also noted in the article to check nvcc -v to make sure that works as well. I'd say try that, and if all else fails I'll look back into my old forum posts to see if there is any help there

hannah12356 commented 1 year ago

thank you again, I am working on it, I will get back to you soon with further updates.

hannah12356 commented 1 year ago

Hi I get rid of that error by adding this line SET(CMAKE_CUDA_COMPILER /usr/local/cuda/bin/nvcc) to CMakelists.txt but I got other error