How to export the Pytorch model Keypoint R-CNN to onnx and benchmark with trtexec

Environment

TensorRT Version:

See docker nvcr.io/nvidia/pytorch:22.05-py3

GPU Type:

RTX 3090

Nvidia Driver Version:
CUDA Version:

+-----------------------------------------------------------------------------+
| NVIDIA-SMI 470.129.06   Driver Version: 470.129.06   CUDA Version: 11.4     |
|-------------------------------+----------------------+----------------------+
| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
|                               |                      |               MIG M. |
|===============================+======================+======================|
|   0  NVIDIA GeForce ...  Off  | 00000000:01:00.0  On |                  N/A |
|  0%   43C    P8    34W / 370W |  14811MiB / 24245MiB |      6%      Default |
|                               |                      |                  N/A |
+-------------------------------+----------------------+----------------------+
                                                                               
+-----------------------------------------------------------------------------+
| Processes:                                                                  |
|  GPU   GI   CI        PID   Type   Process name                  GPU Memory |
|        ID   ID                                                   Usage      |
|=============================================================================|
+-----------------------------------------------------------------------------+

Operating System + Version:

$ lsb_release -a
No LSB modules are available.
Distributor ID: Ubuntu
Description:    Ubuntu 20.04.4 LTS
Release:        20.04
Codename:       focal

Python Version (if applicable):
TensorFlow Version (if applicable):
PyTorch Version (if applicable):
Baremetal or Container (if container which image + tag):

See docker nvcr.io/nvidia/pytorch:22.05-py3

Description

I want to benchmark the model Keypoint R-CNN from here: https://pytorch.org/vision/stable/generated/torchvision.models.detection.keypointrcnn_resnet50_fpn.html to see if the speed is fast enough for my deepstream application. I have tried the following:


# Run the docker
docker run \
--gpus all \
-it \
--rm \
--net=host \
--ipc=host \
--ulimit memlock=-1 \
--ulimit stack=67108864 \
--privileged \
-v /tmp/.X11-unix:/tmp/.X11-unix \
-v $(pwd):/code/ \
-e DISPLAY=$DISPLAY \
-w /code/ \
nvcr.io/nvidia/pytorch:22.05-py3

# Run python
python3

Within the python shell, follow the instructions to export the model from the pytorch link:

import torch
import torchvision

model = torchvision.models.detection.keypointrcnn_resnet50_fpn(pretrained=True)
model.eval()
x = [torch.rand(3, 300, 400), torch.rand(3, 500, 400)]
predictions = model(x)

export the model to ONNX:
torch.onnx.export(model, x, "keypoint_rcnn.onnx", opset_version = 11)

exit()

Now benchmark

/opt/tensorrt/bin/trtexec --onnx=keypoint_rcnn.onnx

But I get this error:

&&&& RUNNING TensorRT.trtexec [TensorRT v8205] # /opt/tensorrt/bin/trtexec --onnx=keypoint_rcnn.onnx
[06/24/2022-15:19:25] [I] === Model Options ===
[06/24/2022-15:19:25] [I] Format: ONNX
[06/24/2022-15:19:25] [I] Model: keypoint_rcnn.onnx
[06/24/2022-15:19:25] [I] Output:
[06/24/2022-15:19:25] [I] === Build Options ===
[06/24/2022-15:19:25] [I] Max batch: explicit batch
[06/24/2022-15:19:25] [I] Workspace: 16 MiB
[06/24/2022-15:19:25] [I] minTiming: 1
[06/24/2022-15:19:25] [I] avgTiming: 8
[06/24/2022-15:19:25] [I] Precision: FP32
[06/24/2022-15:19:25] [I] Calibration: 
[06/24/2022-15:19:25] [I] Refit: Disabled
[06/24/2022-15:19:25] [I] Sparsity: Disabled
[06/24/2022-15:19:25] [I] Safe mode: Disabled
[06/24/2022-15:19:25] [I] DirectIO mode: Disabled
[06/24/2022-15:19:25] [I] Restricted mode: Disabled
[06/24/2022-15:19:25] [I] Save engine: 
[06/24/2022-15:19:25] [I] Load engine: 
[06/24/2022-15:19:25] [I] Profiling verbosity: 0
[06/24/2022-15:19:25] [I] Tactic sources: Using default tactic sources
[06/24/2022-15:19:25] [I] timingCacheMode: local
[06/24/2022-15:19:25] [I] timingCacheFile: 
[06/24/2022-15:19:25] [I] Input(s)s format: fp32:CHW
[06/24/2022-15:19:25] [I] Output(s)s format: fp32:CHW
[06/24/2022-15:19:25] [I] Input build shapes: model
[06/24/2022-15:19:25] [I] Input calibration shapes: model
[06/24/2022-15:19:25] [I] === System Options ===
[06/24/2022-15:19:25] [I] Device: 0
[06/24/2022-15:19:25] [I] DLACore: 
[06/24/2022-15:19:25] [I] Plugins:
[06/24/2022-15:19:25] [I] === Inference Options ===
[06/24/2022-15:19:25] [I] Batch: Explicit
[06/24/2022-15:19:25] [I] Input inference shapes: model
[06/24/2022-15:19:25] [I] Iterations: 10
[06/24/2022-15:19:25] [I] Duration: 3s (+ 200ms warm up)
[06/24/2022-15:19:25] [I] Sleep time: 0ms
[06/24/2022-15:19:25] [I] Idle time: 0ms
[06/24/2022-15:19:25] [I] Streams: 1
[06/24/2022-15:19:25] [I] ExposeDMA: Disabled
[06/24/2022-15:19:25] [I] Data transfers: Enabled
[06/24/2022-15:19:25] [I] Spin-wait: Disabled
[06/24/2022-15:19:25] [I] Multithreading: Disabled
[06/24/2022-15:19:25] [I] CUDA Graph: Disabled
[06/24/2022-15:19:25] [I] Separate profiling: Disabled
[06/24/2022-15:19:25] [I] Time Deserialize: Disabled
[06/24/2022-15:19:25] [I] Time Refit: Disabled
[06/24/2022-15:19:25] [I] Skip inference: Disabled
[06/24/2022-15:19:25] [I] Inputs:
[06/24/2022-15:19:25] [I] === Reporting Options ===
[06/24/2022-15:19:25] [I] Verbose: Disabled
[06/24/2022-15:19:25] [I] Averages: 10 inferences
[06/24/2022-15:19:25] [I] Percentile: 99
[06/24/2022-15:19:25] [I] Dump refittable layers:Disabled
[06/24/2022-15:19:25] [I] Dump output: Disabled
[06/24/2022-15:19:25] [I] Profile: Disabled
[06/24/2022-15:19:25] [I] Export timing to JSON file: 
[06/24/2022-15:19:25] [I] Export output to JSON file: 
[06/24/2022-15:19:25] [I] Export profile to JSON file: 
[06/24/2022-15:19:25] [I] 
[06/24/2022-15:19:25] [I] === Device Information ===
[06/24/2022-15:19:25] [I] Selected Device: NVIDIA GeForce RTX 3090
[06/24/2022-15:19:25] [I] Compute Capability: 8.6
[06/24/2022-15:19:25] [I] SMs: 82
[06/24/2022-15:19:25] [I] Compute Clock Rate: 1.785 GHz
[06/24/2022-15:19:25] [I] Device Global Memory: 24245 MiB
[06/24/2022-15:19:25] [I] Shared Memory per SM: 100 KiB
[06/24/2022-15:19:25] [I] Memory Bus Width: 384 bits (ECC disabled)
[06/24/2022-15:19:25] [I] Memory Clock Rate: 9.751 GHz
[06/24/2022-15:19:25] [I] 
[06/24/2022-15:19:25] [I] TensorRT version: 8.2.5
[06/24/2022-15:19:25] [I] [TRT] [MemUsageChange] Init CUDA: CPU +472, GPU +0, now: CPU 484, GPU 15454 (MiB)
[06/24/2022-15:19:26] [I] [TRT] [MemUsageSnapshot] Begin constructing builder kernel library: CPU 484 MiB, GPU 15454 MiB
[06/24/2022-15:19:26] [I] [TRT] [MemUsageSnapshot] End constructing builder kernel library: CPU 638 MiB, GPU 15496 MiB
[06/24/2022-15:19:26] [I] Start parsing network model
[06/24/2022-15:19:26] [I] [TRT] ----------------------------------------------------------------
[06/24/2022-15:19:26] [I] [TRT] Input filename:   keypoint_rcnn.onnx
[06/24/2022-15:19:26] [I] [TRT] ONNX IR version:  0.0.6
[06/24/2022-15:19:26] [I] [TRT] Opset version:    11
[06/24/2022-15:19:26] [I] [TRT] Producer name:    pytorch
[06/24/2022-15:19:26] [I] [TRT] Producer version: 1.12.0
[06/24/2022-15:19:26] [I] [TRT] Domain:           
[06/24/2022-15:19:26] [I] [TRT] Model version:    0
[06/24/2022-15:19:26] [I] [TRT] Doc string:       
[06/24/2022-15:19:26] [I] [TRT] ----------------------------------------------------------------
[06/24/2022-15:19:26] [W] [TRT] parsers/onnx/onnx2trt_utils.cpp:368: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.
[06/24/2022-15:19:26] [E] Error[9]: [graph.cpp::computeInputExecutionUses::555] Error Code 9: Internal Error (Floor_106: IUnaryLayer cannot be used to compute a shape tensor)
[06/24/2022-15:19:26] [E] [TRT] parsers/onnx/ModelImporter.cpp:791: While parsing node number 119 [Resize -> "onnx::Gather_354"]:
[06/24/2022-15:19:26] [E] [TRT] parsers/onnx/ModelImporter.cpp:792: --- Begin node ---
[06/24/2022-15:19:26] [E] [TRT] parsers/onnx/ModelImporter.cpp:793: input: "input"
input: "onnx::Resize_352"
input: "onnx::Resize_353"
input: "onnx::Resize_351"
output: "onnx::Gather_354"
name: "Resize_119"
op_type: "Resize"
attribute {
  name: "coordinate_transformation_mode"
  s: "pytorch_half_pixel"
  type: STRING
}
attribute {
  name: "cubic_coeff_a"
  f: -0.75
  type: FLOAT
}
attribute {
  name: "mode"
  s: "linear"
  type: STRING
}
attribute {
  name: "nearest_mode"
  s: "floor"
  type: STRING
}

[06/24/2022-15:19:26] [E] [TRT] parsers/onnx/ModelImporter.cpp:794: --- End node ---
[06/24/2022-15:19:26] [E] [TRT] parsers/onnx/ModelImporter.cpp:796: ERROR: parsers/onnx/ModelImporter.cpp:179 In function parseGraph:
[6] Invalid Node - Resize_119
[graph.cpp::computeInputExecutionUses::555] Error Code 9: Internal Error (Floor_106: IUnaryLayer cannot be used to compute a shape tensor)
[06/24/2022-15:19:26] [E] Failed to parse onnx file
[06/24/2022-15:19:26] [I] Finish parsing network model
[06/24/2022-15:19:26] [E] Parsing model failed
[06/24/2022-15:19:26] [E] Failed to create engine from model.
[06/24/2022-15:19:26] [E] Engine set up failed
&&&& FAILED TensorRT.trtexec [TensorRT v8205] # /opt/tensorrt/bin/trtexec --onnx=keypoint_rcnn.onnx

Any thoughts on the error? How do I benchmark the onnx?

Hi,
Request you to share the ONNX model and the script if not shared already so that we can assist you better.
Alongside you can try few things:

  1. validating your model with the below snippet

check_model.py

import sys
import onnx
filename = yourONNXmodel
model = onnx.load(filename)
onnx.checker.check_model(model).
2) Try running your model with trtexec command.

In case you are still facing issue, request you to share the trtexec “”–verbose"" log for further debugging
Thanks!

Link to onnx (hope this works!): https://we.tl/t-g5js0rjILs

md5sum is:c9c1cc469bd087f48a94909da2441117

There is no output from onnx.checker.check_model(model) - is this expected?:

>>> import sys
>>> import onnx
>>> model = onnx.load("keypoint_rcnn.onnx")
>>> onnx.checker.check_model(model)

verbose:

&&&& RUNNING TensorRT.trtexec [TensorRT v8205] # /opt/tensorrt/bin/trtexec --onnx=keypoint_rcnn.onnx --verbose
[06/24/2022-16:34:13] [I] === Model Options ===
[06/24/2022-16:34:13] [I] Format: ONNX
[06/24/2022-16:34:13] [I] Model: keypoint_rcnn.onnx
[06/24/2022-16:34:13] [I] Output:
[06/24/2022-16:34:13] [I] === Build Options ===
[06/24/2022-16:34:13] [I] Max batch: explicit batch
[06/24/2022-16:34:13] [I] Workspace: 16 MiB
[06/24/2022-16:34:13] [I] minTiming: 1
[06/24/2022-16:34:13] [I] avgTiming: 8
[06/24/2022-16:34:13] [I] Precision: FP32
[06/24/2022-16:34:13] [I] Calibration: 
[06/24/2022-16:34:13] [I] Refit: Disabled
[06/24/2022-16:34:13] [I] Sparsity: Disabled
[06/24/2022-16:34:13] [I] Safe mode: Disabled
[06/24/2022-16:34:13] [I] DirectIO mode: Disabled
[06/24/2022-16:34:13] [I] Restricted mode: Disabled
[06/24/2022-16:34:13] [I] Save engine: 
[06/24/2022-16:34:13] [I] Load engine: 
[06/24/2022-16:34:13] [I] Profiling verbosity: 0
[06/24/2022-16:34:13] [I] Tactic sources: Using default tactic sources
[06/24/2022-16:34:13] [I] timingCacheMode: local
[06/24/2022-16:34:13] [I] timingCacheFile: 
[06/24/2022-16:34:13] [I] Input(s)s format: fp32:CHW
[06/24/2022-16:34:13] [I] Output(s)s format: fp32:CHW
[06/24/2022-16:34:13] [I] Input build shapes: model
[06/24/2022-16:34:13] [I] Input calibration shapes: model
[06/24/2022-16:34:13] [I] === System Options ===
[06/24/2022-16:34:13] [I] Device: 0
[06/24/2022-16:34:13] [I] DLACore: 
[06/24/2022-16:34:13] [I] Plugins:
[06/24/2022-16:34:13] [I] === Inference Options ===
[06/24/2022-16:34:13] [I] Batch: Explicit
[06/24/2022-16:34:13] [I] Input inference shapes: model
[06/24/2022-16:34:13] [I] Iterations: 10
[06/24/2022-16:34:13] [I] Duration: 3s (+ 200ms warm up)
[06/24/2022-16:34:13] [I] Sleep time: 0ms
[06/24/2022-16:34:13] [I] Idle time: 0ms
[06/24/2022-16:34:13] [I] Streams: 1
[06/24/2022-16:34:13] [I] ExposeDMA: Disabled
[06/24/2022-16:34:13] [I] Data transfers: Enabled
[06/24/2022-16:34:13] [I] Spin-wait: Disabled
[06/24/2022-16:34:13] [I] Multithreading: Disabled
[06/24/2022-16:34:13] [I] CUDA Graph: Disabled
[06/24/2022-16:34:13] [I] Separate profiling: Disabled
[06/24/2022-16:34:13] [I] Time Deserialize: Disabled
[06/24/2022-16:34:13] [I] Time Refit: Disabled
[06/24/2022-16:34:13] [I] Skip inference: Disabled
[06/24/2022-16:34:13] [I] Inputs:
[06/24/2022-16:34:13] [I] === Reporting Options ===
[06/24/2022-16:34:13] [I] Verbose: Enabled
[06/24/2022-16:34:13] [I] Averages: 10 inferences
[06/24/2022-16:34:13] [I] Percentile: 99
[06/24/2022-16:34:13] [I] Dump refittable layers:Disabled
[06/24/2022-16:34:13] [I] Dump output: Disabled
[06/24/2022-16:34:13] [I] Profile: Disabled
[06/24/2022-16:34:13] [I] Export timing to JSON file: 
[06/24/2022-16:34:13] [I] Export output to JSON file: 
[06/24/2022-16:34:13] [I] Export profile to JSON file: 
[06/24/2022-16:34:13] [I] 
[06/24/2022-16:34:13] [I] === Device Information ===
[06/24/2022-16:34:13] [I] Selected Device: NVIDIA GeForce RTX 3090
[06/24/2022-16:34:13] [I] Compute Capability: 8.6
[06/24/2022-16:34:13] [I] SMs: 82
[06/24/2022-16:34:13] [I] Compute Clock Rate: 1.785 GHz
[06/24/2022-16:34:13] [I] Device Global Memory: 24245 MiB
[06/24/2022-16:34:13] [I] Shared Memory per SM: 100 KiB
[06/24/2022-16:34:13] [I] Memory Bus Width: 384 bits (ECC disabled)
[06/24/2022-16:34:13] [I] Memory Clock Rate: 9.751 GHz
[06/24/2022-16:34:13] [I] 
[06/24/2022-16:34:13] [I] TensorRT version: 8.2.5
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::BatchTilePlugin_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::CoordConvAC version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::CropAndResize version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::CropAndResizeDynamic version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::DecodeBbox3DPlugin version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::EfficientNMS_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::EfficientNMS_ONNX_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::EfficientNMS_Explicit_TF_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::EfficientNMS_Implicit_TF_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::GenerateDetection_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::MultilevelCropAndResize_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::MultilevelProposeROI_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::DMHA version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::NMSDynamic_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::PillarScatterPlugin version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::Proposal version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::ProposalDynamic version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::Region_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::ScatterND version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::Split version 1
[06/24/2022-16:34:13] [V] [TRT] Registered plugin creator - ::VoxelGeneratorPlugin version 1
[06/24/2022-16:34:13] [I] [TRT] [MemUsageChange] Init CUDA: CPU +472, GPU +0, now: CPU 484, GPU 15565 (MiB)
[06/24/2022-16:34:13] [I] [TRT] [MemUsageSnapshot] Begin constructing builder kernel library: CPU 484 MiB, GPU 15564 MiB
[06/24/2022-16:34:14] [I] [TRT] [MemUsageSnapshot] End constructing builder kernel library: CPU 638 MiB, GPU 15606 MiB
[06/24/2022-16:34:14] [I] Start parsing network model
[06/24/2022-16:34:14] [I] [TRT] ----------------------------------------------------------------
[06/24/2022-16:34:14] [I] [TRT] Input filename:   keypoint_rcnn.onnx
[06/24/2022-16:34:14] [I] [TRT] ONNX IR version:  0.0.6
[06/24/2022-16:34:14] [I] [TRT] Opset version:    11
[06/24/2022-16:34:14] [I] [TRT] Producer name:    pytorch
[06/24/2022-16:34:14] [I] [TRT] Producer version: 1.12.0
[06/24/2022-16:34:14] [I] [TRT] Domain:           
[06/24/2022-16:34:14] [I] [TRT] Model version:    0
[06/24/2022-16:34:14] [I] [TRT] Doc string:       
[06/24/2022-16:34:14] [I] [TRT] ----------------------------------------------------------------
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::BatchTilePlugin_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::BatchedNMS_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::CoordConvAC version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::CropAndResize version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::CropAndResizeDynamic version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::DecodeBbox3DPlugin version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::DetectionLayer_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::EfficientNMS_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::EfficientNMS_ONNX_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::EfficientNMS_Explicit_TF_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::EfficientNMS_Implicit_TF_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::FlattenConcat_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::GenerateDetection_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::GridAnchor_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::GridAnchorRect_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::InstanceNormalization_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::LReLU_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::MultilevelCropAndResize_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::MultilevelProposeROI_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::DMHA version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::NMS_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::NMSDynamic_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::Normalize_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::PillarScatterPlugin version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::PriorBox_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::ProposalLayer_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::Proposal version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::ProposalDynamic version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::PyramidROIAlign_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::Region_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::Reorg_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::ResizeNearest_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::RPROI_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::ScatterND version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::SpecialSlice_TRT version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::Split version 1
[06/24/2022-16:34:14] [V] [TRT] Plugin creator already registered - ::VoxelGeneratorPlugin version 1
[06/24/2022-16:34:14] [V] [TRT] Adding network input: image.1 with dtype: float32, dimensions: (3, 300, 400)
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: image.1 for ONNX tensor: image.1
[06/24/2022-16:34:14] [V] [TRT] Adding network input: image.5 with dtype: float32, dimensions: (3, 500, 400)
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: image.5 for ONNX tensor: image.5
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.0.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.0.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.0.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.0.downsample.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.1.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.1.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.1.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.2.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.2.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer1.2.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.0.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.0.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.0.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.0.downsample.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.1.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.1.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.1.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.2.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.2.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.2.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.3.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.3.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer2.3.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.0.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.0.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.0.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.0.downsample.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.1.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.1.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.1.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.2.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.2.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.2.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.3.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.3.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.3.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.4.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.4.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.4.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.5.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.5.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer3.5.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.0.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.0.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.0.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.0.downsample.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.1.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.1.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.1.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.2.conv1.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.2.conv2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.body.layer4.2.conv3.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.inner_blocks.0.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.inner_blocks.0.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.inner_blocks.1.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.inner_blocks.1.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.inner_blocks.2.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.inner_blocks.2.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.inner_blocks.3.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.inner_blocks.3.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.layer_blocks.0.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.layer_blocks.0.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.layer_blocks.1.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.layer_blocks.1.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.layer_blocks.2.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.layer_blocks.2.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.layer_blocks.3.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: backbone.fpn.layer_blocks.3.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: rpn.head.conv.0.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: rpn.head.conv.0.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: rpn.head.cls_logits.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: rpn.head.cls_logits.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: rpn.head.bbox_pred.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: rpn.head.bbox_pred.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.box_head.fc6.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.box_head.fc6.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.box_head.fc7.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.box_head.fc7.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.box_predictor.cls_score.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.box_predictor.cls_score.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.box_predictor.bbox_pred.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.box_predictor.bbox_pred.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.0.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.0.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.2.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.2.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.4.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.4.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.6.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.6.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.8.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.8.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.10.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.10.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.12.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.12.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.14.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_head.14.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_predictor.kps_score_lowres.weight
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: roi_heads.keypoint_predictor.kps_score_lowres.bias
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Sub_4372
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4387
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4389
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4397
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4399
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4407
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4409
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4417
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4419
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4427
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4429
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4437
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4439
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4447
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4449
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4457
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4459
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4467
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4469
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4477
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4479
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4487
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4489
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4497
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4499
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4507
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4509
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4517
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4519
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4527
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4529
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4537
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4539
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4547
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4549
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4557
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4559
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4567
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4569
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4577
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4579
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4587
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4589
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4597
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4599
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4607
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4609
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4617
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4619
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4627
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4629
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4637
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4639
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4647
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4649
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4657
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4659
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4667
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4669
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4677
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4679
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4687
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4689
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4697
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4699
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4707
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4709
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4717
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4719
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4727
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4729
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4737
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4739
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4747
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4749
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4757
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4759
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4767
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4769
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4777
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4779
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4787
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4789
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4797
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4799
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4807
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4809
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4817
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4819
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4827
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4829
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4837
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4839
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4847
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4849
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4857
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4859
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4867
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4869
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4877
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4879
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4887
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4889
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4897
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4899
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Mul_4907
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Add_4909
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Clip_4962
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Clip_4970
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Clip_4971
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Resize_4981
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Clip_4983
[06/24/2022-16:34:14] [V] [TRT] Importing initializer: onnx::Concat_4987
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_0 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4987
[06/24/2022-16:34:14] [V] [TRT] Identity_0 [Identity] inputs: [onnx::Concat_4987 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4987 for ONNX node: onnx::Concat_4987
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_0 for ONNX node: Identity_0
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4994 for ONNX tensor: onnx::Concat_4994
[06/24/2022-16:34:14] [V] [TRT] Identity_0 [Identity] outputs: [onnx::Concat_4994 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_1 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Identity_1 [Identity] inputs: [onnx::Concat_4366 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4366 for ONNX node: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_1 for ONNX node: Identity_1
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4993 for ONNX tensor: onnx::Concat_4993
[06/24/2022-16:34:14] [V] [TRT] Identity_1 [Identity] outputs: [onnx::Concat_4993 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_2 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Clip_4983
[06/24/2022-16:34:14] [V] [TRT] Identity_2 [Identity] inputs: [onnx::Clip_4983 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Clip_4983 for ONNX node: onnx::Clip_4983
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_2 for ONNX node: Identity_2
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Clip_4992 for ONNX tensor: onnx::Clip_4992
[06/24/2022-16:34:14] [V] [TRT] Identity_2 [Identity] outputs: [onnx::Clip_4992 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_3 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Clip_4983
[06/24/2022-16:34:14] [V] [TRT] Identity_3 [Identity] inputs: [onnx::Clip_4983 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Clip_4983_0 for ONNX node: onnx::Clip_4983
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_3 for ONNX node: Identity_3
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Clip_4990 for ONNX tensor: onnx::Clip_4990
[06/24/2022-16:34:14] [V] [TRT] Identity_3 [Identity] outputs: [onnx::Clip_4990 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_4 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Identity_4 [Identity] inputs: [onnx::Concat_4366 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4366_1 for ONNX node: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_4 for ONNX node: Identity_4
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4986 for ONNX tensor: onnx::Concat_4986
[06/24/2022-16:34:14] [V] [TRT] Identity_4 [Identity] outputs: [onnx::Concat_4986 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_5 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Clip_4983
[06/24/2022-16:34:14] [V] [TRT] Identity_5 [Identity] inputs: [onnx::Clip_4983 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Clip_4983_2 for ONNX node: onnx::Clip_4983
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_5 for ONNX node: Identity_5
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Clip_4985 for ONNX tensor: onnx::Clip_4985
[06/24/2022-16:34:14] [V] [TRT] Identity_5 [Identity] outputs: [onnx::Clip_4985 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_6 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Clip_4971
[06/24/2022-16:34:14] [V] [TRT] Identity_6 [Identity] inputs: [onnx::Clip_4971 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Clip_4971 for ONNX node: onnx::Clip_4971
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_6 for ONNX node: Identity_6
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Clip_4980 for ONNX tensor: onnx::Clip_4980
[06/24/2022-16:34:14] [V] [TRT] Identity_6 [Identity] outputs: [onnx::Clip_4980 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_7 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Clip_4970
[06/24/2022-16:34:14] [V] [TRT] Identity_7 [Identity] inputs: [onnx::Clip_4970 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Clip_4970 for ONNX node: onnx::Clip_4970
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_7 for ONNX node: Identity_7
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Clip_4979 for ONNX tensor: onnx::Clip_4979
[06/24/2022-16:34:14] [V] [TRT] Identity_7 [Identity] outputs: [onnx::Clip_4979 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_8 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_8 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_8 for ONNX node: Identity_8
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4978 for ONNX tensor: onnx::Concat_4978
[06/24/2022-16:34:14] [V] [TRT] Identity_8 [Identity] outputs: [onnx::Concat_4978 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_9 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_9 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_9 for ONNX node: Identity_9
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4977 for ONNX tensor: onnx::Concat_4977
[06/24/2022-16:34:14] [V] [TRT] Identity_9 [Identity] outputs: [onnx::Concat_4977 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_10 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Clip_4962
[06/24/2022-16:34:14] [V] [TRT] Identity_10 [Identity] inputs: [onnx::Clip_4962 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Clip_4962 for ONNX node: onnx::Clip_4962
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_10 for ONNX node: Identity_10
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Clip_4976 for ONNX tensor: onnx::Clip_4976
[06/24/2022-16:34:14] [V] [TRT] Identity_10 [Identity] outputs: [onnx::Clip_4976 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_11 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Clip_4962
[06/24/2022-16:34:14] [V] [TRT] Identity_11 [Identity] inputs: [onnx::Clip_4962 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Clip_4962_3 for ONNX node: onnx::Clip_4962
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_11 for ONNX node: Identity_11
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Clip_4974 for ONNX tensor: onnx::Clip_4974
[06/24/2022-16:34:14] [V] [TRT] Identity_11 [Identity] outputs: [onnx::Clip_4974 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_12 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_12 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_4 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_12 for ONNX node: Identity_12
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4972 for ONNX tensor: onnx::Concat_4972
[06/24/2022-16:34:14] [V] [TRT] Identity_12 [Identity] outputs: [onnx::Concat_4972 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_13 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_13 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_5 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_13 for ONNX node: Identity_13
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Reshape_4969 for ONNX tensor: onnx::Reshape_4969
[06/24/2022-16:34:14] [V] [TRT] Identity_13 [Identity] outputs: [onnx::Reshape_4969 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_14 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_14 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_6 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_14 for ONNX node: Identity_14
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Reshape_4968 for ONNX tensor: onnx::Reshape_4968
[06/24/2022-16:34:14] [V] [TRT] Identity_14 [Identity] outputs: [onnx::Reshape_4968 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_15 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_15 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_7 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_15 for ONNX node: Identity_15
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4967 for ONNX tensor: onnx::Concat_4967
[06/24/2022-16:34:14] [V] [TRT] Identity_15 [Identity] outputs: [onnx::Concat_4967 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_16 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_16 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_8 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_16 for ONNX node: Identity_16
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4966 for ONNX tensor: onnx::Concat_4966
[06/24/2022-16:34:14] [V] [TRT] Identity_16 [Identity] outputs: [onnx::Concat_4966 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_17 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_17 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_9 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_17 for ONNX node: Identity_17
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4965 for ONNX tensor: onnx::Concat_4965
[06/24/2022-16:34:14] [V] [TRT] Identity_17 [Identity] outputs: [onnx::Concat_4965 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_18 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Clip_4962
[06/24/2022-16:34:14] [V] [TRT] Identity_18 [Identity] inputs: [onnx::Clip_4962 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Clip_4962_10 for ONNX node: onnx::Clip_4962
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_18 for ONNX node: Identity_18
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Clip_4964 for ONNX tensor: onnx::Clip_4964
[06/24/2022-16:34:14] [V] [TRT] Identity_18 [Identity] outputs: [onnx::Clip_4964 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_19 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_19 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_11 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_19 for ONNX node: Identity_19
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4960 for ONNX tensor: onnx::Concat_4960
[06/24/2022-16:34:14] [V] [TRT] Identity_19 [Identity] outputs: [onnx::Concat_4960 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_20 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_20 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_12 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_20 for ONNX node: Identity_20
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4959 for ONNX tensor: onnx::Concat_4959
[06/24/2022-16:34:14] [V] [TRT] Identity_20 [Identity] outputs: [onnx::Concat_4959 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_21 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_21 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_13 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_21 for ONNX node: Identity_21
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4958 for ONNX tensor: onnx::Concat_4958
[06/24/2022-16:34:14] [V] [TRT] Identity_21 [Identity] outputs: [onnx::Concat_4958 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_22 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_22 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_14 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_22 for ONNX node: Identity_22
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4957 for ONNX tensor: onnx::Concat_4957
[06/24/2022-16:34:14] [V] [TRT] Identity_22 [Identity] outputs: [onnx::Concat_4957 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_23 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_23 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_15 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_23 for ONNX node: Identity_23
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4956 for ONNX tensor: onnx::Concat_4956
[06/24/2022-16:34:14] [V] [TRT] Identity_23 [Identity] outputs: [onnx::Concat_4956 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_24 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_24 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_16 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_24 for ONNX node: Identity_24
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4955 for ONNX tensor: onnx::Concat_4955
[06/24/2022-16:34:14] [V] [TRT] Identity_24 [Identity] outputs: [onnx::Concat_4955 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_25 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_25 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_17 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_25 for ONNX node: Identity_25
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4954 for ONNX tensor: onnx::Concat_4954
[06/24/2022-16:34:14] [V] [TRT] Identity_25 [Identity] outputs: [onnx::Concat_4954 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_26 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_26 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_18 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_26 for ONNX node: Identity_26
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4953 for ONNX tensor: onnx::Concat_4953
[06/24/2022-16:34:14] [V] [TRT] Identity_26 [Identity] outputs: [onnx::Concat_4953 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_27 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_27 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_19 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_27 for ONNX node: Identity_27
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4952 for ONNX tensor: onnx::Concat_4952
[06/24/2022-16:34:14] [V] [TRT] Identity_27 [Identity] outputs: [onnx::Concat_4952 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_28 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_28 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_20 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_28 for ONNX node: Identity_28
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4951 for ONNX tensor: onnx::Concat_4951
[06/24/2022-16:34:14] [V] [TRT] Identity_28 [Identity] outputs: [onnx::Concat_4951 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_29 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_29 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_21 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_29 for ONNX node: Identity_29
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4950 for ONNX tensor: onnx::Concat_4950
[06/24/2022-16:34:14] [V] [TRT] Identity_29 [Identity] outputs: [onnx::Concat_4950 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_30 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_30 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_22 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_30 for ONNX node: Identity_30
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4949 for ONNX tensor: onnx::Concat_4949
[06/24/2022-16:34:14] [V] [TRT] Identity_30 [Identity] outputs: [onnx::Concat_4949 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_31 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_31 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_23 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_31 for ONNX node: Identity_31
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4948 for ONNX tensor: onnx::Concat_4948
[06/24/2022-16:34:14] [V] [TRT] Identity_31 [Identity] outputs: [onnx::Concat_4948 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_32 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_32 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_24 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_32 for ONNX node: Identity_32
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4947 for ONNX tensor: onnx::Concat_4947
[06/24/2022-16:34:14] [V] [TRT] Identity_32 [Identity] outputs: [onnx::Concat_4947 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_33 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_33 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_25 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_33 for ONNX node: Identity_33
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4946 for ONNX tensor: onnx::Concat_4946
[06/24/2022-16:34:14] [V] [TRT] Identity_33 [Identity] outputs: [onnx::Concat_4946 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_34 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_34 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_26 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_34 for ONNX node: Identity_34
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4945 for ONNX tensor: onnx::Concat_4945
[06/24/2022-16:34:14] [V] [TRT] Identity_34 [Identity] outputs: [onnx::Concat_4945 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_35 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_35 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_27 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_35 for ONNX node: Identity_35
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4944 for ONNX tensor: onnx::Concat_4944
[06/24/2022-16:34:14] [V] [TRT] Identity_35 [Identity] outputs: [onnx::Concat_4944 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_36 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_36 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_28 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_36 for ONNX node: Identity_36
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4943 for ONNX tensor: onnx::Concat_4943
[06/24/2022-16:34:14] [V] [TRT] Identity_36 [Identity] outputs: [onnx::Concat_4943 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_37 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_37 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_29 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_37 for ONNX node: Identity_37
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4942 for ONNX tensor: onnx::Concat_4942
[06/24/2022-16:34:14] [V] [TRT] Identity_37 [Identity] outputs: [onnx::Concat_4942 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_38 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_38 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_30 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_38 for ONNX node: Identity_38
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4941 for ONNX tensor: onnx::Concat_4941
[06/24/2022-16:34:14] [V] [TRT] Identity_38 [Identity] outputs: [onnx::Concat_4941 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_39 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_39 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_31 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_39 for ONNX node: Identity_39
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4940 for ONNX tensor: onnx::Concat_4940
[06/24/2022-16:34:14] [V] [TRT] Identity_39 [Identity] outputs: [onnx::Concat_4940 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_40 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_40 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_32 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_40 for ONNX node: Identity_40
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4939 for ONNX tensor: onnx::Concat_4939
[06/24/2022-16:34:14] [V] [TRT] Identity_40 [Identity] outputs: [onnx::Concat_4939 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_41 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_41 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_33 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_41 for ONNX node: Identity_41
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4938 for ONNX tensor: onnx::Concat_4938
[06/24/2022-16:34:14] [V] [TRT] Identity_41 [Identity] outputs: [onnx::Concat_4938 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_42 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_42 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_34 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_42 for ONNX node: Identity_42
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4937 for ONNX tensor: onnx::Concat_4937
[06/24/2022-16:34:14] [V] [TRT] Identity_42 [Identity] outputs: [onnx::Concat_4937 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_43 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_43 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_35 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_43 for ONNX node: Identity_43
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4936 for ONNX tensor: onnx::Concat_4936
[06/24/2022-16:34:14] [V] [TRT] Identity_43 [Identity] outputs: [onnx::Concat_4936 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_44 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Identity_44 [Identity] inputs: [onnx::Concat_4933 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4933_36 for ONNX node: onnx::Concat_4933
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_44 for ONNX node: Identity_44
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4935 for ONNX tensor: onnx::Concat_4935
[06/24/2022-16:34:14] [V] [TRT] Identity_44 [Identity] outputs: [onnx::Concat_4935 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_45 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_45 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_37 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_45 for ONNX node: Identity_45
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4934 for ONNX tensor: onnx::Concat_4934
[06/24/2022-16:34:14] [V] [TRT] Identity_45 [Identity] outputs: [onnx::Concat_4934 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_46 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_46 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_38 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_46 for ONNX node: Identity_46
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4932 for ONNX tensor: onnx::Concat_4932
[06/24/2022-16:34:14] [V] [TRT] Identity_46 [Identity] outputs: [onnx::Concat_4932 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_47 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Identity_47 [Identity] inputs: [onnx::Concat_4930 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4930_39 for ONNX node: onnx::Concat_4930
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_47 for ONNX node: Identity_47
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4931 for ONNX tensor: onnx::Concat_4931
[06/24/2022-16:34:14] [V] [TRT] Identity_47 [Identity] outputs: [onnx::Concat_4931 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_48 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_48 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_48 for ONNX node: Identity_48
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4929 for ONNX tensor: onnx::Range_4929
[06/24/2022-16:34:14] [V] [TRT] Identity_48 [Identity] outputs: [onnx::Range_4929 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_49 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_49 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_49 for ONNX node: Identity_49
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4928 for ONNX tensor: onnx::Range_4928
[06/24/2022-16:34:14] [V] [TRT] Identity_49 [Identity] outputs: [onnx::Range_4928 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_50 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_50 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911_40 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_50 for ONNX node: Identity_50
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4927 for ONNX tensor: onnx::Range_4927
[06/24/2022-16:34:14] [V] [TRT] Identity_50 [Identity] outputs: [onnx::Range_4927 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_51 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_51 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910_41 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_51 for ONNX node: Identity_51
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4926 for ONNX tensor: onnx::Range_4926
[06/24/2022-16:34:14] [V] [TRT] Identity_51 [Identity] outputs: [onnx::Range_4926 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_52 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_52 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911_42 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_52 for ONNX node: Identity_52
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4925 for ONNX tensor: onnx::Range_4925
[06/24/2022-16:34:14] [V] [TRT] Identity_52 [Identity] outputs: [onnx::Range_4925 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_53 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_53 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910_43 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_53 for ONNX node: Identity_53
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4924 for ONNX tensor: onnx::Range_4924
[06/24/2022-16:34:14] [V] [TRT] Identity_53 [Identity] outputs: [onnx::Range_4924 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_54 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_54 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911_44 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_54 for ONNX node: Identity_54
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4923 for ONNX tensor: onnx::Range_4923
[06/24/2022-16:34:14] [V] [TRT] Identity_54 [Identity] outputs: [onnx::Range_4923 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_55 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_55 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910_45 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_55 for ONNX node: Identity_55
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4922 for ONNX tensor: onnx::Range_4922
[06/24/2022-16:34:14] [V] [TRT] Identity_55 [Identity] outputs: [onnx::Range_4922 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_56 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_56 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911_46 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_56 for ONNX node: Identity_56
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4921 for ONNX tensor: onnx::Range_4921
[06/24/2022-16:34:14] [V] [TRT] Identity_56 [Identity] outputs: [onnx::Range_4921 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_57 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_57 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910_47 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_57 for ONNX node: Identity_57
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4920 for ONNX tensor: onnx::Range_4920
[06/24/2022-16:34:14] [V] [TRT] Identity_57 [Identity] outputs: [onnx::Range_4920 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_58 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_58 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911_48 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_58 for ONNX node: Identity_58
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4919 for ONNX tensor: onnx::Range_4919
[06/24/2022-16:34:14] [V] [TRT] Identity_58 [Identity] outputs: [onnx::Range_4919 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_59 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_59 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910_49 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_59 for ONNX node: Identity_59
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4918 for ONNX tensor: onnx::Range_4918
[06/24/2022-16:34:14] [V] [TRT] Identity_59 [Identity] outputs: [onnx::Range_4918 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_60 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_60 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911_50 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_60 for ONNX node: Identity_60
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4917 for ONNX tensor: onnx::Range_4917
[06/24/2022-16:34:14] [V] [TRT] Identity_60 [Identity] outputs: [onnx::Range_4917 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_61 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_61 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910_51 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_61 for ONNX node: Identity_61
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4916 for ONNX tensor: onnx::Range_4916
[06/24/2022-16:34:14] [V] [TRT] Identity_61 [Identity] outputs: [onnx::Range_4916 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_62 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_62 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911_52 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_62 for ONNX node: Identity_62
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4915 for ONNX tensor: onnx::Range_4915
[06/24/2022-16:34:14] [V] [TRT] Identity_62 [Identity] outputs: [onnx::Range_4915 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_63 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_63 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910_53 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_63 for ONNX node: Identity_63
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4914 for ONNX tensor: onnx::Range_4914
[06/24/2022-16:34:14] [V] [TRT] Identity_63 [Identity] outputs: [onnx::Range_4914 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_64 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Identity_64 [Identity] inputs: [onnx::Range_4911 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4911_54 for ONNX node: onnx::Range_4911
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_64 for ONNX node: Identity_64
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4913 for ONNX tensor: onnx::Range_4913
[06/24/2022-16:34:14] [V] [TRT] Identity_64 [Identity] outputs: [onnx::Range_4913 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_65 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Identity_65 [Identity] inputs: [onnx::Range_4910 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Range_4910_55 for ONNX node: onnx::Range_4910
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_65 for ONNX node: Identity_65
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Range_4912 for ONNX tensor: onnx::Range_4912
[06/24/2022-16:34:14] [V] [TRT] Identity_65 [Identity] outputs: [onnx::Range_4912 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_66 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Sub_4372
[06/24/2022-16:34:14] [V] [TRT] Identity_66 [Identity] inputs: [onnx::Sub_4372 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Sub_4372 for ONNX node: onnx::Sub_4372
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_66 for ONNX node: Identity_66
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Sub_4379 for ONNX tensor: onnx::Sub_4379
[06/24/2022-16:34:14] [V] [TRT] Identity_66 [Identity] outputs: [onnx::Sub_4379 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_67 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Identity_67 [Identity] inputs: [onnx::Concat_4366 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4366_56 for ONNX node: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_67 for ONNX node: Identity_67
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4375 for ONNX tensor: onnx::Concat_4375
[06/24/2022-16:34:14] [V] [TRT] Identity_67 [Identity] outputs: [onnx::Concat_4375 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_68 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Identity_68 [Identity] inputs: [onnx::Concat_4366 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4366_57 for ONNX node: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_68 for ONNX node: Identity_68
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4374 for ONNX tensor: onnx::Concat_4374
[06/24/2022-16:34:14] [V] [TRT] Identity_68 [Identity] outputs: [onnx::Concat_4374 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_69 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Identity_69 [Identity] inputs: [onnx::Concat_4366 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4366_58 for ONNX node: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_69 for ONNX node: Identity_69
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4373 for ONNX tensor: onnx::Concat_4373
[06/24/2022-16:34:14] [V] [TRT] Identity_69 [Identity] outputs: [onnx::Concat_4373 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_70 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Identity_70 [Identity] inputs: [onnx::Concat_4366 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4366_59 for ONNX node: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_70 for ONNX node: Identity_70
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4368 for ONNX tensor: onnx::Concat_4368
[06/24/2022-16:34:14] [V] [TRT] Identity_70 [Identity] outputs: [onnx::Concat_4368 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_71 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Identity_71 [Identity] inputs: [onnx::Concat_4366 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4366_60 for ONNX node: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_71 for ONNX node: Identity_71
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4367 for ONNX tensor: onnx::Concat_4367
[06/24/2022-16:34:14] [V] [TRT] Identity_71 [Identity] outputs: [onnx::Concat_4367 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_72 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4993
[06/24/2022-16:34:14] [V] [TRT] Identity_72 [Identity] inputs: [onnx::Concat_4993 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_72 for ONNX node: Identity_72
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4995 for ONNX tensor: onnx::Concat_4995
[06/24/2022-16:34:14] [V] [TRT] Identity_72 [Identity] outputs: [onnx::Concat_4995 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_73 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4986
[06/24/2022-16:34:14] [V] [TRT] Identity_73 [Identity] inputs: [onnx::Concat_4986 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_73 for ONNX node: Identity_73
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4988 for ONNX tensor: onnx::Concat_4988
[06/24/2022-16:34:14] [V] [TRT] Identity_73 [Identity] outputs: [onnx::Concat_4988 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_74 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4375
[06/24/2022-16:34:14] [V] [TRT] Identity_74 [Identity] inputs: [onnx::Concat_4375 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_74 for ONNX node: Identity_74
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4378 for ONNX tensor: onnx::Concat_4378
[06/24/2022-16:34:14] [V] [TRT] Identity_74 [Identity] outputs: [onnx::Concat_4378 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_75 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4374
[06/24/2022-16:34:14] [V] [TRT] Identity_75 [Identity] inputs: [onnx::Concat_4374 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_75 for ONNX node: Identity_75
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4377 for ONNX tensor: onnx::Concat_4377
[06/24/2022-16:34:14] [V] [TRT] Identity_75 [Identity] outputs: [onnx::Concat_4377 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_76 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4373
[06/24/2022-16:34:14] [V] [TRT] Identity_76 [Identity] inputs: [onnx::Concat_4373 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_76 for ONNX node: Identity_76
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4376 for ONNX tensor: onnx::Concat_4376
[06/24/2022-16:34:14] [V] [TRT] Identity_76 [Identity] outputs: [onnx::Concat_4376 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_77 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4368
[06/24/2022-16:34:14] [V] [TRT] Identity_77 [Identity] inputs: [onnx::Concat_4368 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_77 for ONNX node: Identity_77
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4371 for ONNX tensor: onnx::Concat_4371
[06/24/2022-16:34:14] [V] [TRT] Identity_77 [Identity] outputs: [onnx::Concat_4371 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_78 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4367
[06/24/2022-16:34:14] [V] [TRT] Identity_78 [Identity] inputs: [onnx::Concat_4367 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_78 for ONNX node: Identity_78
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4370 for ONNX tensor: onnx::Concat_4370
[06/24/2022-16:34:14] [V] [TRT] Identity_78 [Identity] outputs: [onnx::Concat_4370 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Identity_79 [Identity]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Identity_79 [Identity] inputs: [onnx::Concat_4366 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Concat_4366_61 for ONNX node: onnx::Concat_4366
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Identity_79 for ONNX node: Identity_79
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_4369 for ONNX tensor: onnx::Concat_4369
[06/24/2022-16:34:14] [V] [TRT] Identity_79 [Identity] outputs: [onnx::Concat_4369 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_80 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_80 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_80 [Constant] outputs: [onnx::Sub_315 -> (3, 1, 1)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Sub_81 [Sub]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: image.1
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Sub_315
[06/24/2022-16:34:14] [V] [TRT] Sub_81 [Sub] inputs: [image.1 -> (3, 300, 400)[FLOAT]], [onnx::Sub_315 -> (3, 1, 1)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Sub_315 for ONNX node: onnx::Sub_315
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Sub_81 for ONNX node: Sub_81
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Div_316 for ONNX tensor: onnx::Div_316
[06/24/2022-16:34:14] [V] [TRT] Sub_81 [Sub] outputs: [onnx::Div_316 -> (3, 300, 400)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_82 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_82 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_82 [Constant] outputs: [onnx::Div_317 -> (3, 1, 1)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Div_83 [Div]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Div_316
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Div_317
[06/24/2022-16:34:14] [V] [TRT] Div_83 [Div] inputs: [onnx::Div_316 -> (3, 300, 400)[FLOAT]], [onnx::Div_317 -> (3, 1, 1)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Div_317 for ONNX node: onnx::Div_317
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Div_83 for ONNX node: Div_83
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: image for ONNX tensor: image
[06/24/2022-16:34:14] [V] [TRT] Div_83 [Div] outputs: [image -> (3, 300, 400)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_84 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_84 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_84 [Constant] outputs: [onnx::ReduceMin_319 -> (2)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: ReduceMin_85 [ReduceMin]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::ReduceMin_319
[06/24/2022-16:34:14] [V] [TRT] ReduceMin_85 [ReduceMin] inputs: [onnx::ReduceMin_319 -> (2)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::ReduceMin_319 for ONNX node: onnx::ReduceMin_319
[06/24/2022-16:34:14] [V] [TRT] Registering layer: ReduceMin_85 for ONNX node: ReduceMin_85
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Cast_320 for ONNX tensor: onnx::Cast_320
[06/24/2022-16:34:14] [V] [TRT] ReduceMin_85 [ReduceMin] outputs: [onnx::Cast_320 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Cast_86 [Cast]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Cast_320
[06/24/2022-16:34:14] [V] [TRT] Cast_86 [Cast] inputs: [onnx::Cast_320 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Casting to type: float32
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Cast_86 for ONNX node: Cast_86
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Reciprocal_321 for ONNX tensor: onnx::Reciprocal_321
[06/24/2022-16:34:14] [V] [TRT] Cast_86 [Cast] outputs: [onnx::Reciprocal_321 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: ReduceMax_87 [ReduceMax]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::ReduceMin_319
[06/24/2022-16:34:14] [V] [TRT] ReduceMax_87 [ReduceMax] inputs: [onnx::ReduceMin_319 -> (2)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::ReduceMin_319_62 for ONNX node: onnx::ReduceMin_319
[06/24/2022-16:34:14] [V] [TRT] Registering layer: ReduceMax_87 for ONNX node: ReduceMax_87
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Cast_322 for ONNX tensor: onnx::Cast_322
[06/24/2022-16:34:14] [V] [TRT] ReduceMax_87 [ReduceMax] outputs: [onnx::Cast_322 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Cast_88 [Cast]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Cast_322
[06/24/2022-16:34:14] [V] [TRT] Cast_88 [Cast] inputs: [onnx::Cast_322 -> ()[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Casting to type: float32
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Cast_88 for ONNX node: Cast_88
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Reciprocal_323 for ONNX tensor: onnx::Reciprocal_323
[06/24/2022-16:34:14] [V] [TRT] Cast_88 [Cast] outputs: [onnx::Reciprocal_323 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Reciprocal_89 [Reciprocal]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Reciprocal_321
[06/24/2022-16:34:14] [V] [TRT] Reciprocal_89 [Reciprocal] inputs: [onnx::Reciprocal_321 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Reciprocal_89 for ONNX node: Reciprocal_89
[06/24/2022-16:34:14] [V] [TRT] Original shape: (1,), squeezing to: ()
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Mul_324 for ONNX tensor: onnx::Mul_324
[06/24/2022-16:34:14] [V] [TRT] Reciprocal_89 [Reciprocal] outputs: [onnx::Mul_324 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_90 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_90 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_90 [Constant] outputs: [onnx::Mul_325 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Mul_91 [Mul]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Mul_324
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Mul_325
[06/24/2022-16:34:14] [V] [TRT] Mul_91 [Mul] inputs: [onnx::Mul_324 -> ()[FLOAT]], [onnx::Mul_325 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Mul_325 for ONNX node: onnx::Mul_325
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Mul_91 for ONNX node: Mul_91
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Min_326 for ONNX tensor: onnx::Min_326
[06/24/2022-16:34:14] [V] [TRT] Mul_91 [Mul] outputs: [onnx::Min_326 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Reciprocal_92 [Reciprocal]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Reciprocal_323
[06/24/2022-16:34:14] [V] [TRT] Reciprocal_92 [Reciprocal] inputs: [onnx::Reciprocal_323 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Reciprocal_92 for ONNX node: Reciprocal_92
[06/24/2022-16:34:14] [V] [TRT] Original shape: (1,), squeezing to: ()
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Mul_327 for ONNX tensor: onnx::Mul_327
[06/24/2022-16:34:14] [V] [TRT] Reciprocal_92 [Reciprocal] outputs: [onnx::Mul_327 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_93 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_93 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_93 [Constant] outputs: [onnx::Mul_328 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Mul_94 [Mul]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Mul_327
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Mul_328
[06/24/2022-16:34:14] [V] [TRT] Mul_94 [Mul] inputs: [onnx::Mul_327 -> ()[FLOAT]], [onnx::Mul_328 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Mul_328 for ONNX node: onnx::Mul_328
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Mul_94 for ONNX node: Mul_94
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Min_329 for ONNX tensor: onnx::Min_329
[06/24/2022-16:34:14] [V] [TRT] Mul_94 [Mul] outputs: [onnx::Min_329 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Min_95 [Min]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Min_326
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Min_329
[06/24/2022-16:34:14] [V] [TRT] Min_95 [Min] inputs: [onnx::Min_326 -> ()[FLOAT]], [onnx::Min_329 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Min_95 for ONNX node: Min_95
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: scale_factor for ONNX tensor: scale_factor
[06/24/2022-16:34:14] [V] [TRT] Min_95 [Min] outputs: [scale_factor -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Unsqueeze_96 [Unsqueeze]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: image
[06/24/2022-16:34:14] [V] [TRT] Unsqueeze_96 [Unsqueeze] inputs: [image -> (3, 300, 400)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Original shape: (3, 300, 400), unsqueezing to: (1, 3, 300, 400)
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Unsqueeze_96 for ONNX node: Unsqueeze_96
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: input for ONNX tensor: input
[06/24/2022-16:34:14] [V] [TRT] Unsqueeze_96 [Unsqueeze] outputs: [input -> (1, 3, 300, 400)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Cast_97 [Cast]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: scale_factor
[06/24/2022-16:34:14] [V] [TRT] Cast_97 [Cast] inputs: [scale_factor -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Casting to type: float32
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Cast_97 for ONNX node: Cast_97
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Mul_332 for ONNX tensor: onnx::Mul_332
[06/24/2022-16:34:14] [V] [TRT] Cast_97 [Cast] outputs: [onnx::Mul_332 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_98 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_98 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_98 [Constant] outputs: [onnx::Mul_333 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Mul_99 [Mul]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Mul_333
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Mul_332
[06/24/2022-16:34:14] [V] [TRT] Mul_99 [Mul] inputs: [onnx::Mul_333 -> ()[FLOAT]], [onnx::Mul_332 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Mul_333 for ONNX node: onnx::Mul_333
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Mul_99 for ONNX node: Mul_99
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Cast_334 for ONNX tensor: onnx::Cast_334
[06/24/2022-16:34:14] [V] [TRT] Mul_99 [Mul] outputs: [onnx::Cast_334 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Cast_100 [Cast]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Cast_334
[06/24/2022-16:34:14] [V] [TRT] Cast_100 [Cast] inputs: [onnx::Cast_334 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Casting to type: float32
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Cast_100 for ONNX node: Cast_100
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Floor_335 for ONNX tensor: onnx::Floor_335
[06/24/2022-16:34:14] [V] [TRT] Cast_100 [Cast] outputs: [onnx::Floor_335 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Floor_101 [Floor]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Floor_335
[06/24/2022-16:34:14] [V] [TRT] Floor_101 [Floor] inputs: [onnx::Floor_335 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Floor_101 for ONNX node: Floor_101
[06/24/2022-16:34:14] [V] [TRT] Original shape: (1,), squeezing to: ()
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Unsqueeze_336 for ONNX tensor: onnx::Unsqueeze_336
[06/24/2022-16:34:14] [V] [TRT] Floor_101 [Floor] outputs: [onnx::Unsqueeze_336 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Cast_102 [Cast]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: scale_factor
[06/24/2022-16:34:14] [V] [TRT] Cast_102 [Cast] inputs: [scale_factor -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Casting to type: float32
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Cast_102 for ONNX node: Cast_102
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Mul_337 for ONNX tensor: onnx::Mul_337
[06/24/2022-16:34:14] [V] [TRT] Cast_102 [Cast] outputs: [onnx::Mul_337 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_103 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_103 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_103 [Constant] outputs: [onnx::Mul_338 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Mul_104 [Mul]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Mul_338
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Mul_337
[06/24/2022-16:34:14] [V] [TRT] Mul_104 [Mul] inputs: [onnx::Mul_338 -> ()[FLOAT]], [onnx::Mul_337 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: onnx::Mul_338 for ONNX node: onnx::Mul_338
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Mul_104 for ONNX node: Mul_104
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Cast_339 for ONNX tensor: onnx::Cast_339
[06/24/2022-16:34:14] [V] [TRT] Mul_104 [Mul] outputs: [onnx::Cast_339 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Cast_105 [Cast]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Cast_339
[06/24/2022-16:34:14] [V] [TRT] Cast_105 [Cast] inputs: [onnx::Cast_339 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Casting to type: float32
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Cast_105 for ONNX node: Cast_105
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Floor_340 for ONNX tensor: onnx::Floor_340
[06/24/2022-16:34:14] [V] [TRT] Cast_105 [Cast] outputs: [onnx::Floor_340 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Floor_106 [Floor]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Floor_340
[06/24/2022-16:34:14] [V] [TRT] Floor_106 [Floor] inputs: [onnx::Floor_340 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Floor_106 for ONNX node: Floor_106
[06/24/2022-16:34:14] [V] [TRT] Original shape: (1,), squeezing to: ()
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Unsqueeze_341 for ONNX tensor: onnx::Unsqueeze_341
[06/24/2022-16:34:14] [V] [TRT] Floor_106 [Floor] outputs: [onnx::Unsqueeze_341 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Unsqueeze_107 [Unsqueeze]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Unsqueeze_336
[06/24/2022-16:34:14] [V] [TRT] Unsqueeze_107 [Unsqueeze] inputs: [onnx::Unsqueeze_336 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Unsqueeze_107 for ONNX node: Unsqueeze_107
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_342 for ONNX tensor: onnx::Concat_342
[06/24/2022-16:34:14] [V] [TRT] Unsqueeze_107 [Unsqueeze] outputs: [onnx::Concat_342 -> (1)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Unsqueeze_108 [Unsqueeze]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Unsqueeze_341
[06/24/2022-16:34:14] [V] [TRT] Unsqueeze_108 [Unsqueeze] inputs: [onnx::Unsqueeze_341 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Unsqueeze_108 for ONNX node: Unsqueeze_108
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_343 for ONNX tensor: onnx::Concat_343
[06/24/2022-16:34:14] [V] [TRT] Unsqueeze_108 [Unsqueeze] outputs: [onnx::Concat_343 -> (1)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Concat_109 [Concat]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_342
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_343
[06/24/2022-16:34:14] [V] [TRT] Concat_109 [Concat] inputs: [onnx::Concat_342 -> (1)[FLOAT]], [onnx::Concat_343 -> (1)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Concat_109 for ONNX node: Concat_109
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Cast_344 for ONNX tensor: onnx::Cast_344
[06/24/2022-16:34:14] [V] [TRT] Concat_109 [Concat] outputs: [onnx::Cast_344 -> (2)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Shape_110 [Shape]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: input
[06/24/2022-16:34:14] [V] [TRT] Shape_110 [Shape] inputs: [input -> (1, 3, 300, 400)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Shape_110 for ONNX node: Shape_110
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Slice_345 for ONNX tensor: onnx::Slice_345
[06/24/2022-16:34:14] [V] [TRT] Shape_110 [Shape] outputs: [onnx::Slice_345 -> (4)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_111 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_111 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_111 [Constant] outputs: [onnx::Slice_346 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_112 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_112 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_112 [Constant] outputs: [onnx::Slice_347 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_113 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_113 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_113 [Constant] outputs: [onnx::Slice_348 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Slice_114 [Slice]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Slice_345
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Slice_347
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Slice_348
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Slice_346
[06/24/2022-16:34:14] [V] [TRT] Slice_114 [Slice] inputs: [onnx::Slice_345 -> (4)[INT32]], [onnx::Slice_347 -> (1)[INT32]], [onnx::Slice_348 -> (1)[INT32]], [onnx::Slice_346 -> (1)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Slice_114 for ONNX node: Slice_114
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_349 for ONNX tensor: onnx::Concat_349
[06/24/2022-16:34:14] [V] [TRT] Slice_114 [Slice] outputs: [onnx::Concat_349 -> (2)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Cast_115 [Cast]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Cast_344
[06/24/2022-16:34:14] [V] [TRT] Cast_115 [Cast] inputs: [onnx::Cast_344 -> (2)[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Casting to type: int32
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Cast_115 for ONNX node: Cast_115
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Concat_350 for ONNX tensor: onnx::Concat_350
[06/24/2022-16:34:14] [V] [TRT] Cast_115 [Cast] outputs: [onnx::Concat_350 -> (2)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Concat_116 [Concat]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_349
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Concat_350
[06/24/2022-16:34:14] [V] [TRT] Concat_116 [Concat] inputs: [onnx::Concat_349 -> (2)[INT32]], [onnx::Concat_350 -> (2)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Concat_116 for ONNX node: Concat_116
[06/24/2022-16:34:14] [V] [TRT] Registering tensor: onnx::Resize_351 for ONNX tensor: onnx::Resize_351
[06/24/2022-16:34:14] [V] [TRT] Concat_116 [Concat] outputs: [onnx::Resize_351 -> (4)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_117 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_117 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_117 [Constant] outputs: [onnx::Resize_352 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Constant_118 [Constant]
[06/24/2022-16:34:14] [V] [TRT] Constant_118 [Constant] inputs: 
[06/24/2022-16:34:14] [V] [TRT] Constant_118 [Constant] outputs: [onnx::Resize_353 -> ()[FLOAT]], 
[06/24/2022-16:34:14] [V] [TRT] Parsing node: Resize_119 [Resize]
[06/24/2022-16:34:14] [V] [TRT] Searching for input: input
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Resize_352
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Resize_353
[06/24/2022-16:34:14] [V] [TRT] Searching for input: onnx::Resize_351
[06/24/2022-16:34:14] [V] [TRT] Resize_119 [Resize] inputs: [input -> (1, 3, 300, 400)[FLOAT]], [onnx::Resize_352 -> ()[FLOAT]], [onnx::Resize_353 -> ()[FLOAT]], [onnx::Resize_351 -> (4)[INT32]], 
[06/24/2022-16:34:14] [V] [TRT] Registering layer: Resize_119 for ONNX node: Resize_119
[06/24/2022-16:34:14] [I] Finish parsing network model
&&&& FAILED TensorRT.trtexec [TensorRT v8205] # /opt/tensorrt/bin/trtexec --onnx=keypoint_rcnn.onnx --verbose

Did you receive the onnx ok?

The onnx file share will expire in 2 days, please grab the file before then.

Hi,

When we tried building the TensorRT engine, faced the following error.

[06/29/2022-15:21:12] [V] [TRT] Pad_265 [Pad] inputs: [img → (3, 800, 1066)[FLOAT]], [onnx::Pad_510 → (6)[INT32]], [onnx::Pad_511 → ()[FLOAT]],
[06/29/2022-15:21:12] [V] [TRT] Registering layer: Pad_265 for ONNX node: Pad_265
[06/29/2022-15:21:12] [E] Error[4]: [shuffleNode.cpp::symbolicExecute::392] Error Code 4: Internal Error (Reshape_254: IShuffleLayer applied to shape tensor must have 0 or 1 reshape dimensions: dimensions were [-1,2])
[06/29/2022-15:21:12] [E] [TRT] ModelImporter.cpp:773: While parsing node number 265 [Pad → “onnx::Unsqueeze_512”]:
[06/29/2022-15:21:12] [E] [TRT] ModelImporter.cpp:774: — Begin node —
[06/29/2022-15:21:12] [E] [TRT] ModelImporter.cpp:775: input: “img”
input: “onnx::Pad_510”
input: “onnx::Pad_511”
output: “onnx::Unsqueeze_512”
name: “Pad_265”
op_type: “Pad”
attribute {
name: “mode”
s: “constant”
type: STRING
}

[06/29/2022-15:21:12] [E] [TRT] ModelImporter.cpp:776: — End node —
[06/29/2022-15:21:12] [E] [TRT] ModelImporter.cpp:779: ERROR: ModelImporter.cpp:180 In function parseGraph:
[6] Invalid Node - Pad_265
[shuffleNode.cpp::symbolicExecute::392] Error Code 4: Internal Error (Reshape_254: IShuffleLayer applied to shape tensor must have 0 or 1 reshape dimensions: dimensions were [-1,2])
[06/29/2022-15:21:12] [E] Failed to parse onnx file
[06/29/2022-15:21:12] [I] Finish parsing network model
[06/29/2022-15:21:12] [E] Parsing model failed
[06/29/2022-15:21:12] [E] Failed to create engine from model.
[06/29/2022-15:21:12] [E] Engine set up failed
&&&& FAILED TensorRT.trtexec [TensorRT v8401] # /opt/tensorrt/bin/trtexec --onnx=keypoint_rcnn.onnx --verbose

I think padding-related node is causing the above error, we don’t support 2D shape tensors yet. We can try workaround constant-fold with polygraphy.

polygraphy surgeon sanitize keypoint_rcnn.onnx --fold-constants -o folded.onnx

After that when we try building the engine found the following error.

[06/29/2022-15:29:38] [V] [TRT] Registering layer: Gather_1450 for ONNX node: Gather_1450
[06/29/2022-15:29:38] [E] Error[4]: [graphShapeAnalyzer.cpp::processCheck::587] Error Code 4: Internal Error ((Unnamed Layer* 521) [Gather]_output: tensor volume exceeds (2^31)-1, dimensions are [2,4816,278256])
[06/29/2022-15:29:38] [E] [TRT] ModelImporter.cpp:773: While parsing node number 360 [Gather → “onnx::Reshape_2678”]:
[06/29/2022-15:29:38] [E] [TRT] ModelImporter.cpp:774: — Begin node —
[06/29/2022-15:29:38] [E] [TRT] ModelImporter.cpp:775: input: “onnx::Gather_2675”
input: “onnx::Gather_2677”
output: “onnx::Reshape_2678”
name: “Gather_1450”
op_type: “Gather”
attribute {
name: “axis”
i: 0
type: INT
}

[06/29/2022-15:29:38] [E] [TRT] ModelImporter.cpp:776: — End node —
[06/29/2022-15:29:38] [E] [TRT] ModelImporter.cpp:779: ERROR: ModelImporter.cpp:180 In function parseGraph:
[6] Invalid Node - Gather_1450
[graphShapeAnalyzer.cpp::processCheck::587] Error Code 4: Internal Error ((Unnamed Layer* 521) [Gather]_output: tensor volume exceeds (2^31)-1, dimensions are [2,4816,278256])
[06/29/2022-15:29:38] [E] Failed to parse onnx file
[06/29/2022-15:29:38] [I] Finish parsing network model
[06/29/2022-15:29:38] [E] Parsing model failed
[06/29/2022-15:29:38] [E] Failed to create engine from model.
[06/29/2022-15:29:38] [E] Engine set up failed
&&&& FAILED TensorRT.trtexec [TensorRT v8401] # /opt/tensorrt/bin/trtexec --onnx=folded.onnx --verbose

The reason for the above error is TRT does not support tensors with more than 2^31-1 elements. Currently, we do not have an alternative solution to resolve the above error except modifying the network.

Thank you.

Hi,

Thank you for trying. Since the model is an official off-the-shelf pytorch model, is it possible to class this as a bug to be fixed?

Thanks,

Brian.

This topic was automatically closed 14 days after the last reply. New replies are no longer allowed.