[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510]

Full error: [TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)

Description

This is my first attempt at using TensorRT after running through your brain segmentation demo and I have run head first into an issue.

What I am trying to do is build an engine from a Torchvision Faster-RCNN model which I have converted to an ONNX model.

However, when I try and build the model I receive the following error:

[TensorRT] ERROR: 4: [network.cpp::validate::2361] Error Code 4: Internal Error (Network must have at least one output)

which I am guessing is caused by:

[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)

I have tried to set the output with:

last_layer = network.get_layer(network.num_layers - 1)
         # Check if last layer recognizes it's output
         if not last_layer.get_output(0):
             # If not, then mark the output using TensorRT API
             network.mark_output(last_layer.get_output(0))

But it did not help.

When I attach a debugger and check the network I have inputs as 2, layers as 60 and outputs as 0. I have tried to set the manually output using “network.mark_output(last_layer.get_output(0))” which then shows the network with an output of 1 but building the engine results in the error codes:

[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: 2: [symbolicDims.h::size::63] Error Code 2: Internal Error (Assertion nbDims >= 0 failed.)

I am completely at a loss here…

Environment

TensorRT Version: 8.0.0.3
GPU Type: 2080ti
Nvidia Driver Version: 465.19.01
CUDA Version: 11.3
CUDNN Version: 8.2.0
Operating System + Version: Ubuntu 20.04
Python Version (if applicable): 3.8
PyTorch Version (if applicable): 1.8
ONNX: 1.8.0
ONNX Runtime-GPU: 1.7.0

Relevant Files

ONNX file dropbox link

Steps To Reproduce

I generate the ONNX model with:

with open(class_names_path) as f:
    class_names: list = [line.strip() for line in f.readlines()]

model = LitFasterRCNN(len(class_names) + 1)
model.load_state_dict(state_dict=torch.load(args.model_path)['state_dict'])
model.eval()
# dummy_input = torch.rand(size=(3, 1080, 1920))  # this fixes the input size in the onnx export
x = [torch.rand(3, 300, 400), torch.rand(3, 500, 400)]
model_out = model(x)

# export to onnx
torch.onnx.export(model,  # model to export
                  x,  # model input
                  "faster_rcnn.onnx",  # where to save the model
                  # export_params=True,  # store the trained parameter weights inside the model file
                  opset_version=11,  # the ONNX version to export the model to
                  # do_constant_folding=True,  # whether to execute constant folding for optimization
                  # input_names=['input'],  # the model's input names
                  # output_names=['output'],  # the model's output names
                  verbose=True,
                  )

From the following PyTorch Lightning Model - The model is a pre-cooked Torchvision Faster-RCNN

class LitFasterRCNN(pl.LightningModule):

    def __init__(self, num_classes=3):
        super().__init__()
        self.model = torchvision.models.detection.fasterrcnn_resnet50_fpn(pretrained=True)
        self.model.roi_heads.box_predictor = FastRCNNPredictor(
            in_channels=self.model.roi_heads.box_predictor.cls_score.in_features,
            num_classes=num_classes
        )

    def forward(self, x: torch.tensor):
        return self.model(x)

    def configure_optimizers(self):
        optimizer = torch.optim.SGD(self.model.parameters(),
                                    lr=0.005,
                                    momentum=0.9,
                                    weight_decay=0.0005
                                    )
        return optimizer

    def training_step(self, train_batch, train_idx):
        images, targets = train_batch
        # this precooked model spits out the losses during training
        images = list(image for image in images)
        targets = [{k: v for k, v in t.items()} for t in targets]
        loss_dict = self.model(images, targets)
        loss = sum(loss for loss in loss_dict.values())
        self.log("train_loss", loss)
        return {'loss': loss}

I feed the ONNX model path to a build_engine func

def build_engine(model_path) -> trt.ICudaEngine:
    explicit_batch = 1 << (int)(trt.NetworkDefinitionCreationFlag.EXPLICIT_BATCH)
    with trt.Builder(TRT_LOGGER) as builder, \
            builder.create_network(explicit_batch) as network, \
            trt.OnnxParser(network, TRT_LOGGER) as parser:
            builder_config = builder.create_builder_config()
            builder_config.max_workspace_size = 1 << 20
            builder.max_batch_size = 1
            with open(model_path, "rb") as model:
                parser.parse(model.read())
                if not parser.parse(model.read()):
                    print('ERROR: Failed to parse the ONNX file.')
                    for error in range(parser.num_errors):
                        print(parser.get_error(error))
            last_layer = network.get_layer(network.num_layers - 1)
            # Check if last layer recognizes it's output
            if not last_layer.get_output(0):
                # If not, then mark the output using TensorRT API
                network.mark_output(last_layer.get_output(0))
            engine = builder.build_engine(network, builder_config)
            return engine

engine = trt.build_engine(onnx_path)
context = engine.create_execution_context()

When I use the above function I get the below traceback.

Note: I can run and infer on the ONNX model but I am unable to build the TensorRT engine

Traceback :
2021-05-17 16:54:47.323512008 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1874
2021-05-17 16:54:47.323527983 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1987
2021-05-17 16:54:47.323533092 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1992
2021-05-17 16:54:47.323537398 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1877
2021-05-17 16:54:47.323540624 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1988
2021-05-17 16:54:47.323544652 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1994
2021-05-17 16:54:47.323550634 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1845
2021-05-17 16:54:47.323553801 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1849
2021-05-17 16:54:47.323557732 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1842
2021-05-17 16:54:47.323560907 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1848
2021-05-17 16:54:47.323564924 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1839
2021-05-17 16:54:47.323568230 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1847
2021-05-17 16:54:47.323572439 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1836
2021-05-17 16:54:47.323575711 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1846
2021-05-17 16:54:47.323581034 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1850
2021-05-17 16:54:47.323585177 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_1852
2021-05-17 16:54:47.323589174 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Equal_1857
2021-05-17 16:54:47.323593933 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Where_1858
2021-05-17 16:54:47.323598781 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1810
2021-05-17 16:54:47.323601876 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1814
2021-05-17 16:54:47.323605820 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1807
2021-05-17 16:54:47.323608940 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1813
2021-05-17 16:54:47.323613004 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1804
2021-05-17 16:54:47.323616163 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1812
2021-05-17 16:54:47.323620180 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1801
2021-05-17 16:54:47.323623346 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1811
2021-05-17 16:54:47.323629351 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1815
2021-05-17 16:54:47.323633564 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_1817
2021-05-17 16:54:47.323637648 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Equal_1822
2021-05-17 16:54:47.323642669 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Where_1823
2021-05-17 16:54:47.323647866 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1775
2021-05-17 16:54:47.323651009 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1779
2021-05-17 16:54:47.323655012 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1772
2021-05-17 16:54:47.323658161 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1778
2021-05-17 16:54:47.323662065 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1769
2021-05-17 16:54:47.323665147 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1777
2021-05-17 16:54:47.323669094 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1766
2021-05-17 16:54:47.323672219 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1776
2021-05-17 16:54:47.323677615 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1780
2021-05-17 16:54:47.323681875 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_1782
2021-05-17 16:54:47.323685944 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Equal_1787
2021-05-17 16:54:47.323690640 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Where_1788
2021-05-17 16:54:47.323696400 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1740
2021-05-17 16:54:47.323699531 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1744
2021-05-17 16:54:47.323703443 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1737
2021-05-17 16:54:47.323706557 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1743
2021-05-17 16:54:47.323710519 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1734
2021-05-17 16:54:47.323713676 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1742
2021-05-17 16:54:47.323717585 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1731
2021-05-17 16:54:47.323720706 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1741
2021-05-17 16:54:47.323726094 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1745
2021-05-17 16:54:47.323731604 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_1747
2021-05-17 16:54:47.323735652 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Equal_1752
2021-05-17 16:54:47.323740253 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Where_1753
2021-05-17 16:54:47.323745721 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1714
2021-05-17 16:54:47.323748862 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1718
2021-05-17 16:54:47.323752850 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1711
2021-05-17 16:54:47.323755882 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1717
2021-05-17 16:54:47.323759798 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1708
2021-05-17 16:54:47.323763496 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1716
2021-05-17 16:54:47.323767428 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1705
2021-05-17 16:54:47.323770534 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1715
2021-05-17 16:54:47.323775772 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1719
2021-05-17 16:54:47.323781724 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1983
2021-05-17 16:54:47.323785551 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1985
2021-05-17 16:54:47.323789433 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1880
2021-05-17 16:54:47.323793348 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1886
2021-05-17 16:54:47.323797211 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1883
2021-05-17 16:54:47.323801024 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1887
2021-05-17 16:54:47.323804114 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1974
2021-05-17 16:54:47.323808886 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1975
2021-05-17 16:54:47.323812802 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1889
2021-05-17 16:54:47.323819431 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_2144
2021-05-17 16:54:47.323822508 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_2147
2021-05-17 16:54:47.323826302 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_2141
2021-05-17 16:54:47.323829400 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_2146
2021-05-17 16:54:47.323833747 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_2138
2021-05-17 16:54:47.323836863 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_2145
2021-05-17 16:54:47.323841472 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_2148
2021-05-17 16:54:47.323848211 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_2025
2021-05-17 16:54:47.323851334 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_2028
2021-05-17 16:54:47.323855272 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_2022
2021-05-17 16:54:47.323858470 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_2027
2021-05-17 16:54:47.323862293 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_2019
2021-05-17 16:54:47.323865330 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_2026
2021-05-17 16:54:47.323869923 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_2029
2021-05-17 16:54:47.323874764 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1871
[TensorRT] INFO: [MemUsageChange] Init CUDA: CPU +322, GPU +0, now: CPU 1056, GPU 1065 (MiB)
[TensorRT] VERBOSE: Registered plugin creator - ::GridAnchor_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::GridAnchorRect_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::NMS_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::Reorg_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::Region_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::Clip_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::LReLU_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::PriorBox_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::Normalize_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::ScatterND version 1
[TensorRT] VERBOSE: Registered plugin creator - ::RPROI_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::BatchedNMS_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::BatchedNMSDynamic_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::FlattenConcat_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::CropAndResize version 1
[TensorRT] VERBOSE: Registered plugin creator - ::DetectionLayer_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::Proposal version 1
[TensorRT] VERBOSE: Registered plugin creator - ::ProposalLayer_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::PyramidROIAlign_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::ResizeNearest_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::Split version 1
[TensorRT] VERBOSE: Registered plugin creator - ::SpecialSlice_TRT version 1
[TensorRT] VERBOSE: Registered plugin creator - ::InstanceNormalization_TRT version 1
[TensorRT] VERBOSE: Adding network input: image.1 with dtype: float32, dimensions: (3, 300, 400)
[TensorRT] VERBOSE: Registering tensor: image.1 for ONNX tensor: image.1
[TensorRT] VERBOSE: Adding network input: image.3 with dtype: float32, dimensions: (3, 500, 400)
[TensorRT] VERBOSE: Registering tensor: image.3 for ONNX tensor: image.3
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.0.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.0.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.0.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.0.downsample.0.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.1.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.1.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.1.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.2.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.2.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer1.2.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.0.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.0.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.0.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.0.downsample.0.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.1.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.1.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.1.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.2.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.2.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.2.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.3.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.3.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer2.3.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.0.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.0.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.0.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.0.downsample.0.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.1.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.1.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.1.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.2.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.2.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.2.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.3.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.3.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.3.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.4.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.4.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.4.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.5.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.5.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer3.5.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.0.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.0.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.0.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.0.downsample.0.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.1.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.1.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.1.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.2.conv1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.2.conv2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.body.layer4.2.conv3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.inner_blocks.0.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.inner_blocks.0.bias
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.inner_blocks.1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.inner_blocks.1.bias
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.inner_blocks.2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.inner_blocks.2.bias
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.inner_blocks.3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.inner_blocks.3.bias
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.layer_blocks.0.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.layer_blocks.0.bias
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.layer_blocks.1.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.layer_blocks.1.bias
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.layer_blocks.2.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.layer_blocks.2.bias
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.layer_blocks.3.weight
[TensorRT] VERBOSE: Importing initializer: model.backbone.fpn.layer_blocks.3.bias
[TensorRT] VERBOSE: Importing initializer: model.rpn.head.conv.weight
[TensorRT] VERBOSE: Importing initializer: model.rpn.head.conv.bias
[TensorRT] VERBOSE: Importing initializer: model.rpn.head.cls_logits.weight
[TensorRT] VERBOSE: Importing initializer: model.rpn.head.cls_logits.bias
[TensorRT] VERBOSE: Importing initializer: model.rpn.head.bbox_pred.weight
[TensorRT] VERBOSE: Importing initializer: model.rpn.head.bbox_pred.bias
[TensorRT] VERBOSE: Importing initializer: model.roi_heads.box_head.fc6.weight
[TensorRT] VERBOSE: Importing initializer: model.roi_heads.box_head.fc6.bias
[TensorRT] VERBOSE: Importing initializer: model.roi_heads.box_head.fc7.weight
[TensorRT] VERBOSE: Importing initializer: model.roi_heads.box_head.fc7.bias
[TensorRT] VERBOSE: Importing initializer: model.roi_heads.box_predictor.cls_score.weight
[TensorRT] VERBOSE: Importing initializer: model.roi_heads.box_predictor.cls_score.bias
[TensorRT] VERBOSE: Importing initializer: model.roi_heads.box_predictor.bbox_pred.weight
[TensorRT] VERBOSE: Importing initializer: model.roi_heads.box_predictor.bbox_pred.bias
[TensorRT] VERBOSE: Importing initializer: 3601
[TensorRT] VERBOSE: Importing initializer: 3602
[TensorRT] VERBOSE: Importing initializer: 3603
[TensorRT] WARNING: onnx2trt_utils.cpp:320: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.
[TensorRT] VERBOSE: Importing initializer: 3604
[TensorRT] VERBOSE: Importing initializer: 3605
[TensorRT] VERBOSE: Importing initializer: 3606
[TensorRT] VERBOSE: Importing initializer: 3607
[TensorRT] VERBOSE: Importing initializer: 3608
[TensorRT] VERBOSE: Importing initializer: 3609
[TensorRT] VERBOSE: Importing initializer: 3610
[TensorRT] VERBOSE: Importing initializer: 3611
[TensorRT] VERBOSE: Importing initializer: 3612
[TensorRT] VERBOSE: Importing initializer: 3613
[TensorRT] VERBOSE: Importing initializer: 3614
[TensorRT] VERBOSE: Importing initializer: 3615
[TensorRT] VERBOSE: Importing initializer: 3616
[TensorRT] VERBOSE: Importing initializer: 3624
[TensorRT] VERBOSE: Importing initializer: 3626
[TensorRT] VERBOSE: Importing initializer: 3634
[TensorRT] VERBOSE: Importing initializer: 3636
[TensorRT] VERBOSE: Importing initializer: 3644
[TensorRT] VERBOSE: Importing initializer: 3646
[TensorRT] VERBOSE: Importing initializer: 3654
[TensorRT] VERBOSE: Importing initializer: 3656
[TensorRT] VERBOSE: Importing initializer: 3664
[TensorRT] VERBOSE: Importing initializer: 3666
[TensorRT] VERBOSE: Importing initializer: 3674
[TensorRT] VERBOSE: Importing initializer: 3676
[TensorRT] VERBOSE: Importing initializer: 3684
[TensorRT] VERBOSE: Importing initializer: 3686
[TensorRT] VERBOSE: Importing initializer: 3694
[TensorRT] VERBOSE: Importing initializer: 3696
[TensorRT] VERBOSE: Importing initializer: 3704
[TensorRT] VERBOSE: Importing initializer: 3706
[TensorRT] VERBOSE: Importing initializer: 3714
[TensorRT] VERBOSE: Importing initializer: 3716
[TensorRT] VERBOSE: Importing initializer: 3724
[TensorRT] VERBOSE: Importing initializer: 3726
[TensorRT] VERBOSE: Importing initializer: 3734
[TensorRT] VERBOSE: Importing initializer: 3736
[TensorRT] VERBOSE: Importing initializer: 3744
[TensorRT] VERBOSE: Importing initializer: 3746
[TensorRT] VERBOSE: Importing initializer: 3754
[TensorRT] VERBOSE: Importing initializer: 3756
[TensorRT] VERBOSE: Importing initializer: 3764
[TensorRT] VERBOSE: Importing initializer: 3766
[TensorRT] VERBOSE: Importing initializer: 3774
[TensorRT] VERBOSE: Importing initializer: 3776
[TensorRT] VERBOSE: Importing initializer: 3784
[TensorRT] VERBOSE: Importing initializer: 3786
[TensorRT] VERBOSE: Importing initializer: 3794
[TensorRT] VERBOSE: Importing initializer: 3796
[TensorRT] VERBOSE: Importing initializer: 3804
[TensorRT] VERBOSE: Importing initializer: 3806
[TensorRT] VERBOSE: Importing initializer: 3814
[TensorRT] VERBOSE: Importing initializer: 3816
[TensorRT] VERBOSE: Importing initializer: 3824
[TensorRT] VERBOSE: Importing initializer: 3826
[TensorRT] VERBOSE: Importing initializer: 3834
[TensorRT] VERBOSE: Importing initializer: 3836
[TensorRT] VERBOSE: Importing initializer: 3844
[TensorRT] VERBOSE: Importing initializer: 3846
[TensorRT] VERBOSE: Importing initializer: 3854
[TensorRT] VERBOSE: Importing initializer: 3856
[TensorRT] VERBOSE: Importing initializer: 3864
[TensorRT] VERBOSE: Importing initializer: 3866
[TensorRT] VERBOSE: Importing initializer: 3874
[TensorRT] VERBOSE: Importing initializer: 3876
[TensorRT] VERBOSE: Importing initializer: 3884
[TensorRT] VERBOSE: Importing initializer: 3886
[TensorRT] VERBOSE: Importing initializer: 3894
[TensorRT] VERBOSE: Importing initializer: 3896
[TensorRT] VERBOSE: Importing initializer: 3904
[TensorRT] VERBOSE: Importing initializer: 3906
[TensorRT] VERBOSE: Importing initializer: 3914
[TensorRT] VERBOSE: Importing initializer: 3916
[TensorRT] VERBOSE: Importing initializer: 3924
[TensorRT] VERBOSE: Importing initializer: 3926
[TensorRT] VERBOSE: Importing initializer: 3934
[TensorRT] VERBOSE: Importing initializer: 3936
[TensorRT] VERBOSE: Importing initializer: 3944
[TensorRT] VERBOSE: Importing initializer: 3946
[TensorRT] VERBOSE: Importing initializer: 3954
[TensorRT] VERBOSE: Importing initializer: 3956
[TensorRT] VERBOSE: Importing initializer: 3964
[TensorRT] VERBOSE: Importing initializer: 3966
[TensorRT] VERBOSE: Importing initializer: 3974
[TensorRT] VERBOSE: Importing initializer: 3976
[TensorRT] VERBOSE: Importing initializer: 3984
[TensorRT] VERBOSE: Importing initializer: 3986
[TensorRT] VERBOSE: Importing initializer: 3994
[TensorRT] VERBOSE: Importing initializer: 3996
[TensorRT] VERBOSE: Importing initializer: 4004
[TensorRT] VERBOSE: Importing initializer: 4006
[TensorRT] VERBOSE: Importing initializer: 4014
[TensorRT] VERBOSE: Importing initializer: 4016
[TensorRT] VERBOSE: Importing initializer: 4024
[TensorRT] VERBOSE: Importing initializer: 4026
[TensorRT] VERBOSE: Importing initializer: 4034
[TensorRT] VERBOSE: Importing initializer: 4036
[TensorRT] VERBOSE: Importing initializer: 4044
[TensorRT] VERBOSE: Importing initializer: 4046
[TensorRT] VERBOSE: Importing initializer: 4054
[TensorRT] VERBOSE: Importing initializer: 4056
[TensorRT] VERBOSE: Importing initializer: 4064
[TensorRT] VERBOSE: Importing initializer: 4066
[TensorRT] VERBOSE: Importing initializer: 4074
[TensorRT] VERBOSE: Importing initializer: 4076
[TensorRT] VERBOSE: Importing initializer: 4084
[TensorRT] VERBOSE: Importing initializer: 4086
[TensorRT] VERBOSE: Importing initializer: 4094
[TensorRT] VERBOSE: Importing initializer: 4096
[TensorRT] VERBOSE: Importing initializer: 4104
[TensorRT] VERBOSE: Importing initializer: 4106
[TensorRT] VERBOSE: Importing initializer: 4114
[TensorRT] VERBOSE: Importing initializer: 4116
[TensorRT] VERBOSE: Importing initializer: 4124
[TensorRT] VERBOSE: Importing initializer: 4126
[TensorRT] VERBOSE: Importing initializer: 4134
[TensorRT] VERBOSE: Importing initializer: 4136
[TensorRT] VERBOSE: Importing initializer: 4144
[TensorRT] VERBOSE: Importing initializer: 4146
[TensorRT] VERBOSE: Importing initializer: 4147
[TensorRT] VERBOSE: Importing initializer: 4148
[TensorRT] VERBOSE: Importing initializer: 4149
[TensorRT] VERBOSE: Importing initializer: 4150
[TensorRT] VERBOSE: Importing initializer: 4151
[TensorRT] VERBOSE: Importing initializer: 4152
[TensorRT] VERBOSE: Importing initializer: 4153
[TensorRT] VERBOSE: Importing initializer: 4154
[TensorRT] VERBOSE: Importing initializer: 4155
[TensorRT] VERBOSE: Importing initializer: 4156
[TensorRT] VERBOSE: Importing initializer: 4157
[TensorRT] VERBOSE: Importing initializer: 4158
[TensorRT] VERBOSE: Importing initializer: 4159
[TensorRT] VERBOSE: Importing initializer: 4160
[TensorRT] VERBOSE: Importing initializer: 4161
[TensorRT] VERBOSE: Importing initializer: 4162
[TensorRT] VERBOSE: Importing initializer: 4163
[TensorRT] VERBOSE: Importing initializer: 4164
[TensorRT] VERBOSE: Importing initializer: 4165
[TensorRT] VERBOSE: Importing initializer: 4166
[TensorRT] VERBOSE: Importing initializer: 4167
[TensorRT] VERBOSE: Importing initializer: 4168
[TensorRT] VERBOSE: Importing initializer: 4169
[TensorRT] VERBOSE: Importing initializer: 4170
[TensorRT] VERBOSE: Importing initializer: 4171
[TensorRT] VERBOSE: Importing initializer: 4172
[TensorRT] VERBOSE: Importing initializer: 4173
[TensorRT] VERBOSE: Importing initializer: 4174
[TensorRT] VERBOSE: Importing initializer: 4175
[TensorRT] VERBOSE: Importing initializer: 4176
[TensorRT] VERBOSE: Importing initializer: 4177
[TensorRT] VERBOSE: Importing initializer: 4178
[TensorRT] VERBOSE: Importing initializer: 4179
[TensorRT] VERBOSE: Importing initializer: 4180
[TensorRT] VERBOSE: Importing initializer: 4181
[TensorRT] VERBOSE: Importing initializer: 4182
[TensorRT] VERBOSE: Importing initializer: 4183
[TensorRT] VERBOSE: Importing initializer: 4184
[TensorRT] VERBOSE: Importing initializer: 4185
[TensorRT] VERBOSE: Importing initializer: 4186
[TensorRT] VERBOSE: Importing initializer: 4187
[TensorRT] VERBOSE: Importing initializer: 4188
[TensorRT] VERBOSE: Importing initializer: 4189
[TensorRT] VERBOSE: Importing initializer: 4190
[TensorRT] VERBOSE: Importing initializer: 4191
[TensorRT] VERBOSE: Importing initializer: 4192
[TensorRT] VERBOSE: Importing initializer: 4193
[TensorRT] VERBOSE: Importing initializer: 4194
[TensorRT] VERBOSE: Importing initializer: 4195
[TensorRT] VERBOSE: Importing initializer: 4196
[TensorRT] VERBOSE: Importing initializer: 4197
[TensorRT] VERBOSE: Importing initializer: 4198
[TensorRT] VERBOSE: Importing initializer: 4199
[TensorRT] VERBOSE: Importing initializer: 4200
[TensorRT] VERBOSE: Importing initializer: 4201
[TensorRT] VERBOSE: Importing initializer: 4202
[TensorRT] VERBOSE: Importing initializer: 4203
[TensorRT] VERBOSE: Importing initializer: 4204
[TensorRT] VERBOSE: Importing initializer: 4205
[TensorRT] VERBOSE: Importing initializer: 4206
[TensorRT] VERBOSE: Importing initializer: 4207
[TensorRT] VERBOSE: Importing initializer: 4208
[TensorRT] VERBOSE: Importing initializer: 4209
[TensorRT] VERBOSE: Importing initializer: 4210
[TensorRT] VERBOSE: Importing initializer: 4211
[TensorRT] VERBOSE: Importing initializer: 4212
[TensorRT] VERBOSE: Importing initializer: 4213
[TensorRT] VERBOSE: Importing initializer: 4214
[TensorRT] VERBOSE: Parsing node: Shape_0 [Shape]
[TensorRT] VERBOSE: Searching for input: image.1
[TensorRT] VERBOSE: Shape_0 [Shape] inputs: [image.1 → (3, 300, 400)],
[TensorRT] VERBOSE: Registering layer: Shape_0 for ONNX node: Shape_0
[TensorRT] VERBOSE: Registering tensor: 297 for ONNX tensor: 297
[TensorRT] VERBOSE: Shape_0 [Shape] outputs: [297 → (3)],
[TensorRT] VERBOSE: Parsing node: Constant_1 [Constant]
[TensorRT] VERBOSE: Constant_1 [Constant] inputs:
[TensorRT] VERBOSE: Constant_1 [Constant] outputs: [298 → ()],
[TensorRT] VERBOSE: Parsing node: Gather_2 [Gather]
[TensorRT] VERBOSE: Searching for input: 297
[TensorRT] VERBOSE: Searching for input: 298
[TensorRT] VERBOSE: Gather_2 [Gather] inputs: [297 → (3)], [298 → ()],
[TensorRT] VERBOSE: Registering layer: 298 for ONNX node: 298
[TensorRT] VERBOSE: Using Gather axis: 0
[TensorRT] VERBOSE: Registering layer: Gather_2 for ONNX node: Gather_2
[TensorRT] VERBOSE: Registering tensor: 299 for ONNX tensor: 299
[TensorRT] VERBOSE: Gather_2 [Gather] outputs: [299 → ()],
[TensorRT] VERBOSE: Parsing node: Shape_3 [Shape]
[TensorRT] VERBOSE: Searching for input: image.1
[TensorRT] VERBOSE: Shape_3 [Shape] inputs: [image.1 → (3, 300, 400)],
[TensorRT] VERBOSE: Registering layer: Shape_3 for ONNX node: Shape_3
[TensorRT] VERBOSE: Registering tensor: 300 for ONNX tensor: 300
[TensorRT] VERBOSE: Shape_3 [Shape] outputs: [300 → (3)],
[TensorRT] VERBOSE: Parsing node: Constant_4 [Constant]
[TensorRT] VERBOSE: Constant_4 [Constant] inputs:
[TensorRT] VERBOSE: Constant_4 [Constant] outputs: [301 → ()],
[TensorRT] VERBOSE: Parsing node: Gather_5 [Gather]
[TensorRT] VERBOSE: Searching for input: 300
[TensorRT] VERBOSE: Searching for input: 301
[TensorRT] VERBOSE: Gather_5 [Gather] inputs: [300 → (3)], [301 → ()],
[TensorRT] VERBOSE: Registering layer: 301 for ONNX node: 301
[TensorRT] VERBOSE: Using Gather axis: 0
[TensorRT] VERBOSE: Registering layer: Gather_5 for ONNX node: Gather_5
[TensorRT] VERBOSE: Registering tensor: 302 for ONNX tensor: 302
[TensorRT] VERBOSE: Gather_5 [Gather] outputs: [302 → ()],
[TensorRT] VERBOSE: Parsing node: Shape_6 [Shape]
[TensorRT] VERBOSE: Searching for input: image.3
[TensorRT] VERBOSE: Shape_6 [Shape] inputs: [image.3 → (3, 500, 400)],
[TensorRT] VERBOSE: Registering layer: Shape_6 for ONNX node: Shape_6
[TensorRT] VERBOSE: Registering tensor: 303 for ONNX tensor: 303
[TensorRT] VERBOSE: Shape_6 [Shape] outputs: [303 → (3)],
[TensorRT] VERBOSE: Parsing node: Constant_7 [Constant]
[TensorRT] VERBOSE: Constant_7 [Constant] inputs:
[TensorRT] VERBOSE: Constant_7 [Constant] outputs: [304 → ()],
[TensorRT] VERBOSE: Parsing node: Gather_8 [Gather]
[TensorRT] VERBOSE: Searching for input: 303
[TensorRT] VERBOSE: Searching for input: 304
[TensorRT] VERBOSE: Gather_8 [Gather] inputs: [303 → (3)], [304 → ()],
[TensorRT] VERBOSE: Registering layer: 304 for ONNX node: 304
[TensorRT] VERBOSE: Using Gather axis: 0
[TensorRT] VERBOSE: Registering layer: Gather_8 for ONNX node: Gather_8
[TensorRT] VERBOSE: Registering tensor: 305 for ONNX tensor: 305
[TensorRT] VERBOSE: Gather_8 [Gather] outputs: [305 → ()],
[TensorRT] VERBOSE: Parsing node: Shape_9 [Shape]
[TensorRT] VERBOSE: Searching for input: image.3
[TensorRT] VERBOSE: Shape_9 [Shape] inputs: [image.3 → (3, 500, 400)],
[TensorRT] VERBOSE: Registering layer: Shape_9 for ONNX node: Shape_9
[TensorRT] VERBOSE: Registering tensor: 306 for ONNX tensor: 306
[TensorRT] VERBOSE: Shape_9 [Shape] outputs: [306 → (3)],
[TensorRT] VERBOSE: Parsing node: Constant_10 [Constant]
[TensorRT] VERBOSE: Constant_10 [Constant] inputs:
[TensorRT] VERBOSE: Constant_10 [Constant] outputs: [307 → ()],
[TensorRT] VERBOSE: Parsing node: Gather_11 [Gather]
[TensorRT] VERBOSE: Searching for input: 306
[TensorRT] VERBOSE: Searching for input: 307
[TensorRT] VERBOSE: Gather_11 [Gather] inputs: [306 → (3)], [307 → ()],
[TensorRT] VERBOSE: Registering layer: 307 for ONNX node: 307
[TensorRT] VERBOSE: Using Gather axis: 0
[TensorRT] VERBOSE: Registering layer: Gather_11 for ONNX node: Gather_11
[TensorRT] VERBOSE: Registering tensor: 308 for ONNX tensor: 308
[TensorRT] VERBOSE: Gather_11 [Gather] outputs: [308 → ()],
[TensorRT] VERBOSE: Parsing node: Constant_12 [Constant]
[TensorRT] VERBOSE: Constant_12 [Constant] inputs:
[TensorRT] VERBOSE: Constant_12 [Constant] outputs: [309 → (3, 1, 1)],
[TensorRT] VERBOSE: Parsing node: Sub_13 [Sub]
[TensorRT] VERBOSE: Searching for input: image.1
[TensorRT] VERBOSE: Searching for input: 309
[TensorRT] VERBOSE: Sub_13 [Sub] inputs: [image.1 → (3, 300, 400)], [309 → (3, 1, 1)],
[TensorRT] VERBOSE: Registering layer: 309 for ONNX node: 309
[TensorRT] VERBOSE: Registering layer: Sub_13 for ONNX node: Sub_13
[TensorRT] VERBOSE: Registering tensor: 310 for ONNX tensor: 310
[TensorRT] VERBOSE: Sub_13 [Sub] outputs: [310 → (3, 300, 400)],
[TensorRT] VERBOSE: Parsing node: Constant_14 [Constant]
[TensorRT] VERBOSE: Constant_14 [Constant] inputs:
[TensorRT] VERBOSE: Constant_14 [Constant] outputs: [311 → (3, 1, 1)],
[TensorRT] VERBOSE: Parsing node: Div_15 [Div]
[TensorRT] VERBOSE: Searching for input: 310
[TensorRT] VERBOSE: Searching for input: 311
[TensorRT] VERBOSE: Div_15 [Div] inputs: [310 → (3, 300, 400)], [311 → (3, 1, 1)],
[TensorRT] VERBOSE: Registering layer: 311 for ONNX node: 311
[TensorRT] VERBOSE: Registering layer: Div_15 for ONNX node: Div_15
[TensorRT] VERBOSE: Registering tensor: 312 for ONNX tensor: 312
[TensorRT] VERBOSE: Div_15 [Div] outputs: [312 → (3, 300, 400)],
[TensorRT] VERBOSE: Parsing node: Shape_16 [Shape]
[TensorRT] VERBOSE: Searching for input: 312
[TensorRT] VERBOSE: Shape_16 [Shape] inputs: [312 → (3, 300, 400)],
[TensorRT] VERBOSE: Registering layer: Shape_16 for ONNX node: Shape_16
[TensorRT] VERBOSE: Registering tensor: 313 for ONNX tensor: 313
[TensorRT] VERBOSE: Shape_16 [Shape] outputs: [313 → (3)],
[TensorRT] VERBOSE: Parsing node: Constant_17 [Constant]
[TensorRT] VERBOSE: Constant_17 [Constant] inputs:
[TensorRT] VERBOSE: Constant_17 [Constant] outputs: [314 → (1)],
[TensorRT] VERBOSE: Parsing node: Constant_18 [Constant]
[TensorRT] VERBOSE: Constant_18 [Constant] inputs:
[TensorRT] VERBOSE: Constant_18 [Constant] outputs: [315 → (1)],
[TensorRT] VERBOSE: Parsing node: Constant_19 [Constant]
[TensorRT] VERBOSE: Constant_19 [Constant] inputs:
[TensorRT] VERBOSE: Weight at index 0: 9223372036854775807 is out of range. Clamping to: 2147483647
[TensorRT] WARNING: onnx2trt_utils.cpp:346: One or more weights outside the range of INT32 was clamped
[TensorRT] VERBOSE: Constant_19 [Constant] outputs: [316 → (1)],
[TensorRT] VERBOSE: Parsing node: Constant_20 [Constant]
[TensorRT] VERBOSE: Constant_20 [Constant] inputs:
[TensorRT] VERBOSE: Constant_20 [Constant] outputs: [317 → (1)],
[TensorRT] VERBOSE: Parsing node: Slice_21 [Slice]
[TensorRT] VERBOSE: Searching for input: 313
[TensorRT] VERBOSE: Searching for input: 315
[TensorRT] VERBOSE: Searching for input: 316
[TensorRT] VERBOSE: Searching for input: 314
[TensorRT] VERBOSE: Searching for input: 317
[TensorRT] VERBOSE: Slice_21 [Slice] inputs: [313 → (3)], [315 → (1)], [316 → (1)], [314 → (1)], [317 → (1)],
[TensorRT] VERBOSE: Registering layer: Slice_21 for ONNX node: Slice_21
[TensorRT] VERBOSE: Registering tensor: 318 for ONNX tensor: 318
[TensorRT] VERBOSE: Slice_21 [Slice] outputs: [318 → (2)],
[TensorRT] VERBOSE: Parsing node: ReduceMin_22 [ReduceMin]
[TensorRT] VERBOSE: Searching for input: 318
[TensorRT] VERBOSE: ReduceMin_22 [ReduceMin] inputs: [318 → (2)],
[TensorRT] VERBOSE: Registering layer: ReduceMin_22 for ONNX node: ReduceMin_22
[TensorRT] VERBOSE: Registering tensor: 319 for ONNX tensor: 319
[TensorRT] VERBOSE: ReduceMin_22 [ReduceMin] outputs: [319 → ()],
[TensorRT] VERBOSE: Parsing node: Cast_23 [Cast]
[TensorRT] VERBOSE: Searching for input: 319
[TensorRT] VERBOSE: Cast_23 [Cast] inputs: [319 → ()],
[TensorRT] VERBOSE: Casting to type: float32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_23 for ONNX node: Cast_23
[TensorRT] VERBOSE: Registering tensor: 320 for ONNX tensor: 320
[TensorRT] VERBOSE: Cast_23 [Cast] outputs: [320 → ()],
[TensorRT] VERBOSE: Parsing node: ReduceMax_24 [ReduceMax]
[TensorRT] VERBOSE: Searching for input: 318
[TensorRT] VERBOSE: ReduceMax_24 [ReduceMax] inputs: [318 → (2)],
[TensorRT] VERBOSE: Registering layer: ReduceMax_24 for ONNX node: ReduceMax_24
[TensorRT] VERBOSE: Registering tensor: 321 for ONNX tensor: 321
[TensorRT] VERBOSE: ReduceMax_24 [ReduceMax] outputs: [321 → ()],
[TensorRT] VERBOSE: Parsing node: Cast_25 [Cast]
[TensorRT] VERBOSE: Searching for input: 321
[TensorRT] VERBOSE: Cast_25 [Cast] inputs: [321 → ()],
[TensorRT] VERBOSE: Casting to type: float32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_25 for ONNX node: Cast_25
[TensorRT] VERBOSE: Registering tensor: 322 for ONNX tensor: 322
[TensorRT] VERBOSE: Cast_25 [Cast] outputs: [322 → ()],
[TensorRT] VERBOSE: Parsing node: Constant_26 [Constant]
[TensorRT] VERBOSE: Constant_26 [Constant] inputs:
[TensorRT] VERBOSE: Constant_26 [Constant] outputs: [323 → ()],
[TensorRT] VERBOSE: Parsing node: Div_27 [Div]
[TensorRT] VERBOSE: Searching for input: 323
[TensorRT] VERBOSE: Searching for input: 320
[TensorRT] VERBOSE: Div_27 [Div] inputs: [323 → ()], [320 → ()],
[TensorRT] VERBOSE: Registering layer: 323 for ONNX node: 323
[TensorRT] VERBOSE: Registering layer: Div_27 for ONNX node: Div_27
[TensorRT] VERBOSE: Registering tensor: 324 for ONNX tensor: 324
[TensorRT] VERBOSE: Div_27 [Div] outputs: [324 → ()],
[TensorRT] VERBOSE: Parsing node: Constant_28 [Constant]
[TensorRT] VERBOSE: Constant_28 [Constant] inputs:
[TensorRT] VERBOSE: Constant_28 [Constant] outputs: [325 → ()],
[TensorRT] VERBOSE: Parsing node: Mul_29 [Mul]
[TensorRT] VERBOSE: Searching for input: 324
[TensorRT] VERBOSE: Searching for input: 325
[TensorRT] VERBOSE: Mul_29 [Mul] inputs: [324 → ()], [325 → ()],
[TensorRT] VERBOSE: Registering layer: 325 for ONNX node: 325
[TensorRT] VERBOSE: Registering layer: Mul_29 for ONNX node: Mul_29
[TensorRT] VERBOSE: Registering tensor: 326 for ONNX tensor: 326
[TensorRT] VERBOSE: Mul_29 [Mul] outputs: [326 → ()],
[TensorRT] VERBOSE: Parsing node: Constant_30 [Constant]
[TensorRT] VERBOSE: Constant_30 [Constant] inputs:
[TensorRT] VERBOSE: Constant_30 [Constant] outputs: [327 → ()],
[TensorRT] VERBOSE: Parsing node: Div_31 [Div]
[TensorRT] VERBOSE: Searching for input: 327
[TensorRT] VERBOSE: Searching for input: 322
[TensorRT] VERBOSE: Div_31 [Div] inputs: [327 → ()], [322 → ()],
[TensorRT] VERBOSE: Registering layer: 327 for ONNX node: 327
[TensorRT] VERBOSE: Registering layer: Div_31 for ONNX node: Div_31
[TensorRT] VERBOSE: Registering tensor: 328 for ONNX tensor: 328
[TensorRT] VERBOSE: Div_31 [Div] outputs: [328 → ()],
[TensorRT] VERBOSE: Parsing node: Constant_32 [Constant]
[TensorRT] VERBOSE: Constant_32 [Constant] inputs:
[TensorRT] VERBOSE: Constant_32 [Constant] outputs: [329 → ()],
[TensorRT] VERBOSE: Parsing node: Mul_33 [Mul]
[TensorRT] VERBOSE: Searching for input: 328
[TensorRT] VERBOSE: Searching for input: 329
[TensorRT] VERBOSE: Mul_33 [Mul] inputs: [328 → ()], [329 → ()],
[TensorRT] VERBOSE: Registering layer: 329 for ONNX node: 329
[TensorRT] VERBOSE: Registering layer: Mul_33 for ONNX node: Mul_33
[TensorRT] VERBOSE: Registering tensor: 330 for ONNX tensor: 330
[TensorRT] VERBOSE: Mul_33 [Mul] outputs: [330 → ()],
[TensorRT] VERBOSE: Parsing node: Min_34 [Min]
[TensorRT] VERBOSE: Searching for input: 326
[TensorRT] VERBOSE: Searching for input: 330
[TensorRT] VERBOSE: Min_34 [Min] inputs: [326 → ()], [330 → ()],
[TensorRT] VERBOSE: Registering layer: Min_34 for ONNX node: Min_34
[TensorRT] VERBOSE: Registering tensor: 331 for ONNX tensor: 331
[TensorRT] VERBOSE: Min_34 [Min] outputs: [331 → ()],
[TensorRT] VERBOSE: Parsing node: Unsqueeze_35 [Unsqueeze]
[TensorRT] VERBOSE: Searching for input: 312
[TensorRT] VERBOSE: Unsqueeze_35 [Unsqueeze] inputs: [312 → (3, 300, 400)],
[TensorRT] VERBOSE: Original shape: (3, 300, 400), unsqueezing to: (1, 3, 300, 400)
[TensorRT] VERBOSE: Registering layer: Unsqueeze_35 for ONNX node: Unsqueeze_35
[TensorRT] VERBOSE: Registering tensor: 332 for ONNX tensor: 332
[TensorRT] VERBOSE: Unsqueeze_35 [Unsqueeze] outputs: [332 → (1, 3, 300, 400)],
[TensorRT] VERBOSE: Parsing node: Shape_36 [Shape]
[TensorRT] VERBOSE: Searching for input: 332
[TensorRT] VERBOSE: Shape_36 [Shape] inputs: [332 → (1, 3, 300, 400)],
[TensorRT] VERBOSE: Registering layer: Shape_36 for ONNX node: Shape_36
[TensorRT] VERBOSE: Registering tensor: 333 for ONNX tensor: 333
[TensorRT] VERBOSE: Shape_36 [Shape] outputs: [333 → (4)],
[TensorRT] VERBOSE: Parsing node: Constant_37 [Constant]
[TensorRT] VERBOSE: Constant_37 [Constant] inputs:
[TensorRT] VERBOSE: Constant_37 [Constant] outputs: [334 → ()],
[TensorRT] VERBOSE: Parsing node: Gather_38 [Gather]
[TensorRT] VERBOSE: Searching for input: 333
[TensorRT] VERBOSE: Searching for input: 334
[TensorRT] VERBOSE: Gather_38 [Gather] inputs: [333 → (4)], [334 → ()],
[TensorRT] VERBOSE: Registering layer: 334 for ONNX node: 334
[TensorRT] VERBOSE: Using Gather axis: 0
[TensorRT] VERBOSE: Registering layer: Gather_38 for ONNX node: Gather_38
[TensorRT] VERBOSE: Registering tensor: 335 for ONNX tensor: 335
[TensorRT] VERBOSE: Gather_38 [Gather] outputs: [335 → ()],
[TensorRT] VERBOSE: Parsing node: Cast_39 [Cast]
[TensorRT] VERBOSE: Searching for input: 335
[TensorRT] VERBOSE: Cast_39 [Cast] inputs: [335 → ()],
[TensorRT] VERBOSE: Casting to type: float32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_39 for ONNX node: Cast_39
[TensorRT] VERBOSE: Registering tensor: 336 for ONNX tensor: 336
[TensorRT] VERBOSE: Cast_39 [Cast] outputs: [336 → ()],
[TensorRT] VERBOSE: Parsing node: Cast_40 [Cast]
[TensorRT] VERBOSE: Searching for input: 331
[TensorRT] VERBOSE: Cast_40 [Cast] inputs: [331 → ()],
[TensorRT] VERBOSE: Casting to type: float32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_40 for ONNX node: Cast_40
[TensorRT] VERBOSE: Registering tensor: 337 for ONNX tensor: 337
[TensorRT] VERBOSE: Cast_40 [Cast] outputs: [337 → ()],
[TensorRT] VERBOSE: Parsing node: Mul_41 [Mul]
[TensorRT] VERBOSE: Searching for input: 336
[TensorRT] VERBOSE: Searching for input: 337
[TensorRT] VERBOSE: Mul_41 [Mul] inputs: [336 → ()], [337 → ()],
[TensorRT] VERBOSE: Registering layer: Mul_41 for ONNX node: Mul_41
[TensorRT] VERBOSE: Registering tensor: 338 for ONNX tensor: 338
[TensorRT] VERBOSE: Mul_41 [Mul] outputs: [338 → ()],
[TensorRT] VERBOSE: Parsing node: Cast_42 [Cast]
[TensorRT] VERBOSE: Searching for input: 338
[TensorRT] VERBOSE: Cast_42 [Cast] inputs: [338 → ()],
[TensorRT] VERBOSE: Casting to type: float32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_42 for ONNX node: Cast_42
[TensorRT] VERBOSE: Registering tensor: 339 for ONNX tensor: 339
[TensorRT] VERBOSE: Cast_42 [Cast] outputs: [339 → ()],
[TensorRT] VERBOSE: Parsing node: Floor_43 [Floor]
[TensorRT] VERBOSE: Searching for input: 339
[TensorRT] VERBOSE: Floor_43 [Floor] inputs: [339 → ()],
[TensorRT] VERBOSE: Original shape: (), unsqueezing to: (1,)
[TensorRT] VERBOSE: Registering layer: Floor_43 for ONNX node: Floor_43
[TensorRT] VERBOSE: Original shape: (1,), squeezing to: ()
[TensorRT] VERBOSE: Registering tensor: 340 for ONNX tensor: 340
[TensorRT] VERBOSE: Floor_43 [Floor] outputs: [340 → ()],
[TensorRT] VERBOSE: Parsing node: Shape_44 [Shape]
[TensorRT] VERBOSE: Searching for input: 332
[TensorRT] VERBOSE: Shape_44 [Shape] inputs: [332 → (1, 3, 300, 400)],
[TensorRT] VERBOSE: Registering layer: Shape_44 for ONNX node: Shape_44
[TensorRT] VERBOSE: Registering tensor: 341 for ONNX tensor: 341
[TensorRT] VERBOSE: Shape_44 [Shape] outputs: [341 → (4)],
[TensorRT] VERBOSE: Parsing node: Constant_45 [Constant]
[TensorRT] VERBOSE: Constant_45 [Constant] inputs:
[TensorRT] VERBOSE: Constant_45 [Constant] outputs: [342 → ()],
[TensorRT] VERBOSE: Parsing node: Gather_46 [Gather]
[TensorRT] VERBOSE: Searching for input: 341
[TensorRT] VERBOSE: Searching for input: 342
[TensorRT] VERBOSE: Gather_46 [Gather] inputs: [341 → (4)], [342 → ()],
[TensorRT] VERBOSE: Registering layer: 342 for ONNX node: 342
[TensorRT] VERBOSE: Using Gather axis: 0
[TensorRT] VERBOSE: Registering layer: Gather_46 for ONNX node: Gather_46
[TensorRT] VERBOSE: Registering tensor: 343 for ONNX tensor: 343
[TensorRT] VERBOSE: Gather_46 [Gather] outputs: [343 → ()],
[TensorRT] VERBOSE: Parsing node: Cast_47 [Cast]
[TensorRT] VERBOSE: Searching for input: 343
[TensorRT] VERBOSE: Cast_47 [Cast] inputs: [343 → ()],
[TensorRT] VERBOSE: Casting to type: float32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_47 for ONNX node: Cast_47
[TensorRT] VERBOSE: Registering tensor: 344 for ONNX tensor: 344
[TensorRT] VERBOSE: Cast_47 [Cast] outputs: [344 → ()],
[TensorRT] VERBOSE: Parsing node: Cast_48 [Cast]
[TensorRT] VERBOSE: Searching for input: 331
[TensorRT] VERBOSE: Cast_48 [Cast] inputs: [331 → ()],
[TensorRT] VERBOSE: Casting to type: float32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_48 for ONNX node: Cast_48
[TensorRT] VERBOSE: Registering tensor: 345 for ONNX tensor: 345
[TensorRT] VERBOSE: Cast_48 [Cast] outputs: [345 → ()],
[TensorRT] VERBOSE: Parsing node: Mul_49 [Mul]
[TensorRT] VERBOSE: Searching for input: 344
[TensorRT] VERBOSE: Searching for input: 345
[TensorRT] VERBOSE: Mul_49 [Mul] inputs: [344 → ()], [345 → ()],
[TensorRT] VERBOSE: Registering layer: Mul_49 for ONNX node: Mul_49
[TensorRT] VERBOSE: Registering tensor: 346 for ONNX tensor: 346
[TensorRT] VERBOSE: Mul_49 [Mul] outputs: [346 → ()],
[TensorRT] VERBOSE: Parsing node: Cast_50 [Cast]
[TensorRT] VERBOSE: Searching for input: 346
[TensorRT] VERBOSE: Cast_50 [Cast] inputs: [346 → ()],
[TensorRT] VERBOSE: Casting to type: float32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_50 for ONNX node: Cast_50
[TensorRT] VERBOSE: Registering tensor: 347 for ONNX tensor: 347
[TensorRT] VERBOSE: Cast_50 [Cast] outputs: [347 → ()],
[TensorRT] VERBOSE: Parsing node: Floor_51 [Floor]
[TensorRT] VERBOSE: Searching for input: 347
[TensorRT] VERBOSE: Floor_51 [Floor] inputs: [347 → ()],
[TensorRT] VERBOSE: Original shape: (), unsqueezing to: (1,)
[TensorRT] VERBOSE: Registering layer: Floor_51 for ONNX node: Floor_51
[TensorRT] VERBOSE: Original shape: (1,), squeezing to: ()
[TensorRT] VERBOSE: Registering tensor: 348 for ONNX tensor: 348
[TensorRT] VERBOSE: Floor_51 [Floor] outputs: [348 → ()],
[TensorRT] VERBOSE: Parsing node: Unsqueeze_52 [Unsqueeze]
[TensorRT] VERBOSE: Searching for input: 340
[TensorRT] VERBOSE: Unsqueeze_52 [Unsqueeze] inputs: [340 → ()],
[TensorRT] VERBOSE: Original shape: (), unsqueezing to: (1,)
[TensorRT] VERBOSE: Registering layer: Unsqueeze_52 for ONNX node: Unsqueeze_52
[TensorRT] VERBOSE: Registering tensor: 349 for ONNX tensor: 349
[TensorRT] VERBOSE: Unsqueeze_52 [Unsqueeze] outputs: [349 → (1)],
[TensorRT] VERBOSE: Parsing node: Unsqueeze_53 [Unsqueeze]
[TensorRT] VERBOSE: Searching for input: 348
[TensorRT] VERBOSE: Unsqueeze_53 [Unsqueeze] inputs: [348 → ()],
[TensorRT] VERBOSE: Original shape: (), unsqueezing to: (1,)
[TensorRT] VERBOSE: Registering layer: Unsqueeze_53 for ONNX node: Unsqueeze_53
[TensorRT] VERBOSE: Registering tensor: 350 for ONNX tensor: 350
[TensorRT] VERBOSE: Unsqueeze_53 [Unsqueeze] outputs: [350 → (1)],
[TensorRT] VERBOSE: Parsing node: Concat_54 [Concat]
[TensorRT] VERBOSE: Searching for input: 349
[TensorRT] VERBOSE: Searching for input: 350
[TensorRT] VERBOSE: Concat_54 [Concat] inputs: [349 → (1)], [350 → (1)],
[TensorRT] VERBOSE: Registering layer: Concat_54 for ONNX node: Concat_54
[TensorRT] VERBOSE: Registering tensor: 351 for ONNX tensor: 351
[TensorRT] VERBOSE: Concat_54 [Concat] outputs: [351 → (2)],
[TensorRT] VERBOSE: Parsing node: Shape_55 [Shape]
[TensorRT] VERBOSE: Searching for input: 332
[TensorRT] VERBOSE: Shape_55 [Shape] inputs: [332 → (1, 3, 300, 400)],
[TensorRT] VERBOSE: Registering layer: Shape_55 for ONNX node: Shape_55
[TensorRT] VERBOSE: Registering tensor: 352 for ONNX tensor: 352
[TensorRT] VERBOSE: Shape_55 [Shape] outputs: [352 → (4)],
[TensorRT] VERBOSE: Parsing node: Constant_56 [Constant]
[TensorRT] VERBOSE: Constant_56 [Constant] inputs:
[TensorRT] VERBOSE: Constant_56 [Constant] outputs: [353 → (1)],
[TensorRT] VERBOSE: Parsing node: Constant_57 [Constant]
[TensorRT] VERBOSE: Constant_57 [Constant] inputs:
[TensorRT] VERBOSE: Constant_57 [Constant] outputs: [354 → (1)],
[TensorRT] VERBOSE: Parsing node: Constant_58 [Constant]
[TensorRT] VERBOSE: Constant_58 [Constant] inputs:
[TensorRT] VERBOSE: Constant_58 [Constant] outputs: [355 → (1)],
[TensorRT] VERBOSE: Parsing node: Slice_59 [Slice]
[TensorRT] VERBOSE: Searching for input: 352
[TensorRT] VERBOSE: Searching for input: 354
[TensorRT] VERBOSE: Searching for input: 355
[TensorRT] VERBOSE: Searching for input: 353
[TensorRT] VERBOSE: Slice_59 [Slice] inputs: [352 → (4)], [354 → (1)], [355 → (1)], [353 → (1)],
[TensorRT] VERBOSE: Registering layer: Slice_59 for ONNX node: Slice_59
[TensorRT] VERBOSE: Registering tensor: 356 for ONNX tensor: 356
[TensorRT] VERBOSE: Slice_59 [Slice] outputs: [356 → (2)],
[TensorRT] VERBOSE: Parsing node: Cast_60 [Cast]
[TensorRT] VERBOSE: Searching for input: 351
[TensorRT] VERBOSE: Cast_60 [Cast] inputs: [351 → (2)],
[TensorRT] VERBOSE: Casting to type: int32
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] VERBOSE: Registering layer: Cast_60 for ONNX node: Cast_60
[TensorRT] VERBOSE: Registering tensor: 357 for ONNX tensor: 357
[TensorRT] VERBOSE: Cast_60 [Cast] outputs: [357 → (2)],
[TensorRT] VERBOSE: Parsing node: Concat_61 [Concat]
[TensorRT] VERBOSE: Searching for input: 356
[TensorRT] VERBOSE: Searching for input: 357
[TensorRT] VERBOSE: Concat_61 [Concat] inputs: [356 → (2)], [357 → (2)],
[TensorRT] VERBOSE: Registering layer: Concat_61 for ONNX node: Concat_61
[TensorRT] VERBOSE: Registering tensor: 358 for ONNX tensor: 358
[TensorRT] VERBOSE: Concat_61 [Concat] outputs: [358 → (4)],
[TensorRT] VERBOSE: Parsing node: Constant_62 [Constant]
[TensorRT] VERBOSE: Constant_62 [Constant] inputs:
[TensorRT] VERBOSE: Constant_62 [Constant] outputs: [359 → ()],
[TensorRT] VERBOSE: Parsing node: Constant_63 [Constant]
[TensorRT] VERBOSE: Constant_63 [Constant] inputs:
[TensorRT] VERBOSE: Constant_63 [Constant] outputs: [360 → ()],
[TensorRT] VERBOSE: Parsing node: Resize_64 [Resize]
[TensorRT] VERBOSE: Searching for input: 332
[TensorRT] VERBOSE: Searching for input: 359
[TensorRT] VERBOSE: Searching for input: 360
[TensorRT] VERBOSE: Searching for input: 358
[TensorRT] VERBOSE: Resize_64 [Resize] inputs: [332 → (1, 3, 300, 400)], [359 → ()], [360 → ()], [358 → (4)],
[TensorRT] VERBOSE: Registering layer: Resize_64 for ONNX node: Resize_64
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] VERBOSE: Plugin creator already registered - ::GridAnchor_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::GridAnchorRect_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::NMS_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::Reorg_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::Region_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::Clip_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::LReLU_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::PriorBox_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::Normalize_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::ScatterND version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::RPROI_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::BatchedNMS_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::FlattenConcat_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::CropAndResize version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::DetectionLayer_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::Proposal version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::ProposalLayer_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::PyramidROIAlign_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::ResizeNearest_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::Split version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::SpecialSlice_TRT version 1
[TensorRT] VERBOSE: Plugin creator already registered - ::InstanceNormalization_TRT version 1
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] ERROR: [graph.cpp::computeInputExecutionUses::510] Error Code 9: Internal Error (Floor_51: IUnaryLayer cannot be used to compute a shape tensor)
[TensorRT] INFO: [MemUsageSnapshot] Builder begin: CPU 1168 MiB, GPU 1065 MiB
[TensorRT] ERROR: 4: [network.cpp::validate::2361] Error Code 4: Internal Error (Network must have at least one output)
Traceback (most recent call last):
File “/home/stefan/dev/co/object-detection-tests/FasterRCNN/detection_test.py”, line 120, in
run_test()
File “/home/stefan/dev/co/object-detection-tests/FasterRCNN/detection_test.py”, line 59, in run_test
context = engine.create_execution_context()
AttributeError: ‘NoneType’ object has no attribute ‘create_execution_context’

Hi,
Please refer to the installation steps from the below link if in case you are missing on anything

However suggested approach is to use TRT NGC containers to avoid any system dependency related issues.

In order to run python sample, make sure TRT python packages are installed while using NGC container.
/opt/tensorrt/python/python_setup.sh
Thanks!

Hi,

I did follow the pip wheel installation steps at: Installation Guide :: NVIDIA Deep Learning TensorRT Documentation. I have followed them again today and end up with the same errors… I can run onnx inference without tensorrt in this environment.

I have now build a docker image based on the TRT NGC container which successfully runs the onnx network inference without tensorrt but still fails when I try to use tensorrt but now with an additional error including the original output.

new traceback:

2021-05-18 05:24:37.413057432 [W:onnxruntime:, graph.cc:3106 CleanUnusedInitializers] Removing initializer ‘2635’. It is not used by any node and should be removed from the model.
2021-05-18 05:24:37.413078029 [W:onnxruntime:, graph.cc:3106 CleanUnusedInitializers] Removing initializer ‘2631’. It is not used by any node and should be removed from the model.
2021-05-18 05:24:37.413084945 [W:onnxruntime:, graph.cc:3106 CleanUnusedInitializers] Removing initializer ‘3172’. It is not used by any node and should be removed from the model.
2021-05-18 05:24:37.413088727 [W:onnxruntime:, graph.cc:3106 CleanUnusedInitializers] Removing initializer ‘3168’. It is not used by any node and should be removed from the model.
2021-05-18 05:24:37.493622866 [W:onnxruntime:Default, cuda_execution_provider.cc:1983 GetCapability] CUDA kernel not found in registries for Op type: ReduceMin node name: ReduceMin_20
2021-05-18 05:24:37.494897778 [W:onnxruntime:Default, cuda_execution_provider.cc:1983 GetCapability] CUDA kernel not found in registries for Op type: ReduceMin node name: ReduceMin_1207
2021-05-18 05:24:37.494955293 [W:onnxruntime:Default, cuda_execution_provider.cc:1983 GetCapability] CUDA kernel not found in registries for Op type: ReduceMin node name: ReduceMin_1195
2021-05-18 05:24:37.494979745 [W:onnxruntime:Default, cuda_execution_provider.cc:1983 GetCapability] CUDA kernel not found in registries for Op type: ReduceMin node name: ReduceMin_1183
2021-05-18 05:24:37.495003054 [W:onnxruntime:Default, cuda_execution_provider.cc:1983 GetCapability] CUDA kernel not found in registries for Op type: ReduceMin node name: ReduceMin_1171
2021-05-18 05:24:37.495027134 [W:onnxruntime:Default, cuda_execution_provider.cc:1983 GetCapability] CUDA kernel not found in registries for Op type: ReduceMin node name: ReduceMin_1157
2021-05-18 05:24:37.495162525 [W:onnxruntime:Default, cuda_execution_provider.cc:1983 GetCapability] CUDA kernel not found in registries for Op type: ReduceProd node name: ReduceProd_1343
2021-05-18 05:24:37.495705790 [W:onnxruntime:Default, cuda_execution_provider.cc:1983 GetCapability] CUDA kernel not found in registries for Op type: ReduceProd node name: ReduceProd_1862
2021-05-18 05:24:37.498113948 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_44
2021-05-18 05:24:37.498123637 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_45
2021-05-18 05:24:37.498133472 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Slice_19
2021-05-18 05:24:37.498138973 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: ReduceMax_22
2021-05-18 05:24:37.498143831 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_23
2021-05-18 05:24:37.498149694 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_29
2021-05-18 05:24:37.498155420 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_31
2021-05-18 05:24:37.498164309 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_36
2021-05-18 05:24:37.498169231 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_37
2021-05-18 05:24:37.498179045 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Slice_57
2021-05-18 05:24:37.498187308 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_109
2021-05-18 05:24:37.498193917 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_73
2021-05-18 05:24:37.498198878 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_74
2021-05-18 05:24:37.498203950 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_75
2021-05-18 05:24:37.498209621 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_76
2021-05-18 05:24:37.498213948 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: ReduceMax_77
2021-05-18 05:24:37.498218158 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_78
2021-05-18 05:24:37.498222947 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Sub_116
2021-05-18 05:24:37.498227097 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_121
2021-05-18 05:24:37.498232056 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_112
2021-05-18 05:24:37.498236989 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_81
2021-05-18 05:24:37.498241110 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_82
2021-05-18 05:24:37.498245026 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_83
2021-05-18 05:24:37.498249101 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_84
2021-05-18 05:24:37.498253556 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: ReduceMax_85
2021-05-18 05:24:37.498257512 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_86
2021-05-18 05:24:37.498261443 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_95
2021-05-18 05:24:37.498266533 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_96
2021-05-18 05:24:37.498270480 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Ceil_97
2021-05-18 05:24:37.498275799 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_99
2021-05-18 05:24:37.498287958 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_100
2021-05-18 05:24:37.498297264 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Sub_117
2021-05-18 05:24:37.498302736 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_120
2021-05-18 05:24:37.498308813 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_115
2021-05-18 05:24:37.498315087 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_89
2021-05-18 05:24:37.498319965 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_90
2021-05-18 05:24:37.498323913 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_91
2021-05-18 05:24:37.498327870 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_92
2021-05-18 05:24:37.498332996 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: ReduceMax_93
2021-05-18 05:24:37.498338134 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_94
2021-05-18 05:24:37.498343315 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_101
2021-05-18 05:24:37.498349462 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_102
2021-05-18 05:24:37.498354442 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Ceil_103
2021-05-18 05:24:37.498360524 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_105
2021-05-18 05:24:37.498365366 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_106
2021-05-18 05:24:37.498370949 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Sub_118
2021-05-18 05:24:37.498375890 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_119
2021-05-18 05:24:37.498385607 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_126
2021-05-18 05:24:37.498392103 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_133
2021-05-18 05:24:37.498398733 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_135
2021-05-18 05:24:37.498407798 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Slice_140
2021-05-18 05:24:37.498412695 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Transpose_141
2021-05-18 05:24:37.498418256 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_143
2021-05-18 05:24:37.498426203 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_495
2021-05-18 05:24:37.498433004 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_489
2021-05-18 05:24:37.498439288 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_531
2021-05-18 05:24:37.498444474 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_697
2021-05-18 05:24:37.498449389 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_695
2021-05-18 05:24:37.498460862 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_498
2021-05-18 05:24:37.498467760 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_492
2021-05-18 05:24:37.498474095 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_535
2021-05-18 05:24:37.498479716 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_693
2021-05-18 05:24:37.498484765 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_691
2021-05-18 05:24:37.498494028 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_705
2021-05-18 05:24:37.498502454 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_483
2021-05-18 05:24:37.498508610 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_523
2021-05-18 05:24:37.498513279 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_659
2021-05-18 05:24:37.498518318 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_657
2021-05-18 05:24:37.498527634 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_486
2021-05-18 05:24:37.498533507 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_527
2021-05-18 05:24:37.498538493 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_655
2021-05-18 05:24:37.498543489 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_653
2021-05-18 05:24:37.498552310 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_667
2021-05-18 05:24:37.498562316 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Slice_390
2021-05-18 05:24:37.498568926 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_382
2021-05-18 05:24:37.498574083 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_384
2021-05-18 05:24:37.498579836 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_379
2021-05-18 05:24:37.498584679 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_383
2021-05-18 05:24:37.498590763 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_385
2021-05-18 05:24:37.498597782 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_392
2021-05-18 05:24:37.498605311 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_477
2021-05-18 05:24:37.498611288 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_515
2021-05-18 05:24:37.498616602 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_621
2021-05-18 05:24:37.498621276 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_619
2021-05-18 05:24:37.498630830 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_480
2021-05-18 05:24:37.498637034 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_519
2021-05-18 05:24:37.498641266 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_617
2021-05-18 05:24:37.498646264 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_615
2021-05-18 05:24:37.498655194 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_629
2021-05-18 05:24:37.498665463 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Slice_412
2021-05-18 05:24:37.498670758 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_404
2021-05-18 05:24:37.498674802 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_406
2021-05-18 05:24:37.498679893 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_401
2021-05-18 05:24:37.498683994 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_405
2021-05-18 05:24:37.498688924 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_407
2021-05-18 05:24:37.498693980 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_414
2021-05-18 05:24:37.498700844 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_471
2021-05-18 05:24:37.498705657 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_507
2021-05-18 05:24:37.498709684 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_583
2021-05-18 05:24:37.498713742 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_581
2021-05-18 05:24:37.498724229 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_474
2021-05-18 05:24:37.498729286 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_511
2021-05-18 05:24:37.498734693 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_579
2021-05-18 05:24:37.498739508 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_577
2021-05-18 05:24:37.498748171 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_591
2021-05-18 05:24:37.498758268 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Slice_434
2021-05-18 05:24:37.498764296 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_426
2021-05-18 05:24:37.498769094 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_428
2021-05-18 05:24:37.498774872 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_423
2021-05-18 05:24:37.498779577 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_427
2021-05-18 05:24:37.498785254 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_429
2021-05-18 05:24:37.498791269 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_436
2021-05-18 05:24:37.498798573 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_465
2021-05-18 05:24:37.498804368 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_499
2021-05-18 05:24:37.498809403 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_545
2021-05-18 05:24:37.498814093 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_543
2021-05-18 05:24:37.498823450 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_468
2021-05-18 05:24:37.498829206 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_503
2021-05-18 05:24:37.498834495 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_541
2021-05-18 05:24:37.498839303 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_539
2021-05-18 05:24:37.498848273 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_553
2021-05-18 05:24:37.498856878 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1012
2021-05-18 05:24:37.498862937 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1015
2021-05-18 05:24:37.498867797 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1102
2021-05-18 05:24:37.498875448 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1103
2021-05-18 05:24:37.498881323 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1017
2021-05-18 05:24:37.498887717 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_965
2021-05-18 05:24:37.498894525 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1002
2021-05-18 05:24:37.498901855 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1003
2021-05-18 05:24:37.498907807 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_974
2021-05-18 05:24:37.498912654 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_998
2021-05-18 05:24:37.498918614 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_971
2021-05-18 05:24:37.498923603 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_997
2021-05-18 05:24:37.498932662 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_999
2021-05-18 05:24:37.498940816 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_923
2021-05-18 05:24:37.498945266 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_960
2021-05-18 05:24:37.498951810 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_961
2021-05-18 05:24:37.498956952 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_932
2021-05-18 05:24:37.498960930 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_956
2021-05-18 05:24:37.498966141 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_929
2021-05-18 05:24:37.498970406 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_955
2021-05-18 05:24:37.498978207 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_957
2021-05-18 05:24:37.498986592 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_881
2021-05-18 05:24:37.498991181 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_918
2021-05-18 05:24:37.498997666 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_919
2021-05-18 05:24:37.499003934 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_890
2021-05-18 05:24:37.499008078 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_914
2021-05-18 05:24:37.499013142 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_887
2021-05-18 05:24:37.499018163 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_913
2021-05-18 05:24:37.499026299 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_915
2021-05-18 05:24:37.499033575 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_839
2021-05-18 05:24:37.499038649 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_876
2021-05-18 05:24:37.499045832 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_877
2021-05-18 05:24:37.499052081 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_848
2021-05-18 05:24:37.499056985 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_872
2021-05-18 05:24:37.499062266 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_845
2021-05-18 05:24:37.499066340 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_871
2021-05-18 05:24:37.499075064 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_873
2021-05-18 05:24:37.499082392 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_797
2021-05-18 05:24:37.499088062 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_834
2021-05-18 05:24:37.499095386 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_835
2021-05-18 05:24:37.499101199 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_806
2021-05-18 05:24:37.499106169 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_830
2021-05-18 05:24:37.499112275 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_803
2021-05-18 05:24:37.499117228 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_829
2021-05-18 05:24:37.499125929 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_831
2021-05-18 05:24:37.499136450 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1248
2021-05-18 05:24:37.499142299 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1109
2021-05-18 05:24:37.499151270 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_737
2021-05-18 05:24:37.499157640 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_734
2021-05-18 05:24:37.499164045 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_785
2021-05-18 05:24:37.499170282 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_740
2021-05-18 05:24:37.499176449 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_786
2021-05-18 05:24:37.499181567 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1133
2021-05-18 05:24:37.499187684 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1141
2021-05-18 05:24:37.499194277 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_748
2021-05-18 05:24:37.499200599 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_745
2021-05-18 05:24:37.499206415 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_787
2021-05-18 05:24:37.499212552 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_751
2021-05-18 05:24:37.499218623 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_788
2021-05-18 05:24:37.499223708 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1134
2021-05-18 05:24:37.499229075 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1143
2021-05-18 05:24:37.499235148 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_759
2021-05-18 05:24:37.499240604 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_756
2021-05-18 05:24:37.499246905 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_789
2021-05-18 05:24:37.499252456 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_762
2021-05-18 05:24:37.499258807 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_790
2021-05-18 05:24:37.499263892 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1135
2021-05-18 05:24:37.499273156 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1145
2021-05-18 05:24:37.499279461 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_770
2021-05-18 05:24:37.499285635 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_767
2021-05-18 05:24:37.499291795 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_791
2021-05-18 05:24:37.499298081 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_773
2021-05-18 05:24:37.499304063 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_792
2021-05-18 05:24:37.499309317 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1136
2021-05-18 05:24:37.499315632 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1147
2021-05-18 05:24:37.499321885 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_781
2021-05-18 05:24:37.499328466 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_778
2021-05-18 05:24:37.499334422 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_793
2021-05-18 05:24:37.499341107 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_784
2021-05-18 05:24:37.499346936 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Mul_794
2021-05-18 05:24:37.499352667 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1137
2021-05-18 05:24:37.499358378 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1149
2021-05-18 05:24:37.499362849 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1110
2021-05-18 05:24:37.499372403 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1111
2021-05-18 05:24:37.499378793 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_977
2021-05-18 05:24:37.499385380 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_979
2021-05-18 05:24:37.499391564 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_968
2021-05-18 05:24:37.499397711 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_982
2021-05-18 05:24:37.499402755 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_993
2021-05-18 05:24:37.499409792 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_994
2021-05-18 05:24:37.499418878 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_989
2021-05-18 05:24:37.499427438 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_935
2021-05-18 05:24:37.499434070 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_937
2021-05-18 05:24:37.499439971 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_926
2021-05-18 05:24:37.499446055 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_940
2021-05-18 05:24:37.499451480 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_951
2021-05-18 05:24:37.499458481 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_952
2021-05-18 05:24:37.499467034 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_947
2021-05-18 05:24:37.499475847 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_893
2021-05-18 05:24:37.499482233 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_895
2021-05-18 05:24:37.499487529 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_884
2021-05-18 05:24:37.499492613 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_898
2021-05-18 05:24:37.499496737 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_909
2021-05-18 05:24:37.499503098 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_910
2021-05-18 05:24:37.499511551 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_905
2021-05-18 05:24:37.499520016 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_851
2021-05-18 05:24:37.499525778 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_853
2021-05-18 05:24:37.499531542 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_842
2021-05-18 05:24:37.499537271 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_856
2021-05-18 05:24:37.499542201 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_867
2021-05-18 05:24:37.499549004 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_868
2021-05-18 05:24:37.499557452 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_863
2021-05-18 05:24:37.499566562 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_809
2021-05-18 05:24:37.499572626 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_811
2021-05-18 05:24:37.499578847 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_800
2021-05-18 05:24:37.499584919 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_814
2021-05-18 05:24:37.499590309 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_825
2021-05-18 05:24:37.499597517 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_826
2021-05-18 05:24:37.499606280 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_821
2021-05-18 05:24:37.499616833 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1203
2021-05-18 05:24:37.499622309 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1204
2021-05-18 05:24:37.499627732 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1206
2021-05-18 05:24:37.499635988 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1191
2021-05-18 05:24:37.499640998 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1192
2021-05-18 05:24:37.499648142 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1179
2021-05-18 05:24:37.499653190 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1180
2021-05-18 05:24:37.499660612 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1167
2021-05-18 05:24:37.499665489 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1168
2021-05-18 05:24:37.499671877 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1153
2021-05-18 05:24:37.499676877 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1154
2021-05-18 05:24:37.499683133 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1164
2021-05-18 05:24:37.499688526 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1176
2021-05-18 05:24:37.499694364 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1188
2021-05-18 05:24:37.499700075 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1200
2021-05-18 05:24:37.499707258 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1194
2021-05-18 05:24:37.499714682 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1182
2021-05-18 05:24:37.499725605 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1170
2021-05-18 05:24:37.499733489 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1156
2021-05-18 05:24:37.499740193 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1250
2021-05-18 05:24:37.499745983 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1259
2021-05-18 05:24:37.499752594 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1257
2021-05-18 05:24:37.499760720 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1294
2021-05-18 05:24:37.499766004 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1296
2021-05-18 05:24:37.499772276 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1291
2021-05-18 05:24:37.499777170 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1295
2021-05-18 05:24:37.499782839 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1297
2021-05-18 05:24:37.499788822 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_67
2021-05-18 05:24:37.499793801 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_1284
2021-05-18 05:24:37.499801201 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_70
2021-05-18 05:24:37.499806365 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_1280
2021-05-18 05:24:37.499814848 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1222
2021-05-18 05:24:37.499821328 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1229
2021-05-18 05:24:37.499827413 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1126
2021-05-18 05:24:37.499833178 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1123
2021-05-18 05:24:37.499838965 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1120
2021-05-18 05:24:37.499844766 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1117
2021-05-18 05:24:37.499850684 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1114
2021-05-18 05:24:37.499858280 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1235
2021-05-18 05:24:37.499864929 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1242
2021-05-18 05:24:37.499872331 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1646
2021-05-18 05:24:37.499876766 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1749
2021-05-18 05:24:37.499882291 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1753
2021-05-18 05:24:37.499888659 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1617
2021-05-18 05:24:37.499893035 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1621
2021-05-18 05:24:37.499898184 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1614
2021-05-18 05:24:37.499902150 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1620
2021-05-18 05:24:37.499907832 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1611
2021-05-18 05:24:37.499912914 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1619
2021-05-18 05:24:37.499918731 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1608
2021-05-18 05:24:37.499923581 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1618
2021-05-18 05:24:37.499930989 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1622
2021-05-18 05:24:37.499937192 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_1624
2021-05-18 05:24:37.499943271 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Equal_1629
2021-05-18 05:24:37.499949969 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Where_1630
2021-05-18 05:24:37.499957366 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1582
2021-05-18 05:24:37.499962766 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1586
2021-05-18 05:24:37.499968149 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1579
2021-05-18 05:24:37.499972178 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1585
2021-05-18 05:24:37.499977274 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1576
2021-05-18 05:24:37.499981409 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1584
2021-05-18 05:24:37.499986741 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1573
2021-05-18 05:24:37.499990903 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1583
2021-05-18 05:24:37.499997405 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1587
2021-05-18 05:24:37.500003659 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_1589
2021-05-18 05:24:37.500009685 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Equal_1594
2021-05-18 05:24:37.500016463 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Where_1595
2021-05-18 05:24:37.500023446 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1547
2021-05-18 05:24:37.500028366 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1551
2021-05-18 05:24:37.500033685 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1544
2021-05-18 05:24:37.500037934 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1550
2021-05-18 05:24:37.500043236 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1541
2021-05-18 05:24:37.500047555 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1549
2021-05-18 05:24:37.500052671 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1538
2021-05-18 05:24:37.500056710 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1548
2021-05-18 05:24:37.500063353 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1552
2021-05-18 05:24:37.500068865 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_1554
2021-05-18 05:24:37.500074318 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Equal_1559
2021-05-18 05:24:37.500080188 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Where_1560
2021-05-18 05:24:37.500087048 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1512
2021-05-18 05:24:37.500091437 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1516
2021-05-18 05:24:37.500096742 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1509
2021-05-18 05:24:37.500100833 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1515
2021-05-18 05:24:37.500105898 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1506
2021-05-18 05:24:37.500110098 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1514
2021-05-18 05:24:37.500115254 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1503
2021-05-18 05:24:37.500119166 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1513
2021-05-18 05:24:37.500126126 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1517
2021-05-18 05:24:37.500131810 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Reshape_1519
2021-05-18 05:24:37.500136939 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Equal_1524
2021-05-18 05:24:37.500143849 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Where_1525
2021-05-18 05:24:37.500150077 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1486
2021-05-18 05:24:37.500154187 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1490
2021-05-18 05:24:37.500159558 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1483
2021-05-18 05:24:37.500163933 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1489
2021-05-18 05:24:37.500170311 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1480
2021-05-18 05:24:37.500174786 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1488
2021-05-18 05:24:37.500180164 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1477
2021-05-18 05:24:37.500184259 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1487
2021-05-18 05:24:37.500191062 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1491
2021-05-18 05:24:37.500198767 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1747
2021-05-18 05:24:37.500204258 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1649
2021-05-18 05:24:37.500209420 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Add_1652
2021-05-18 05:24:37.500213782 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1739
2021-05-18 05:24:37.500220155 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1740
2021-05-18 05:24:37.500225530 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1654
2021-05-18 05:24:37.500234020 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1784
2021-05-18 05:24:37.500238005 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1787
2021-05-18 05:24:37.500243242 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1781
2021-05-18 05:24:37.500247392 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1786
2021-05-18 05:24:37.500252260 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1778
2021-05-18 05:24:37.500256505 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Unsqueeze_1785
2021-05-18 05:24:37.500262111 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Concat_1788
2021-05-18 05:24:37.500271236 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_1643
2021-05-18 05:24:37.500279962 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_4
2021-05-18 05:24:37.500285166 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_1897
2021-05-18 05:24:37.500291791 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_1899
2021-05-18 05:24:37.500299376 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Gather_7
2021-05-18 05:24:37.500304467 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Cast_1900
2021-05-18 05:24:37.500310491 [W:onnxruntime:Default, fallback_cpu_capability.cc:135 GetCpuPreferredNodes] Force fallback to CPU execution for node: Div_1902
[TensorRT] WARNING: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:227: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.
[TensorRT] WARNING: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:255: One or more weights outside the range of INT32 was clamped
[TensorRT] WARNING: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:255: One or more weights outside the range of INT32 was clamped
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] ERROR: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/ModelImporter.cpp:500: Found unsupported shape tensor producing layer: Floor_41
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] ERROR: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/ModelImporter.cpp:500: Found unsupported shape tensor producing layer: Floor_49
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] WARNING: Tensor DataType is determined at build time for tensors not marked as input or output.
[TensorRT] ERROR: Network must have at least one output
[TensorRT] ERROR: Network validation failed.*
Traceback (most recent call last):
File “detection_test.py”, line 120, in
run_test()
File “detection_test.py”, line 59, in run_test
context = engine.create_execution_context()
AttributeError: ‘NoneType’ object has no attribute ‘create_execution_context’

Hi @stefan.podg,

Could you please share us trtexec command you’ve tried and ONNX model (looks like link in description broken) to try from our end for better assistance.

Thank you.

Hi @spolisetty,

Thanks for getting back to me.

I have regenerated the link to the ONNX (not sure what happened there)

new faster-rcnn onnx

And here is the code that I use to try to build the engine - I have not used trtexec (wasn’t aware of it):

def build_engine(model_path) -> trt.ICudaEngine:
    explicit_batch = 1 << (int)(trt.NetworkDefinitionCreationFlag.EXPLICIT_BATCH)
    with trt.Builder(TRT_LOGGER) as builder, \
            builder.create_network(explicit_batch) as network, \
            trt.OnnxParser(network, TRT_LOGGER) as parser:
            builder_config = builder.create_builder_config()
            builder_config.max_workspace_size = 1 << 20
            builder.max_batch_size = 1
            with open(model_path, "rb") as model:
                parser.parse(model.read())
                if not parser.parse(model.read()):
                    print('ERROR: Failed to parse the ONNX file.')
                    for error in range(parser.num_errors):
                        print(parser.get_error(error))
            last_layer = network.get_layer(network.num_layers - 1)
            # Check if last layer recognizes it's output
            if not last_layer.get_output(0):
                # If not, then mark the output using TensorRT API
                network.mark_output(last_layer.get_output(0))
            engine = builder.build_engine(network, builder_config)
            return engine

engine = trt.build_engine(onnx_path)
context = engine.create_execution_context()

Hi @spolisetty @NVES

For reference the onnx is built from: [torchvision.models.detection.faster_rcnn — Torchvision 0.16 documentation](https://torchvision faster-rcnn)

I ran trtexec in the trt container with the following command:

trtexec --onnx=faster_rcnn.onnx --verbose --saveEngine=fatser_rcnn.trt

which again failed with the following traceback:

[05/18/2021-23:39:13] [I] === Model Options ===
[05/18/2021-23:39:13] [I] Format: ONNX
[05/18/2021-23:39:13] [I] Model: faster_rcnn.onnx
[05/18/2021-23:39:13] [I] Output:
[05/18/2021-23:39:13] [I] === Build Options ===
[05/18/2021-23:39:13] [I] Max batch: explicit
[05/18/2021-23:39:13] [I] Workspace: 16 MiB
[05/18/2021-23:39:13] [I] minTiming: 1
[05/18/2021-23:39:13] [I] avgTiming: 8
[05/18/2021-23:39:13] [I] Precision: FP32
[05/18/2021-23:39:13] [I] Calibration:
[05/18/2021-23:39:13] [I] Refit: Disabled
[05/18/2021-23:39:13] [I] Safe mode: Disabled
[05/18/2021-23:39:13] [I] Save engine: fatser_rcnn.trt
[05/18/2021-23:39:13] [I] Load engine:
[05/18/2021-23:39:13] [I] Builder Cache: Enabled
[05/18/2021-23:39:13] [I] NVTX verbosity: 0
[05/18/2021-23:39:13] [I] Tactic sources: Using default tactic sources
[05/18/2021-23:39:13] [I] Input(s)s format: fp32:CHW
[05/18/2021-23:39:13] [I] Output(s)s format: fp32:CHW
[05/18/2021-23:39:13] [I] Input build shapes: model
[05/18/2021-23:39:13] [I] Input calibration shapes: model
[05/18/2021-23:39:13] [I] === System Options ===
[05/18/2021-23:39:13] [I] Device: 0
[05/18/2021-23:39:13] [I] DLACore:
[05/18/2021-23:39:13] [I] Plugins:
[05/18/2021-23:39:13] [I] === Inference Options ===
[05/18/2021-23:39:13] [I] Batch: Explicit
[05/18/2021-23:39:13] [I] Input inference shapes: model
[05/18/2021-23:39:13] [I] Iterations: 10
[05/18/2021-23:39:13] [I] Duration: 3s (+ 200ms warm up)
[05/18/2021-23:39:13] [I] Sleep time: 0ms
[05/18/2021-23:39:13] [I] Streams: 1
[05/18/2021-23:39:13] [I] ExposeDMA: Disabled
[05/18/2021-23:39:13] [I] Data transfers: Enabled
[05/18/2021-23:39:13] [I] Spin-wait: Disabled
[05/18/2021-23:39:13] [I] Multithreading: Disabled
[05/18/2021-23:39:13] [I] CUDA Graph: Disabled
[05/18/2021-23:39:13] [I] Separate profiling: Disabled
[05/18/2021-23:39:13] [I] Skip inference: Disabled
[05/18/2021-23:39:13] [I] Inputs:
[05/18/2021-23:39:13] [I] === Reporting Options ===
[05/18/2021-23:39:13] [I] Verbose: Enabled
[05/18/2021-23:39:13] [I] Averages: 10 inferences
[05/18/2021-23:39:13] [I] Percentile: 99
[05/18/2021-23:39:13] [I] Dump refittable layers:Disabled
[05/18/2021-23:39:13] [I] Dump output: Disabled
[05/18/2021-23:39:13] [I] Profile: Disabled
[05/18/2021-23:39:13] [I] Export timing to JSON file:
[05/18/2021-23:39:13] [I] Export output to JSON file:
[05/18/2021-23:39:13] [I] Export profile to JSON file:
[05/18/2021-23:39:13] [I]
[05/18/2021-23:39:13] [I] === Device Information ===
[05/18/2021-23:39:13] [I] Selected Device: NVIDIA GeForce RTX 2080 Ti
[05/18/2021-23:39:13] [I] Compute Capability: 7.5
[05/18/2021-23:39:13] [I] SMs: 68
[05/18/2021-23:39:13] [I] Compute Clock Rate: 1.65 GHz
[05/18/2021-23:39:13] [I] Device Global Memory: 11016 MiB
[05/18/2021-23:39:13] [I] Shared Memory per SM: 64 KiB
[05/18/2021-23:39:13] [I] Memory Bus Width: 352 bits (ECC disabled)
[05/18/2021-23:39:13] [I] Memory Clock Rate: 7 GHz
[05/18/2021-23:39:13] [I]
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::BatchTilePlugin_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::CoordConvAC version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::CropAndResize version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::CropAndResizeDynamic version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::GenerateDetection_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::MultilevelCropAndResize_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::MultilevelProposeROI_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::NMSDynamic_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::Proposal version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::ProposalDynamic version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::Region_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1
[05/18/2021-23:39:13] [V] [TRT] Registered plugin creator - ::Split version 1
[05/18/2021-23:39:22] [I] [TRT] ----------------------------------------------------------------
[05/18/2021-23:39:22] [I] [TRT] Input filename: faster_rcnn.onnx
[05/18/2021-23:39:22] [I] [TRT] ONNX IR version: 0.0.6
[05/18/2021-23:39:22] [I] [TRT] Opset version: 11
[05/18/2021-23:39:22] [I] [TRT] Producer name: pytorch
[05/18/2021-23:39:22] [I] [TRT] Producer version: 1.8
[05/18/2021-23:39:22] [I] [TRT] Domain:
[05/18/2021-23:39:22] [I] [TRT] Model version: 0
[05/18/2021-23:39:22] [I] [TRT] Doc string:
[05/18/2021-23:39:22] [I] [TRT] ----------------------------------------------------------------
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::BatchTilePlugin_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::BatchedNMS_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::BatchedNMSDynamic_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::CoordConvAC version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::CropAndResize version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::CropAndResizeDynamic version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::DetectionLayer_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::FlattenConcat_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::GenerateDetection_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::GridAnchor_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::GridAnchorRect_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::InstanceNormalization_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::LReLU_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::MultilevelCropAndResize_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::MultilevelProposeROI_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::NMS_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::NMSDynamic_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::Normalize_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::PriorBox_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::ProposalLayer_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::Proposal version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::ProposalDynamic version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::PyramidROIAlign_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::Region_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::Reorg_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::ResizeNearest_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::RPROI_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::SpecialSlice_TRT version 1
[05/18/2021-23:39:22] [V] [TRT] Plugin creator already registered - ::Split version 1
[05/18/2021-23:39:22] [V] [TRT] Adding network input: input with dtype: float32, dimensions: (1, -1, -1, 640)
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: input for ONNX tensor: input
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.0.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.0.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.0.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.0.downsample.0.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.1.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.1.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.1.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.2.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.2.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer1.2.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.0.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.0.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.0.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.0.downsample.0.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.1.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.1.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.1.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.2.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.2.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.2.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.3.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.3.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer2.3.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.0.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.0.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.0.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.0.downsample.0.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.1.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.1.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.1.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.2.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.2.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.2.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.3.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.3.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.3.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.4.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.4.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.4.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.5.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.5.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer3.5.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.0.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.0.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.0.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.0.downsample.0.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.1.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.1.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.1.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.2.conv1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.2.conv2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.body.layer4.2.conv3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.inner_blocks.0.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.inner_blocks.0.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.inner_blocks.1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.inner_blocks.1.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.inner_blocks.2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.inner_blocks.2.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.inner_blocks.3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.inner_blocks.3.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.layer_blocks.0.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.layer_blocks.0.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.layer_blocks.1.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.layer_blocks.1.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.layer_blocks.2.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.layer_blocks.2.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.layer_blocks.3.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.backbone.fpn.layer_blocks.3.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.rpn.head.conv.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.rpn.head.conv.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.rpn.head.cls_logits.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.rpn.head.cls_logits.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.rpn.head.bbox_pred.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.rpn.head.bbox_pred.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.roi_heads.box_head.fc6.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.roi_heads.box_head.fc6.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.roi_heads.box_head.fc7.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.roi_heads.box_head.fc7.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.roi_heads.box_predictor.cls_score.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.roi_heads.box_predictor.cls_score.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.roi_heads.box_predictor.bbox_pred.weight
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: model.roi_heads.box_predictor.bbox_pred.bias
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3221
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3222
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3223
[05/18/2021-23:39:22] [W] [TRT] /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:227: Your ONNX model has been generated with INT64 weights, while TensorRT does not natively support INT64. Attempting to cast down to INT32.
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3224
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3225
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3226
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3227
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3228
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3229
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3237
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3239
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3247
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3249
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3257
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3259
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3267
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3269
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3277
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3279
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3287
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3289
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3297
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3299
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3307
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3309
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3317
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3319
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3327
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3329
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3337
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3339
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3347
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3349
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3357
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3359
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3367
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3369
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3377
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3379
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3387
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3389
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3397
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3399
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3407
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3409
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3417
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3419
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3427
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3429
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3437
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3439
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3447
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3449
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3457
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3459
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3467
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3469
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3477
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3479
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3487
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3489
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3497
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3499
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3507
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3509
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3517
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3519
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3527
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3529
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3537
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3539
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3547
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3549
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3557
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3559
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3567
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3569
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3577
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3579
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3587
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3589
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3597
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3599
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3607
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3609
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3617
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3619
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3627
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3629
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3637
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3639
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3647
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3649
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3657
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3659
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3667
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3669
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3677
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3679
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3687
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3689
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3697
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3699
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3707
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3709
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3717
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3719
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3727
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3729
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3737
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3739
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3747
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3749
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3757
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3759
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3760
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3761
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3762
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3763
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3764
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3765
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3766
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3767
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3768
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3769
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3770
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3771
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3772
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3773
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3774
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3775
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3776
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3777
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3778
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3779
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3780
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3781
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3782
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3783
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3784
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3785
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3786
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3787
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3788
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3789
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3790
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3791
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3792
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3793
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3794
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3795
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3796
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3797
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3798
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3799
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3800
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3801
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3802
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3803
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3804
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3805
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3806
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3807
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3808
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3809
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3810
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3811
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3812
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3813
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3814
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3815
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3816
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3817
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3818
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3819
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3820
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3821
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3822
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3823
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3824
[05/18/2021-23:39:22] [V] [TRT] Importing initializer: 3825
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Split_0 [Split]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: input
[05/18/2021-23:39:22] [V] [TRT] Split_0 [Split] inputs: [input → (1, -1, -1, 640)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Split_0 for ONNX node: Split_0
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 296 for ONNX tensor: 296
[05/18/2021-23:39:22] [V] [TRT] Split_0 [Split] outputs: [296 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Squeeze_1 [Squeeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 296
[05/18/2021-23:39:22] [V] [TRT] Squeeze_1 [Squeeze] inputs: [296 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (_, _, _, ), squeezing to: (, _, )
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Squeeze_1 for ONNX node: Squeeze_1
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 297 for ONNX tensor: 297
[05/18/2021-23:39:22] [V] [TRT] Squeeze_1 [Squeeze] outputs: [297 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_2 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 297
[05/18/2021-23:39:22] [V] [TRT] Shape_2 [Shape] inputs: [297 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_2 for ONNX node: Shape_2
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 298 for ONNX tensor: 298
[05/18/2021-23:39:22] [V] [TRT] Shape_2 [Shape] outputs: [298 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_3 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_3 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_3 [Constant] outputs: [299 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_4 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 298
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 299
[05/18/2021-23:39:22] [V] [TRT] Gather_4 [Gather] inputs: [298 → (3)], [299 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 299 for ONNX initializer: 299
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_4 for ONNX node: Gather_4
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 300 for ONNX tensor: 300
[05/18/2021-23:39:22] [V] [TRT] Gather_4 [Gather] outputs: [300 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_5 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 297
[05/18/2021-23:39:22] [V] [TRT] Shape_5 [Shape] inputs: [297 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_5 for ONNX node: Shape_5
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 301 for ONNX tensor: 301
[05/18/2021-23:39:22] [V] [TRT] Shape_5 [Shape] outputs: [301 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_6 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_6 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_6 [Constant] outputs: [302 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_7 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 301
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 302
[05/18/2021-23:39:22] [V] [TRT] Gather_7 [Gather] inputs: [301 → (3)], [302 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 302 for ONNX initializer: 302
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_7 for ONNX node: Gather_7
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 303 for ONNX tensor: 303
[05/18/2021-23:39:22] [V] [TRT] Gather_7 [Gather] outputs: [303 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Split_8 [Split]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: input
[05/18/2021-23:39:22] [V] [TRT] Split_8 [Split] inputs: [input → (1, -1, -1, 640)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Split_8 for ONNX node: Split_8
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 304 for ONNX tensor: 304
[05/18/2021-23:39:22] [V] [TRT] Split_8 [Split] outputs: [304 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Squeeze_9 [Squeeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 304
[05/18/2021-23:39:22] [V] [TRT] Squeeze_9 [Squeeze] inputs: [304 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (
, _, _, ), squeezing to: (, _, _)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Squeeze_9 for ONNX node: Squeeze_9
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 305 for ONNX tensor: 305
[05/18/2021-23:39:22] [V] [TRT] Squeeze_9 [Squeeze] outputs: [305 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_10 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_10 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_10 [Constant] outputs: [306 → (3, 1, 1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Sub_11 [Sub]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 305
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 306
[05/18/2021-23:39:22] [V] [TRT] Sub_11 [Sub] inputs: [305 → (-1, -1, -1)], [306 → (3, 1, 1)],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 306 for ONNX initializer: 306
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Sub_11 for ONNX node: Sub_11
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 307 for ONNX tensor: 307
[05/18/2021-23:39:22] [V] [TRT] Sub_11 [Sub] outputs: [307 → (3, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_12 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_12 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_12 [Constant] outputs: [308 → (3, 1, 1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Div_13 [Div]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 307
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 308
[05/18/2021-23:39:22] [V] [TRT] Div_13 [Div] inputs: [307 → (3, -1, -1)], [308 → (3, 1, 1)],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 308 for ONNX initializer: 308
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Div_13 for ONNX node: Div_13
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 309 for ONNX tensor: 309
[05/18/2021-23:39:22] [V] [TRT] Div_13 [Div] outputs: [309 → (3, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_14 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 309
[05/18/2021-23:39:22] [V] [TRT] Shape_14 [Shape] inputs: [309 → (3, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_14 for ONNX node: Shape_14
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 310 for ONNX tensor: 310
[05/18/2021-23:39:22] [V] [TRT] Shape_14 [Shape] outputs: [310 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_15 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_15 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_15 [Constant] outputs: [311 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_16 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_16 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_16 [Constant] outputs: [312 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_17 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_17 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Weight at index 0: 9223372036854775807 is out of range. Clamping to: 2147483647
[05/18/2021-23:39:22] [W] [TRT] /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:255: One or more weights outside the range of INT32 was clamped
[05/18/2021-23:39:22] [V] [TRT] Constant_17 [Constant] outputs: [313 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_18 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_18 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_18 [Constant] outputs: [314 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Slice_19 [Slice]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 310
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 312
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 313
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 311
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 314
[05/18/2021-23:39:22] [V] [TRT] Slice_19 [Slice] inputs: [310 → (3)], [312 → (1)], [313 → (1)], [311 → (1)], [314 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Slice_19 for ONNX node: Slice_19
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 315 for ONNX tensor: 315
[05/18/2021-23:39:22] [V] [TRT] Slice_19 [Slice] outputs: [315 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: ReduceMin_20 [ReduceMin]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 315
[05/18/2021-23:39:22] [V] [TRT] ReduceMin_20 [ReduceMin] inputs: [315 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: ReduceMin_20 for ONNX node: ReduceMin_20
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 316 for ONNX tensor: 316
[05/18/2021-23:39:22] [V] [TRT] ReduceMin_20 [ReduceMin] outputs: [316 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_21 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 316
[05/18/2021-23:39:22] [V] [TRT] Cast_21 [Cast] inputs: [316 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_21 for ONNX node: Cast_21
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 317 for ONNX tensor: 317
[05/18/2021-23:39:22] [V] [TRT] Cast_21 [Cast] outputs: [317 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: ReduceMax_22 [ReduceMax]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 315
[05/18/2021-23:39:22] [V] [TRT] ReduceMax_22 [ReduceMax] inputs: [315 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: ReduceMax_22 for ONNX node: ReduceMax_22
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 318 for ONNX tensor: 318
[05/18/2021-23:39:22] [V] [TRT] ReduceMax_22 [ReduceMax] outputs: [318 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_23 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 318
[05/18/2021-23:39:22] [V] [TRT] Cast_23 [Cast] inputs: [318 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_23 for ONNX node: Cast_23
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 319 for ONNX tensor: 319
[05/18/2021-23:39:22] [V] [TRT] Cast_23 [Cast] outputs: [319 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_24 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_24 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_24 [Constant] outputs: [320 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Div_25 [Div]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 320
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 317
[05/18/2021-23:39:22] [V] [TRT] Div_25 [Div] inputs: [320 → ()], [317 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 320 for ONNX initializer: 320
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Div_25 for ONNX node: Div_25
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 321 for ONNX tensor: 321
[05/18/2021-23:39:22] [V] [TRT] Div_25 [Div] outputs: [321 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_26 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_26 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_26 [Constant] outputs: [322 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Mul_27 [Mul]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 321
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 322
[05/18/2021-23:39:22] [V] [TRT] Mul_27 [Mul] inputs: [321 → ()], [322 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 322 for ONNX initializer: 322
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Mul_27 for ONNX node: Mul_27
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 323 for ONNX tensor: 323
[05/18/2021-23:39:22] [V] [TRT] Mul_27 [Mul] outputs: [323 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_28 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_28 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_28 [Constant] outputs: [324 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Div_29 [Div]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 324
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 319
[05/18/2021-23:39:22] [V] [TRT] Div_29 [Div] inputs: [324 → ()], [319 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 324 for ONNX initializer: 324
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Div_29 for ONNX node: Div_29
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 325 for ONNX tensor: 325
[05/18/2021-23:39:22] [V] [TRT] Div_29 [Div] outputs: [325 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_30 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_30 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_30 [Constant] outputs: [326 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Mul_31 [Mul]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 325
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 326
[05/18/2021-23:39:22] [V] [TRT] Mul_31 [Mul] inputs: [325 → ()], [326 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 326 for ONNX initializer: 326
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Mul_31 for ONNX node: Mul_31
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 327 for ONNX tensor: 327
[05/18/2021-23:39:22] [V] [TRT] Mul_31 [Mul] outputs: [327 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Min_32 [Min]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 323
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 327
[05/18/2021-23:39:22] [V] [TRT] Min_32 [Min] inputs: [323 → ()], [327 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Min_32 for ONNX node: Min_32
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 328 for ONNX tensor: 328
[05/18/2021-23:39:22] [V] [TRT] Min_32 [Min] outputs: [328 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_33 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 309
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_33 [Unsqueeze] inputs: [309 → (3, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (3, _, ), unsqueezing to: (, _, _, )
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_33 for ONNX node: Unsqueeze_33
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 329 for ONNX tensor: 329
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_33 [Unsqueeze] outputs: [329 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_34 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 329
[05/18/2021-23:39:22] [V] [TRT] Shape_34 [Shape] inputs: [329 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_34 for ONNX node: Shape_34
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 330 for ONNX tensor: 330
[05/18/2021-23:39:22] [V] [TRT] Shape_34 [Shape] outputs: [330 → (4)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_35 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_35 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_35 [Constant] outputs: [331 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_36 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 330
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 331
[05/18/2021-23:39:22] [V] [TRT] Gather_36 [Gather] inputs: [330 → (4)], [331 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 331 for ONNX initializer: 331
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_36 for ONNX node: Gather_36
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 332 for ONNX tensor: 332
[05/18/2021-23:39:22] [V] [TRT] Gather_36 [Gather] outputs: [332 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_37 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 332
[05/18/2021-23:39:22] [V] [TRT] Cast_37 [Cast] inputs: [332 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_37 for ONNX node: Cast_37
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 333 for ONNX tensor: 333
[05/18/2021-23:39:22] [V] [TRT] Cast_37 [Cast] outputs: [333 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_38 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 328
[05/18/2021-23:39:22] [V] [TRT] Cast_38 [Cast] inputs: [328 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_38 for ONNX node: Cast_38
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 334 for ONNX tensor: 334
[05/18/2021-23:39:22] [V] [TRT] Cast_38 [Cast] outputs: [334 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Mul_39 [Mul]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 333
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 334
[05/18/2021-23:39:22] [V] [TRT] Mul_39 [Mul] inputs: [333 → ()], [334 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Mul_39 for ONNX node: Mul_39
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 335 for ONNX tensor: 335
[05/18/2021-23:39:22] [V] [TRT] Mul_39 [Mul] outputs: [335 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_40 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 335
[05/18/2021-23:39:22] [V] [TRT] Cast_40 [Cast] inputs: [335 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_40 for ONNX node: Cast_40
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 336 for ONNX tensor: 336
[05/18/2021-23:39:22] [V] [TRT] Cast_40 [Cast] outputs: [336 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Floor_41 [Floor]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 336
[05/18/2021-23:39:22] [V] [TRT] Floor_41 [Floor] inputs: [336 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Floor_41 for ONNX node: Floor_41
[05/18/2021-23:39:22] [V] [TRT] Original shape: (1,), squeezing to: ()
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 337 for ONNX tensor: 337
[05/18/2021-23:39:22] [V] [TRT] Floor_41 [Floor] outputs: [337 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_42 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 329
[05/18/2021-23:39:22] [V] [TRT] Shape_42 [Shape] inputs: [329 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_42 for ONNX node: Shape_42
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 338 for ONNX tensor: 338
[05/18/2021-23:39:22] [V] [TRT] Shape_42 [Shape] outputs: [338 → (4)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_43 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_43 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_43 [Constant] outputs: [339 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_44 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 338
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 339
[05/18/2021-23:39:22] [V] [TRT] Gather_44 [Gather] inputs: [338 → (4)], [339 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 339 for ONNX initializer: 339
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_44 for ONNX node: Gather_44
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 340 for ONNX tensor: 340
[05/18/2021-23:39:22] [V] [TRT] Gather_44 [Gather] outputs: [340 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_45 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 340
[05/18/2021-23:39:22] [V] [TRT] Cast_45 [Cast] inputs: [340 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_45 for ONNX node: Cast_45
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 341 for ONNX tensor: 341
[05/18/2021-23:39:22] [V] [TRT] Cast_45 [Cast] outputs: [341 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_46 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 328
[05/18/2021-23:39:22] [V] [TRT] Cast_46 [Cast] inputs: [328 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_46 for ONNX node: Cast_46
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 342 for ONNX tensor: 342
[05/18/2021-23:39:22] [V] [TRT] Cast_46 [Cast] outputs: [342 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Mul_47 [Mul]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 341
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 342
[05/18/2021-23:39:22] [V] [TRT] Mul_47 [Mul] inputs: [341 → ()], [342 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Mul_47 for ONNX node: Mul_47
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 343 for ONNX tensor: 343
[05/18/2021-23:39:22] [V] [TRT] Mul_47 [Mul] outputs: [343 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_48 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 343
[05/18/2021-23:39:22] [V] [TRT] Cast_48 [Cast] inputs: [343 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_48 for ONNX node: Cast_48
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 344 for ONNX tensor: 344
[05/18/2021-23:39:22] [V] [TRT] Cast_48 [Cast] outputs: [344 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Floor_49 [Floor]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 344
[05/18/2021-23:39:22] [V] [TRT] Floor_49 [Floor] inputs: [344 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Floor_49 for ONNX node: Floor_49
[05/18/2021-23:39:22] [V] [TRT] Original shape: (1,), squeezing to: ()
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 345 for ONNX tensor: 345
[05/18/2021-23:39:22] [V] [TRT] Floor_49 [Floor] outputs: [345 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_50 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 337
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_50 [Unsqueeze] inputs: [337 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_50 for ONNX node: Unsqueeze_50
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 346 for ONNX tensor: 346
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_50 [Unsqueeze] outputs: [346 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_51 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 345
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_51 [Unsqueeze] inputs: [345 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_51 for ONNX node: Unsqueeze_51
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 347 for ONNX tensor: 347
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_51 [Unsqueeze] outputs: [347 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Concat_52 [Concat]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 346
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 347
[05/18/2021-23:39:22] [V] [TRT] Concat_52 [Concat] inputs: [346 → (1)], [347 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Concat_52 for ONNX node: Concat_52
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 348 for ONNX tensor: 348
[05/18/2021-23:39:22] [V] [TRT] Concat_52 [Concat] outputs: [348 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_53 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 329
[05/18/2021-23:39:22] [V] [TRT] Shape_53 [Shape] inputs: [329 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_53 for ONNX node: Shape_53
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 349 for ONNX tensor: 349
[05/18/2021-23:39:22] [V] [TRT] Shape_53 [Shape] outputs: [349 → (4)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_54 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_54 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_54 [Constant] outputs: [350 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_55 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_55 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_55 [Constant] outputs: [351 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_56 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_56 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_56 [Constant] outputs: [352 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Slice_57 [Slice]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 349
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 351
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 352
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 350
[05/18/2021-23:39:22] [V] [TRT] Slice_57 [Slice] inputs: [349 → (4)], [351 → (1)], [352 → (1)], [350 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Slice_57 for ONNX node: Slice_57
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 353 for ONNX tensor: 353
[05/18/2021-23:39:22] [V] [TRT] Slice_57 [Slice] outputs: [353 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_58 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 348
[05/18/2021-23:39:22] [V] [TRT] Cast_58 [Cast] inputs: [348 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: int32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_58 for ONNX node: Cast_58
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 354 for ONNX tensor: 354
[05/18/2021-23:39:22] [V] [TRT] Cast_58 [Cast] outputs: [354 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Concat_59 [Concat]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 353
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 354
[05/18/2021-23:39:22] [V] [TRT] Concat_59 [Concat] inputs: [353 → (2)], [354 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Concat_59 for ONNX node: Concat_59
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 355 for ONNX tensor: 355
[05/18/2021-23:39:22] [V] [TRT] Concat_59 [Concat] outputs: [355 → (4)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_60 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_60 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_60 [Constant] outputs: [356 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_61 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_61 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_61 [Constant] outputs: [357 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Resize_62 [Resize]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 329
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 356
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 357
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 355
[05/18/2021-23:39:22] [V] [TRT] Resize_62 [Resize] inputs: [329 → (-1, -1, -1, -1)], [356 → ()], [357 → ()], [355 → (4)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Resize_62 for ONNX node: Resize_62
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 358 for ONNX tensor: 358
[05/18/2021-23:39:22] [V] [TRT] Resize_62 [Resize] outputs: [358 → (-1, -1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_63 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_63 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_63 [Constant] outputs: [359 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_64 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 358
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 359
[05/18/2021-23:39:22] [V] [TRT] Gather_64 [Gather] inputs: [358 → (-1, -1, -1, -1)], [359 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 359 for ONNX initializer: 359
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_64 for ONNX node: Gather_64
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 360 for ONNX tensor: 360
[05/18/2021-23:39:22] [V] [TRT] Gather_64 [Gather] outputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_65 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Shape_65 [Shape] inputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_65 for ONNX node: Shape_65
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 361 for ONNX tensor: 361
[05/18/2021-23:39:22] [V] [TRT] Shape_65 [Shape] outputs: [361 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_66 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_66 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_66 [Constant] outputs: [362 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_67 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 361
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 362
[05/18/2021-23:39:22] [V] [TRT] Gather_67 [Gather] inputs: [361 → (3)], [362 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 362 for ONNX initializer: 362
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_67 for ONNX node: Gather_67
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 363 for ONNX tensor: 363
[05/18/2021-23:39:22] [V] [TRT] Gather_67 [Gather] outputs: [363 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_68 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Shape_68 [Shape] inputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_68 for ONNX node: Shape_68
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 364 for ONNX tensor: 364
[05/18/2021-23:39:22] [V] [TRT] Shape_68 [Shape] outputs: [364 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_69 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_69 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_69 [Constant] outputs: [365 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_70 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 364
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 365
[05/18/2021-23:39:22] [V] [TRT] Gather_70 [Gather] inputs: [364 → (3)], [365 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 365 for ONNX initializer: 365
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_70 for ONNX node: Gather_70
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 366 for ONNX tensor: 366
[05/18/2021-23:39:22] [V] [TRT] Gather_70 [Gather] outputs: [366 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_71 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Shape_71 [Shape] inputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_71 for ONNX node: Shape_71
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 367 for ONNX tensor: 367
[05/18/2021-23:39:22] [V] [TRT] Shape_71 [Shape] outputs: [367 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_72 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_72 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_72 [Constant] outputs: [368 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_73 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 367
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 368
[05/18/2021-23:39:22] [V] [TRT] Gather_73 [Gather] inputs: [367 → (3)], [368 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 368 for ONNX initializer: 368
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_73 for ONNX node: Gather_73
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 369 for ONNX tensor: 369
[05/18/2021-23:39:22] [V] [TRT] Gather_73 [Gather] outputs: [369 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_74 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 369
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_74 [Unsqueeze] inputs: [369 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_74 for ONNX node: Unsqueeze_74
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 370 for ONNX tensor: 370
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_74 [Unsqueeze] outputs: [370 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Concat_75 [Concat]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 370
[05/18/2021-23:39:22] [V] [TRT] Concat_75 [Concat] inputs: [370 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Concat_75 for ONNX node: Concat_75
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 371 for ONNX tensor: 371
[05/18/2021-23:39:22] [V] [TRT] Concat_75 [Concat] outputs: [371 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_76 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 371
[05/18/2021-23:39:22] [V] [TRT] Cast_76 [Cast] inputs: [371 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_76 for ONNX node: Cast_76
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 372 for ONNX tensor: 372
[05/18/2021-23:39:22] [V] [TRT] Cast_76 [Cast] outputs: [372 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: ReduceMax_77 [ReduceMax]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 372
[05/18/2021-23:39:22] [V] [TRT] ReduceMax_77 [ReduceMax] inputs: [372 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: ReduceMax_77 for ONNX node: ReduceMax_77
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 373 for ONNX tensor: 373
[05/18/2021-23:39:22] [V] [TRT] ReduceMax_77 [ReduceMax] outputs: [373 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_78 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 373
[05/18/2021-23:39:22] [V] [TRT] Cast_78 [Cast] inputs: [373 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: int32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_78 for ONNX node: Cast_78
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 374 for ONNX tensor: 374
[05/18/2021-23:39:22] [V] [TRT] Cast_78 [Cast] outputs: [374 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_79 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Shape_79 [Shape] inputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_79 for ONNX node: Shape_79
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 375 for ONNX tensor: 375
[05/18/2021-23:39:22] [V] [TRT] Shape_79 [Shape] outputs: [375 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_80 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_80 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_80 [Constant] outputs: [376 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_81 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 375
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 376
[05/18/2021-23:39:22] [V] [TRT] Gather_81 [Gather] inputs: [375 → (3)], [376 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 376 for ONNX initializer: 376
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_81 for ONNX node: Gather_81
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 377 for ONNX tensor: 377
[05/18/2021-23:39:22] [V] [TRT] Gather_81 [Gather] outputs: [377 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_82 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 377
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_82 [Unsqueeze] inputs: [377 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_82 for ONNX node: Unsqueeze_82
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 378 for ONNX tensor: 378
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_82 [Unsqueeze] outputs: [378 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Concat_83 [Concat]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 378
[05/18/2021-23:39:22] [V] [TRT] Concat_83 [Concat] inputs: [378 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Concat_83 for ONNX node: Concat_83
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 379 for ONNX tensor: 379
[05/18/2021-23:39:22] [V] [TRT] Concat_83 [Concat] outputs: [379 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_84 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 379
[05/18/2021-23:39:22] [V] [TRT] Cast_84 [Cast] inputs: [379 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_84 for ONNX node: Cast_84
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 380 for ONNX tensor: 380
[05/18/2021-23:39:22] [V] [TRT] Cast_84 [Cast] outputs: [380 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: ReduceMax_85 [ReduceMax]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 380
[05/18/2021-23:39:22] [V] [TRT] ReduceMax_85 [ReduceMax] inputs: [380 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: ReduceMax_85 for ONNX node: ReduceMax_85
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 381 for ONNX tensor: 381
[05/18/2021-23:39:22] [V] [TRT] ReduceMax_85 [ReduceMax] outputs: [381 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_86 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 381
[05/18/2021-23:39:22] [V] [TRT] Cast_86 [Cast] inputs: [381 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: int32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_86 for ONNX node: Cast_86
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 382 for ONNX tensor: 382
[05/18/2021-23:39:22] [V] [TRT] Cast_86 [Cast] outputs: [382 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_87 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Shape_87 [Shape] inputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_87 for ONNX node: Shape_87
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 383 for ONNX tensor: 383
[05/18/2021-23:39:22] [V] [TRT] Shape_87 [Shape] outputs: [383 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_88 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_88 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_88 [Constant] outputs: [384 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_89 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 383
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 384
[05/18/2021-23:39:22] [V] [TRT] Gather_89 [Gather] inputs: [383 → (3)], [384 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 384 for ONNX initializer: 384
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_89 for ONNX node: Gather_89
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 385 for ONNX tensor: 385
[05/18/2021-23:39:22] [V] [TRT] Gather_89 [Gather] outputs: [385 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_90 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 385
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_90 [Unsqueeze] inputs: [385 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_90 for ONNX node: Unsqueeze_90
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 386 for ONNX tensor: 386
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_90 [Unsqueeze] outputs: [386 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Concat_91 [Concat]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 386
[05/18/2021-23:39:22] [V] [TRT] Concat_91 [Concat] inputs: [386 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Concat_91 for ONNX node: Concat_91
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 387 for ONNX tensor: 387
[05/18/2021-23:39:22] [V] [TRT] Concat_91 [Concat] outputs: [387 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_92 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 387
[05/18/2021-23:39:22] [V] [TRT] Cast_92 [Cast] inputs: [387 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_92 for ONNX node: Cast_92
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 388 for ONNX tensor: 388
[05/18/2021-23:39:22] [V] [TRT] Cast_92 [Cast] outputs: [388 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: ReduceMax_93 [ReduceMax]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 388
[05/18/2021-23:39:22] [V] [TRT] ReduceMax_93 [ReduceMax] inputs: [388 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: ReduceMax_93 for ONNX node: ReduceMax_93
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 389 for ONNX tensor: 389
[05/18/2021-23:39:22] [V] [TRT] ReduceMax_93 [ReduceMax] outputs: [389 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_94 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 389
[05/18/2021-23:39:22] [V] [TRT] Cast_94 [Cast] inputs: [389 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: int32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_94 for ONNX node: Cast_94
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 390 for ONNX tensor: 390
[05/18/2021-23:39:22] [V] [TRT] Cast_94 [Cast] outputs: [390 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_95 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 382
[05/18/2021-23:39:22] [V] [TRT] Cast_95 [Cast] inputs: [382 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_95 for ONNX node: Cast_95
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 391 for ONNX tensor: 391
[05/18/2021-23:39:22] [V] [TRT] Cast_95 [Cast] outputs: [391 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Div_96 [Div]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 391
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3221
[05/18/2021-23:39:22] [V] [TRT] Div_96 [Div] inputs: [391 → ()], [3221 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3221 for ONNX initializer: 3221
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Div_96 for ONNX node: Div_96
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 394 for ONNX tensor: 394
[05/18/2021-23:39:22] [V] [TRT] Div_96 [Div] outputs: [394 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Ceil_97 [Ceil]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 394
[05/18/2021-23:39:22] [V] [TRT] Ceil_97 [Ceil] inputs: [394 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Ceil_97 for ONNX node: Ceil_97
[05/18/2021-23:39:22] [V] [TRT] Original shape: (1,), squeezing to: ()
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 395 for ONNX tensor: 395
[05/18/2021-23:39:22] [V] [TRT] Ceil_97 [Ceil] outputs: [395 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_98 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_98 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_98 [Constant] outputs: [396 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Mul_99 [Mul]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 395
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 396
[05/18/2021-23:39:22] [V] [TRT] Mul_99 [Mul] inputs: [395 → ()], [396 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 396 for ONNX initializer: 396
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Mul_99 for ONNX node: Mul_99
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 397 for ONNX tensor: 397
[05/18/2021-23:39:22] [V] [TRT] Mul_99 [Mul] outputs: [397 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_100 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 397
[05/18/2021-23:39:22] [V] [TRT] Cast_100 [Cast] inputs: [397 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: int32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_100 for ONNX node: Cast_100
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 398 for ONNX tensor: 398
[05/18/2021-23:39:22] [V] [TRT] Cast_100 [Cast] outputs: [398 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_101 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 390
[05/18/2021-23:39:22] [V] [TRT] Cast_101 [Cast] inputs: [390 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: float32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_101 for ONNX node: Cast_101
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 399 for ONNX tensor: 399
[05/18/2021-23:39:22] [V] [TRT] Cast_101 [Cast] outputs: [399 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Div_102 [Div]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 399
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3222
[05/18/2021-23:39:22] [V] [TRT] Div_102 [Div] inputs: [399 → ()], [3222 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3222 for ONNX initializer: 3222
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Div_102 for ONNX node: Div_102
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 402 for ONNX tensor: 402
[05/18/2021-23:39:22] [V] [TRT] Div_102 [Div] outputs: [402 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Ceil_103 [Ceil]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 402
[05/18/2021-23:39:22] [V] [TRT] Ceil_103 [Ceil] inputs: [402 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Ceil_103 for ONNX node: Ceil_103
[05/18/2021-23:39:22] [V] [TRT] Original shape: (1,), squeezing to: ()
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 403 for ONNX tensor: 403
[05/18/2021-23:39:22] [V] [TRT] Ceil_103 [Ceil] outputs: [403 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_104 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_104 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_104 [Constant] outputs: [404 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Mul_105 [Mul]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 403
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 404
[05/18/2021-23:39:22] [V] [TRT] Mul_105 [Mul] inputs: [403 → ()], [404 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 404 for ONNX initializer: 404
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Mul_105 for ONNX node: Mul_105
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 405 for ONNX tensor: 405
[05/18/2021-23:39:22] [V] [TRT] Mul_105 [Mul] outputs: [405 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_106 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 405
[05/18/2021-23:39:22] [V] [TRT] Cast_106 [Cast] inputs: [405 → ()],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: int32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_106 for ONNX node: Cast_106
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 406 for ONNX tensor: 406
[05/18/2021-23:39:22] [V] [TRT] Cast_106 [Cast] outputs: [406 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_107 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Shape_107 [Shape] inputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_107 for ONNX node: Shape_107
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 407 for ONNX tensor: 407
[05/18/2021-23:39:22] [V] [TRT] Shape_107 [Shape] outputs: [407 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_108 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_108 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_108 [Constant] outputs: [408 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_109 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 407
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 408
[05/18/2021-23:39:22] [V] [TRT] Gather_109 [Gather] inputs: [407 → (3)], [408 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 408 for ONNX initializer: 408
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_109 for ONNX node: Gather_109
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 409 for ONNX tensor: 409
[05/18/2021-23:39:22] [V] [TRT] Gather_109 [Gather] outputs: [409 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_110 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Shape_110 [Shape] inputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_110 for ONNX node: Shape_110
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 410 for ONNX tensor: 410
[05/18/2021-23:39:22] [V] [TRT] Shape_110 [Shape] outputs: [410 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_111 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_111 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_111 [Constant] outputs: [411 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_112 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 410
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 411
[05/18/2021-23:39:22] [V] [TRT] Gather_112 [Gather] inputs: [410 → (3)], [411 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 411 for ONNX initializer: 411
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_112 for ONNX node: Gather_112
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 412 for ONNX tensor: 412
[05/18/2021-23:39:22] [V] [TRT] Gather_112 [Gather] outputs: [412 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_113 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Shape_113 [Shape] inputs: [360 → (-1, -1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_113 for ONNX node: Shape_113
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 413 for ONNX tensor: 413
[05/18/2021-23:39:22] [V] [TRT] Shape_113 [Shape] outputs: [413 → (3)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_114 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_114 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_114 [Constant] outputs: [414 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_115 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 413
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 414
[05/18/2021-23:39:22] [V] [TRT] Gather_115 [Gather] inputs: [413 → (3)], [414 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 414 for ONNX initializer: 414
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_115 for ONNX node: Gather_115
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 415 for ONNX tensor: 415
[05/18/2021-23:39:22] [V] [TRT] Gather_115 [Gather] outputs: [415 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Sub_116 [Sub]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 374
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 409
[05/18/2021-23:39:22] [V] [TRT] Sub_116 [Sub] inputs: [374 → ()], [409 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Sub_116 for ONNX node: Sub_116
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 416 for ONNX tensor: 416
[05/18/2021-23:39:22] [V] [TRT] Sub_116 [Sub] outputs: [416 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Sub_117 [Sub]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 398
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 412
[05/18/2021-23:39:22] [V] [TRT] Sub_117 [Sub] inputs: [398 → ()], [412 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Sub_117 for ONNX node: Sub_117
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 417 for ONNX tensor: 417
[05/18/2021-23:39:22] [V] [TRT] Sub_117 [Sub] outputs: [417 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Sub_118 [Sub]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 406
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 415
[05/18/2021-23:39:22] [V] [TRT] Sub_118 [Sub] inputs: [406 → ()], [415 → ()],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Sub_118 for ONNX node: Sub_118
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 418 for ONNX tensor: 418
[05/18/2021-23:39:22] [V] [TRT] Sub_118 [Sub] outputs: [418 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_119 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 418
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_119 [Unsqueeze] inputs: [418 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_119 for ONNX node: Unsqueeze_119
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 423 for ONNX tensor: 423
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_119 [Unsqueeze] outputs: [423 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_120 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 417
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_120 [Unsqueeze] inputs: [417 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_120 for ONNX node: Unsqueeze_120
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 425 for ONNX tensor: 425
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_120 [Unsqueeze] outputs: [425 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_121 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 416
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_121 [Unsqueeze] inputs: [416 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_121 for ONNX node: Unsqueeze_121
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 427 for ONNX tensor: 427
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_121 [Unsqueeze] outputs: [427 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Concat_122 [Concat]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3223
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 423
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3224
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 425
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3225
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 427
[05/18/2021-23:39:22] [V] [TRT] Concat_122 [Concat] inputs: [3223 → (1)], [423 → (1)], [3224 → (1)], [425 → (1)], [3225 → (1)], [427 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3223 for ONNX initializer: 3223
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3224 for ONNX initializer: 3224
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3225 for ONNX initializer: 3225
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Concat_122 for ONNX node: Concat_122
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 428 for ONNX tensor: 428
[05/18/2021-23:39:22] [V] [TRT] Concat_122 [Concat] outputs: [428 → (6)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_123 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 418
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_123 [Unsqueeze] inputs: [418 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_123 for ONNX node: Unsqueeze_123
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 430 for ONNX tensor: 430
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_123 [Unsqueeze] outputs: [430 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_124 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 417
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_124 [Unsqueeze] inputs: [417 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_124 for ONNX node: Unsqueeze_124
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 432 for ONNX tensor: 432
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_124 [Unsqueeze] outputs: [432 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Unsqueeze_125 [Unsqueeze]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 416
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_125 [Unsqueeze] inputs: [416 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (), unsqueezing to: (1,)
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Unsqueeze_125 for ONNX node: Unsqueeze_125
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 434 for ONNX tensor: 434
[05/18/2021-23:39:22] [V] [TRT] Unsqueeze_125 [Unsqueeze] outputs: [434 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Concat_126 [Concat]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3226
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 430
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3227
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 432
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3228
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 434
[05/18/2021-23:39:22] [V] [TRT] Concat_126 [Concat] inputs: [3226 → (1)], [430 → (1)], [3227 → (1)], [432 → (1)], [3228 → (1)], [434 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3226 for ONNX initializer: 3226
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3227 for ONNX initializer: 3227
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3228 for ONNX initializer: 3228
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Concat_126 for ONNX node: Concat_126
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 435 for ONNX tensor: 435
[05/18/2021-23:39:22] [V] [TRT] Concat_126 [Concat] outputs: [435 → (6)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_127 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_127 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_127 [Constant] outputs: [436 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Shape_128 [Shape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 428
[05/18/2021-23:39:22] [V] [TRT] Shape_128 [Shape] inputs: [428 → (6)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Shape_128 for ONNX node: Shape_128
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 437 for ONNX tensor: 437
[05/18/2021-23:39:22] [V] [TRT] Shape_128 [Shape] outputs: [437 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Gather_129 [Gather]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 437
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 436
[05/18/2021-23:39:22] [V] [TRT] Gather_129 [Gather] inputs: [437 → (1)], [436 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 436 for ONNX initializer: 436
[05/18/2021-23:39:22] [V] [TRT] Using Gather axis: 0
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Gather_129 for ONNX node: Gather_129
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 438 for ONNX tensor: 438
[05/18/2021-23:39:22] [V] [TRT] Gather_129 [Gather] outputs: [438 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Sub_130 [Sub]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 3229
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 438
[05/18/2021-23:39:22] [V] [TRT] Sub_130 [Sub] inputs: [3229 → ()], [438 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering constant layer: 3229 for ONNX initializer: 3229
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Sub_130 for ONNX node: Sub_130
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 442 for ONNX tensor: 442
[05/18/2021-23:39:22] [V] [TRT] Sub_130 [Sub] outputs: [442 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_131 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 435
[05/18/2021-23:39:22] [V] [TRT] Cast_131 [Cast] inputs: [435 → (6)],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: int32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_131 for ONNX node: Cast_131
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 443 for ONNX tensor: 443
[05/18/2021-23:39:22] [V] [TRT] Cast_131 [Cast] outputs: [443 → (6)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: ConstantOfShape_132 [ConstantOfShape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 442
[05/18/2021-23:39:22] [V] [TRT] ConstantOfShape_132 [ConstantOfShape] inputs: [442 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: ConstantOfShape_132 for ONNX node: ConstantOfShape_132
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 444 for ONNX tensor: 444
[05/18/2021-23:39:22] [V] [TRT] ConstantOfShape_132 [ConstantOfShape] outputs: [444 → (-1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Concat_133 [Concat]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 443
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 444
[05/18/2021-23:39:22] [V] [TRT] Concat_133 [Concat] inputs: [443 → (6)], [444 → (-1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Concat_133 for ONNX node: Concat_133
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 445 for ONNX tensor: 445
[05/18/2021-23:39:22] [V] [TRT] Concat_133 [Concat] outputs: [445 → (-1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_134 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_134 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_134 [Constant] outputs: [446 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Reshape_135 [Reshape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 445
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 446
[05/18/2021-23:39:22] [V] [TRT] Reshape_135 [Reshape] inputs: [445 → (-1)], [446 → (2)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Reshape_135 for ONNX node: Reshape_135
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 447 for ONNX tensor: 447
[05/18/2021-23:39:22] [V] [TRT] Reshape_135 [Reshape] outputs: [447 → (-1, 2)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_136 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_136 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_136 [Constant] outputs: [448 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_137 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_137 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_137 [Constant] outputs: [449 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_138 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_138 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Weight at index 0: -9223372036854775807 is out of range. Clamping to: -2147483648
[05/18/2021-23:39:22] [W] [TRT] /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/onnx2trt_utils.cpp:255: One or more weights outside the range of INT32 was clamped
[05/18/2021-23:39:22] [V] [TRT] Constant_138 [Constant] outputs: [450 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_139 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_139 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_139 [Constant] outputs: [451 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Slice_140 [Slice]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 447
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 449
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 450
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 448
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 451
[05/18/2021-23:39:22] [V] [TRT] Slice_140 [Slice] inputs: [447 → (-1, 2)], [449 → (1)], [450 → (1)], [448 → (1)], [451 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Slice_140 for ONNX node: Slice_140
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 452 for ONNX tensor: 452
[05/18/2021-23:39:22] [V] [TRT] Slice_140 [Slice] outputs: [452 → (-1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Transpose_141 [Transpose]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 452
[05/18/2021-23:39:22] [V] [TRT] Transpose_141 [Transpose] inputs: [452 → (-1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Transpose_141 for ONNX node: Transpose_141
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 453 for ONNX tensor: 453
[05/18/2021-23:39:22] [V] [TRT] Transpose_141 [Transpose] outputs: [453 → (-1, -1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_142 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_142 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_142 [Constant] outputs: [454 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Reshape_143 [Reshape]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 453
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 454
[05/18/2021-23:39:22] [V] [TRT] Reshape_143 [Reshape] inputs: [453 → (-1, -1)], [454 → (1)],
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Reshape_143 for ONNX node: Reshape_143
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 455 for ONNX tensor: 455
[05/18/2021-23:39:22] [V] [TRT] Reshape_143 [Reshape] outputs: [455 → (-1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Cast_144 [Cast]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 455
[05/18/2021-23:39:22] [V] [TRT] Cast_144 [Cast] inputs: [455 → (-1)],
[05/18/2021-23:39:22] [V] [TRT] Casting to type: int32
[05/18/2021-23:39:22] [V] [TRT] Registering layer: Cast_144 for ONNX node: Cast_144
[05/18/2021-23:39:22] [V] [TRT] Registering tensor: 456 for ONNX tensor: 456
[05/18/2021-23:39:22] [V] [TRT] Cast_144 [Cast] outputs: [456 → (-1)],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Constant_145 [Constant]
[05/18/2021-23:39:22] [V] [TRT] Constant_145 [Constant] inputs:
[05/18/2021-23:39:22] [V] [TRT] Constant_145 [Constant] outputs: [457 → ()],
[05/18/2021-23:39:22] [V] [TRT] Parsing node: Pad_146 [Pad]
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 360
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 456
[05/18/2021-23:39:22] [V] [TRT] Searching for input: 457
[05/18/2021-23:39:22] [V] [TRT] Pad_146 [Pad] inputs: [360 → (-1, -1, -1)], [456 → (-1)], [457 → ()],
[05/18/2021-23:39:22] [V] [TRT] Original shape: (
, _, ), unsqueezing to: (, _, _, _)
[05/18/2021-23:39:22] [E] [TRT] /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/ModelImporter.cpp:703: While parsing node number 146 [Pad → “458”]:
[05/18/2021-23:39:22] [E] [TRT] /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/ModelImporter.cpp:704: — Begin node —
[05/18/2021-23:39:22] [E] [TRT] /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/ModelImporter.cpp:705: input: “360”
input: “456”
input: “457”
output: “458”
name: “Pad_146”
op_type: “Pad”
attribute {
name: “mode”
s: “constant”
type: STRING
}

[05/18/2021-23:39:22] [E] [TRT] /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/ModelImporter.cpp:706: — End node —
[05/18/2021-23:39:22] [E] [TRT] /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/ModelImporter.cpp:708: ERROR: /workspace/TensorRT/t/oss-cicd/oss/parsers/onnx/builtin_op_importers.cpp:2683 In function importPad:
[8] Assertion failed: inputs.at(1).is_weights()
[05/18/2021-23:39:22] [E] Failed to parse onnx file
[05/18/2021-23:39:22] [E] Parsing model failed
[05/18/2021-23:39:22] [E] Engine creation failed
[05/18/2021-23:39:22] [E] Engine set up failed

Hi @stefan.podg,

There are many incompatibilities in the model (as it is based on Pytorch FasterRCNN), such as dynamic padding, nonzero + ROIAlign operators that TRT does not support. Also Floor ops are being used to calculate the final size of a resize layer, so it’s being marked as unsupported. Perhaps the you can try running the model in ONNXRT-TRT.

Thank you.

Could anyone share any information that might help me debug this error?

[11/10/2021-15:16:08] [E] Error[9]: [graph.cpp::computeInputExecutionUses::549] Error Code 9: Internal Error (__inference_map_while_ResizeToRange_cond_true_15400_132547_map/while/ResizeToRange/cond/resize/Round: IUnaryLayer cannot be used to compute a shape tensor)

I am using TensorRT version 8.2. I find this error confusing because according to the ONNX docs for Round, its input must be a float. But my reading of this error is that TensorRT is trying to apply Round to a shape tensor, which must have dtype int or bool. Could anyone help me understand what might be going on?

I meet the same ERROR, the torch.round, torch.arange, torch.exp, all report this error after converting the pytorch model to ONNX, and then do TRT conversion.

Did you guys figure this out?

I ran into the same error, and I believe it’s coming from the use of torch.reminder().
Has anyone successfully solved this?