===================== == NVIDIA TensorRT == ===================== NVIDIA Release 24.10 (build 114411199) NVIDIA TensorRT Version 10.5.0 Copyright (c) 2016-2024, NVIDIA CORPORATION & AFFILIATES. All rights reserved. Container image Copyright (c) 2024, NVIDIA CORPORATION & AFFILIATES. All rights reserved. https://developer.nvidia.com/tensorrt Various files include modifications (c) NVIDIA CORPORATION & AFFILIATES. All rights reserved. This container image and its contents are governed by the NVIDIA Deep Learning Container License. By pulling and using the container, you accept the terms and conditions of this license: https://developer.nvidia.com/ngc/nvidia-deep-learning-container-license To install Python sample dependencies, run /opt/tensorrt/python/python_setup.sh To install the open-source samples corresponding to this TensorRT release version run /opt/tensorrt/install_opensource.sh. To build the open source parsers, plugins, and samples for current top-of-tree on master or a different branch, run /opt/tensorrt/install_opensource.sh -b See https://github.com/NVIDIA/TensorRT for more information. WARNING: CUDA Minor Version Compatibility mode ENABLED. Using driver version 550.127.05 which has support for CUDA 12.4. This container was built with CUDA 12.6 and will be run in Minor Version Compatibility mode. CUDA Forward Compatibility is preferred over Minor Version Compatibility for use with this container but was unavailable: [[Forward compatibility was attempted on non supported HW (CUDA_ERROR_COMPAT_NOT_SUPPORTED_ON_DEVICE) cuInit()=804]] See https://docs.nvidia.com/deploy/cuda-compatibility/ for details. Namespace(model='/workspace/model.onnx', output='/workspace/output/model.plan.bsz4.fp16', batch_size=4, precision='fp16', seq_len='320000', memPoolSize=8192, verbose=True) ArgumentParser(prog='convert_to_tensorrt.py convert', usage=None, description=None, formatter_class=, conflict_handler='error', add_help=True) ('wavforms', 'wav_lens') ((-1, -1), (-1, 1)) &&&& RUNNING TensorRT.trtexec [TensorRT v100500] [b18] # trtexec --onnx=/workspace/model.onnx --saveEngine=/workspace/output/model.plan.bsz4.fp16 --memPoolSize=workspace:8192 --minShapes=wavforms:1x1,wav_lens:1x1 --optShapes=wavforms:4x320000,wav_lens:4x1 --maxShapes=wavforms:4x320000,wav_lens:4x1 --fp16 --verbose [12/19/2024-01:43:31] [I] === Model Options === [12/19/2024-01:43:31] [I] Format: ONNX [12/19/2024-01:43:31] [I] Model: /workspace/model.onnx [12/19/2024-01:43:31] [I] Output: [12/19/2024-01:43:31] [I] === Build Options === [12/19/2024-01:43:31] [I] Memory Pools: workspace: 8192 MiB, dlaSRAM: default, dlaLocalDRAM: default, dlaGlobalDRAM: default, tacticSharedMem: default [12/19/2024-01:43:31] [I] avgTiming: 8 [12/19/2024-01:43:31] [I] Precision: FP32+FP16 [12/19/2024-01:43:31] [I] LayerPrecisions: [12/19/2024-01:43:31] [I] Layer Device Types: [12/19/2024-01:43:31] [I] Calibration: [12/19/2024-01:43:31] [I] Refit: Disabled [12/19/2024-01:43:31] [I] Strip weights: Disabled [12/19/2024-01:43:31] [I] Version Compatible: Disabled [12/19/2024-01:43:31] [I] ONNX Plugin InstanceNorm: Disabled [12/19/2024-01:43:31] [I] TensorRT runtime: full [12/19/2024-01:43:31] [I] Lean DLL Path: [12/19/2024-01:43:31] [I] Tempfile Controls: { in_memory: allow, temporary: allow } [12/19/2024-01:43:31] [I] Exclude Lean Runtime: Disabled [12/19/2024-01:43:31] [I] Sparsity: Disabled [12/19/2024-01:43:31] [I] Safe mode: Disabled [12/19/2024-01:43:31] [I] Build DLA standalone loadable: Disabled [12/19/2024-01:43:31] [I] Allow GPU fallback for DLA: Disabled [12/19/2024-01:43:31] [I] DirectIO mode: Disabled [12/19/2024-01:43:31] [I] Restricted mode: Disabled [12/19/2024-01:43:31] [I] Skip inference: Disabled [12/19/2024-01:43:31] [I] Save engine: /workspace/output/model.plan.bsz4.fp16 [12/19/2024-01:43:31] [I] Load engine: [12/19/2024-01:43:31] [I] Profiling verbosity: 0 [12/19/2024-01:43:31] [I] Tactic sources: Using default tactic sources [12/19/2024-01:43:31] [I] timingCacheMode: local [12/19/2024-01:43:31] [I] timingCacheFile: [12/19/2024-01:43:31] [I] Enable Compilation Cache: Enabled [12/19/2024-01:43:31] [I] errorOnTimingCacheMiss: Disabled [12/19/2024-01:43:31] [I] Preview Features: Use default preview flags. [12/19/2024-01:43:31] [I] MaxAuxStreams: -1 [12/19/2024-01:43:31] [I] BuilderOptimizationLevel: -1 [12/19/2024-01:43:31] [I] MaxTactics: -1 [12/19/2024-01:43:31] [I] Calibration Profile Index: 0 [12/19/2024-01:43:31] [I] Weight Streaming: Disabled [12/19/2024-01:43:31] [I] Runtime Platform: Same As Build [12/19/2024-01:43:31] [I] Debug Tensors: [12/19/2024-01:43:31] [I] Input(s)s format: fp32:CHW [12/19/2024-01:43:31] [I] Output(s)s format: fp32:CHW [12/19/2024-01:43:31] [I] Input build shape (profile 0): wavforms=1x1+4x320000+4x320000 [12/19/2024-01:43:31] [I] Input build shape (profile 0): wav_lens=1x1+4x1+4x1 [12/19/2024-01:43:31] [I] Input calibration shapes: model [12/19/2024-01:43:31] [I] === System Options === [12/19/2024-01:43:31] [I] Device: 0 [12/19/2024-01:43:31] [I] DLACore: [12/19/2024-01:43:31] [I] Plugins: [12/19/2024-01:43:31] [I] setPluginsToSerialize: [12/19/2024-01:43:31] [I] dynamicPlugins: [12/19/2024-01:43:31] [I] ignoreParsedPluginLibs: 0 [12/19/2024-01:43:31] [I] [12/19/2024-01:43:31] [I] === Inference Options === [12/19/2024-01:43:31] [I] Batch: Explicit [12/19/2024-01:43:31] [I] Input inference shape : wav_lens=4x1 [12/19/2024-01:43:31] [I] Input inference shape : wavforms=4x320000 [12/19/2024-01:43:31] [I] Iterations: 10 [12/19/2024-01:43:31] [I] Duration: 3s (+ 200ms warm up) [12/19/2024-01:43:31] [I] Sleep time: 0ms [12/19/2024-01:43:31] [I] Idle time: 0ms [12/19/2024-01:43:31] [I] Inference Streams: 1 [12/19/2024-01:43:31] [I] ExposeDMA: Disabled [12/19/2024-01:43:31] [I] Data transfers: Enabled [12/19/2024-01:43:31] [I] Spin-wait: Disabled [12/19/2024-01:43:31] [I] Multithreading: Disabled [12/19/2024-01:43:31] [I] CUDA Graph: Disabled [12/19/2024-01:43:31] [I] Separate profiling: Disabled [12/19/2024-01:43:31] [I] Time Deserialize: Disabled [12/19/2024-01:43:31] [I] Time Refit: Disabled [12/19/2024-01:43:31] [I] NVTX verbosity: 0 [12/19/2024-01:43:31] [I] Persistent Cache Ratio: 0 [12/19/2024-01:43:31] [I] Optimization Profile Index: 0 [12/19/2024-01:43:31] [I] Weight Streaming Budget: 100.000000% [12/19/2024-01:43:31] [I] Inputs: [12/19/2024-01:43:31] [I] Debug Tensor Save Destinations: [12/19/2024-01:43:31] [I] === Reporting Options === [12/19/2024-01:43:31] [I] Verbose: Enabled [12/19/2024-01:43:31] [I] Averages: 10 inferences [12/19/2024-01:43:31] [I] Percentiles: 90,95,99 [12/19/2024-01:43:31] [I] Dump refittable layers:Disabled [12/19/2024-01:43:31] [I] Dump output: Disabled [12/19/2024-01:43:31] [I] Profile: Disabled [12/19/2024-01:43:31] [I] Export timing to JSON file: [12/19/2024-01:43:31] [I] Export output to JSON file: [12/19/2024-01:43:31] [I] Export profile to JSON file: [12/19/2024-01:43:31] [I] [12/19/2024-01:43:31] [I] === Device Information === [12/19/2024-01:43:31] [I] Available Devices: [12/19/2024-01:43:31] [I] Device 0: "NVIDIA GeForce RTX 3090" UUID: GPU-5470a1d1-3608-a75d-bb4f-12897414f2cf [12/19/2024-01:43:31] [I] Selected Device: NVIDIA GeForce RTX 3090 [12/19/2024-01:43:31] [I] Selected Device ID: 0 [12/19/2024-01:43:31] [I] Selected Device UUID: GPU-5470a1d1-3608-a75d-bb4f-12897414f2cf [12/19/2024-01:43:31] [I] Compute Capability: 8.6 [12/19/2024-01:43:31] [I] SMs: 82 [12/19/2024-01:43:31] [I] Device Global Memory: 24252 MiB [12/19/2024-01:43:31] [I] Shared Memory per SM: 100 KiB [12/19/2024-01:43:31] [I] Memory Bus Width: 384 bits (ECC disabled) [12/19/2024-01:43:31] [I] Application Compute Clock Rate: 1.695 GHz [12/19/2024-01:43:31] [I] Application Memory Clock Rate: 9.751 GHz [12/19/2024-01:43:31] [I] [12/19/2024-01:43:31] [I] Note: The application clock rates do not reflect the actual clock rates that the GPU is currently running at. [12/19/2024-01:43:31] [I] [12/19/2024-01:43:31] [I] TensorRT version: 10.5.0 [12/19/2024-01:43:31] [I] Loading standard plugins [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::BatchedNMSDynamic_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::BatchedNMS_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::BatchTilePlugin_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::Clip_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::CoordConvAC version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::CropAndResizeDynamic version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::CropAndResize version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::DecodeBbox3DPlugin version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::DetectionLayer_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::EfficientNMS_Explicit_TF_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::EfficientNMS_Implicit_TF_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::EfficientNMS_ONNX_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::EfficientNMS_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::FlattenConcat_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::GenerateDetection_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::GridAnchor_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::GridAnchorRect_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 2 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::InstanceNormalization_TRT version 3 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::LReLU_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ModulatedDeformConv2d version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::MultilevelCropAndResize_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::MultilevelProposeROI_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::MultiscaleDeformableAttnPlugin_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::NMSDynamic_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::NMS_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::Normalize_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::PillarScatterPlugin version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::PriorBox_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ProposalDynamic version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ProposalLayer_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::Proposal version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::PyramidROIAlign_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::Region_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 2 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::Reorg_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ResizeNearest_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ROIAlign_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ROIAlign_TRT version 2 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::RPROI_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ScatterElements version 2 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ScatterElements version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::ScatterND version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::SpecialSlice_TRT version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::Split version 1 [12/19/2024-01:43:31] [V] [TRT] Registered plugin creator - ::VoxelGeneratorPlugin version 1 [12/19/2024-01:43:31] [I] [TRT] [MemUsageChange] Init CUDA: CPU +2, GPU +0, now: CPU 20, GPU 260 (MiB) [12/19/2024-01:43:32] [V] [TRT] Trying to load shared library libnvinfer_builder_resource.so.10.5.0 [12/19/2024-01:43:32] [V] [TRT] Loaded shared library libnvinfer_builder_resource.so.10.5.0 [12/19/2024-01:43:33] [I] [TRT] [MemUsageChange] Init builder kernel library: CPU +2132, GPU +396, now: CPU 2307, GPU 656 (MiB) [12/19/2024-01:43:33] [V] [TRT] CUDA lazy loading is enabled. [12/19/2024-01:43:33] [I] Start parsing network model. [12/19/2024-01:43:34] [I] [TRT] ---------------------------------------------------------------- [12/19/2024-01:43:34] [I] [TRT] Input filename: /workspace/model.onnx [12/19/2024-01:43:34] [I] [TRT] ONNX IR version: 0.0.8 [12/19/2024-01:43:34] [I] [TRT] Opset version: 17 [12/19/2024-01:43:34] [I] [TRT] Producer name: pytorch [12/19/2024-01:43:34] [I] [TRT] Producer version: 2.4.1 [12/19/2024-01:43:34] [I] [TRT] Domain: [12/19/2024-01:43:34] [I] [TRT] Model version: 0 [12/19/2024-01:43:34] [I] [TRT] Doc string: [12/19/2024-01:43:34] [I] [TRT] ---------------------------------------------------------------- [12/19/2024-01:43:34] [V] [TRT] Adding network input: wavforms with dtype: float32, dimensions: (-1, -1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: wavforms for ONNX tensor: wavforms [12/19/2024-01:43:34] [V] [TRT] Adding network input: wav_lens with dtype: float32, dimensions: (-1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: wav_lens for ONNX tensor: wav_lens [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.0.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.0.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.0.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.0.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.3.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.3.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.4.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.4.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.5.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.5.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.6.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.6.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.tdnn2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.se_block.conv1.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.se_block.conv1.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.se_block.conv2.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.1.se_block.conv2.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.0.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.0.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.3.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.3.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.4.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.4.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.5.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.5.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.6.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.6.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.tdnn2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.se_block.conv1.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.se_block.conv1.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.se_block.conv2.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.2.se_block.conv2.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.0.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.0.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.3.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.3.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.4.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.4.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.5.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.5.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.6.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.6.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.tdnn2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.se_block.conv1.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.se_block.conv1.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.se_block.conv2.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.blocks.3.se_block.conv2.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.mfa.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.mfa.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.mfa.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.mfa.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.mfa.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.mfa.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp.tdnn.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp.tdnn.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp.tdnn.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp.tdnn.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp.tdnn.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp.tdnn.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp_bn.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp_bn.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp_bn.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.asp_bn.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.fc.conv.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: embedding_model.fc.conv.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.DNN.block_0.linear.w.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.DNN.block_0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.DNN.block_0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.DNN.block_0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.DNN.block_0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] Importing initializer: classifier.out.w.bias [12/19/2024-01:43:34] [V] [TRT] Importing initializer: onnx::MatMul_1994 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: onnx::MatMul_1995 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: onnx::ReduceSum_247 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Constant_16_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Constant_17_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Constant_18_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_fbanks/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_fbanks/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_fbanks/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_fbanks/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_fbanks/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_7_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_10_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_17_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_21_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_22_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /mean_var_norm/Constant_25_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/res2net_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/res2net_block/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/res2net_block/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/res2net_block/Constant_8_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/res2net_block/Constant_9_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/se_block/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/se_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/asp/Constant_12_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/asp/Constant_23_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: _v_2425 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /compute_features/compute_STFT/Reshape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/se_block/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/se_block/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /embedding_model/asp/ConstantOfShape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: wav_lens [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::ReduceSum_247 [12/19/2024-01:43:34] [V] [TRT] /Reshape [Reshape] inputs: [wav_lens -> (-1, 1)[FLOAT]], [onnx::ReduceSum_247 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /Reshape for ONNX node: /Reshape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /Reshape_output_0 for ONNX tensor: /Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] /Reshape [Reshape] outputs: [/Reshape_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: wavforms [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Shape [Shape] inputs: [wavforms -> (-1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Shape for ONNX node: /compute_features/compute_STFT/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Shape_output_0 for ONNX tensor: /compute_features/compute_STFT/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Shape [Shape] outputs: [/compute_features/compute_STFT/Shape_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Gather [Gather] inputs: [/compute_features/compute_STFT/Shape_output_0 -> (2)[INT64]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Constant_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Gather for ONNX node: /compute_features/compute_STFT/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Gather_output_0 for ONNX tensor: /compute_features/compute_STFT/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Gather [Gather] outputs: [/compute_features/compute_STFT/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Gather_1 [Gather] inputs: [/compute_features/compute_STFT/Shape_output_0 -> (2)[INT64]], [/compute_features/compute_STFT/Constant_2_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Constant_2_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Gather_1 for ONNX node: /compute_features/compute_STFT/Gather_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Gather_1_output_0 for ONNX tensor: /compute_features/compute_STFT/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Gather_1 [Gather] outputs: [/compute_features/compute_STFT/Gather_1_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Unsqueeze [Unsqueeze] inputs: [/compute_features/compute_STFT/Gather_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Unsqueeze for ONNX node: /compute_features/compute_STFT/Unsqueeze [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Unsqueeze_output_0 for ONNX tensor: /compute_features/compute_STFT/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Unsqueeze [Unsqueeze] outputs: [/compute_features/compute_STFT/Unsqueeze_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Unsqueeze_1 [Unsqueeze] inputs: [/compute_features/compute_STFT/Gather_1_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Unsqueeze_1 for ONNX node: /compute_features/compute_STFT/Unsqueeze_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Unsqueeze_1_output_0 for ONNX tensor: /compute_features/compute_STFT/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Unsqueeze_1 [Unsqueeze] outputs: [/compute_features/compute_STFT/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Concat [Concat] inputs: [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Unsqueeze_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Constant_4_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Concat for ONNX node: /compute_features/compute_STFT/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Concat_output_0 for ONNX tensor: /compute_features/compute_STFT/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Concat [Concat] outputs: [/compute_features/compute_STFT/Concat_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: wavforms [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Reshape [Reshape] inputs: [wavforms -> (-1, -1)[FLOAT]], [/compute_features/compute_STFT/Concat_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Reshape for ONNX node: /compute_features/compute_STFT/Reshape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Reshape_output_0 for ONNX tensor: /compute_features/compute_STFT/Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Reshape [Reshape] outputs: [/compute_features/compute_STFT/Reshape_output_0 -> (1, -1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Reshape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Pad [Pad] inputs: [/compute_features/compute_STFT/Reshape_output_0 -> (1, -1, -1)[FLOAT]], [/compute_features/compute_STFT/Reshape_2_output_0 -> (6)[INT64]], [optional input, not set], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_4 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Pad for ONNX node: /compute_features/compute_STFT/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Pad_output_0 for ONNX tensor: /compute_features/compute_STFT/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Pad [Pad] outputs: [/compute_features/compute_STFT/Pad_output_0 -> (1, -1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Shape_2 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Shape_2 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Shape_2 [Shape] inputs: [/compute_features/compute_STFT/Pad_output_0 -> (1, -1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Shape_2 for ONNX node: /compute_features/compute_STFT/Shape_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Shape_2_output_0 for ONNX tensor: /compute_features/compute_STFT/Shape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Shape_2 [Shape] outputs: [/compute_features/compute_STFT/Shape_2_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Gather_2 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Gather_2 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Shape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Gather_2 [Gather] inputs: [/compute_features/compute_STFT/Shape_2_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_2_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Gather_2 for ONNX node: /compute_features/compute_STFT/Gather_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Gather_2_output_0 for ONNX tensor: /compute_features/compute_STFT/Gather_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Gather_2 [Gather] outputs: [/compute_features/compute_STFT/Gather_2_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Gather_3 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Gather_3 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Shape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Gather_3 [Gather] inputs: [/compute_features/compute_STFT/Shape_2_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_14_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Constant_14_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Gather_3 for ONNX node: /compute_features/compute_STFT/Gather_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Gather_3_output_0 for ONNX tensor: /compute_features/compute_STFT/Gather_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Gather_3 [Gather] outputs: [/compute_features/compute_STFT/Gather_3_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Gather_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Unsqueeze_2 [Unsqueeze] inputs: [/compute_features/compute_STFT/Gather_2_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_5 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Unsqueeze_2 for ONNX node: /compute_features/compute_STFT/Unsqueeze_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Unsqueeze_2_output_0 for ONNX tensor: /compute_features/compute_STFT/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Unsqueeze_2 [Unsqueeze] outputs: [/compute_features/compute_STFT/Unsqueeze_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Gather_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Unsqueeze_3 [Unsqueeze] inputs: [/compute_features/compute_STFT/Gather_3_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_6 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Unsqueeze_3 for ONNX node: /compute_features/compute_STFT/Unsqueeze_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Unsqueeze_3_output_0 for ONNX tensor: /compute_features/compute_STFT/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Unsqueeze_3 [Unsqueeze] outputs: [/compute_features/compute_STFT/Unsqueeze_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Concat_2 [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Concat_2 [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Concat_2 [Concat] inputs: [/compute_features/compute_STFT/Unsqueeze_2_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Unsqueeze_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Concat_2 for ONNX node: /compute_features/compute_STFT/Concat_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Concat_2_output_0 for ONNX tensor: /compute_features/compute_STFT/Concat_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Concat_2 [Concat] outputs: [/compute_features/compute_STFT/Concat_2_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/Reshape_3 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/Reshape_3 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Concat_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Reshape_3 [Reshape] inputs: [/compute_features/compute_STFT/Pad_output_0 -> (1, -1, -1)[FLOAT]], [/compute_features/compute_STFT/Concat_2_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_7 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Reshape_3 for ONNX node: /compute_features/compute_STFT/Reshape_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/Reshape_3_output_0 for ONNX tensor: /compute_features/compute_STFT/Reshape_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/Reshape_3 [Reshape] outputs: [/compute_features/compute_STFT/Reshape_3_output_0 -> (-1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_STFT/STFT [STFT] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_STFT/STFT [STFT] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Reshape_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_16_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_18_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_17_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/STFT [STFT] inputs: [/compute_features/compute_STFT/Reshape_3_output_0 -> (-1, -1)[FLOAT]], [/compute_features/compute_STFT/Constant_16_output_0 -> ()[INT64]], [/compute_features/compute_STFT/Constant_18_output_0 -> (400)[FLOAT]], [/compute_features/compute_STFT/Constant_17_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_10 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_11 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_13 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_15 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_16 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_17 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_STFT/STFT_output_0 for ONNX tensor: /compute_features/compute_STFT/STFT_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_STFT/STFT [STFT] outputs: [/compute_features/compute_STFT/STFT_output_0 -> (-1, -1, 201, 2)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/Pow [Pow] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/Pow [Pow] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/STFT_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/Pow [Pow] inputs: [/compute_features/compute_STFT/STFT_output_0 -> (-1, -1, 201, 2)[FLOAT]], [/compute_features/Constant_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/Constant_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_18 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/Pow for ONNX node: /compute_features/Pow [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/Pow_output_0 for ONNX tensor: /compute_features/Pow_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/Pow [Pow] outputs: [/compute_features/Pow_output_0 -> (-1, -1, 201, 2)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/Pow_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::ReduceSum_247 [12/19/2024-01:43:34] [V] [TRT] /compute_features/ReduceSum [ReduceSum] inputs: [/compute_features/Pow_output_0 -> (-1, -1, 201, 2)[FLOAT]], [onnx::ReduceSum_247 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/ReduceSum for ONNX node: /compute_features/ReduceSum [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/ReduceSum_output_0 for ONNX tensor: /compute_features/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/ReduceSum [ReduceSum] outputs: [/compute_features/ReduceSum_output_0 -> (-1, -1, 201)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/MatMul [MatMul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/MatMul [MatMul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/MatMul [MatMul] inputs: [/compute_features/ReduceSum_output_0 -> (-1, -1, 201)[FLOAT]], [/compute_features/compute_fbanks/Constant_output_0 -> (201, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Constant_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_19 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_20 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/MatMul for ONNX node: /compute_features/compute_fbanks/MatMul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/MatMul_output_0 for ONNX tensor: /compute_features/compute_fbanks/MatMul_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/MatMul [MatMul] outputs: [/compute_features/compute_fbanks/MatMul_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/Clip [Clip] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/Clip [Clip] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/MatMul_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Clip [Clip] inputs: [/compute_features/compute_fbanks/MatMul_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_fbanks/Constant_1_output_0 -> ()[FLOAT]], [optional input, not set], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Constant_1_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_22 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_23 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_24 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_25 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/Clip_output_0 for ONNX tensor: /compute_features/compute_fbanks/Clip_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Clip [Clip] outputs: [/compute_features/compute_fbanks/Clip_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/Log [Log] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/Log [Log] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Clip_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Log [Log] inputs: [/compute_features/compute_fbanks/Clip_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Log for ONNX node: /compute_features/compute_fbanks/Log [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/Log_output_0 for ONNX tensor: /compute_features/compute_fbanks/Log_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Log [Log] outputs: [/compute_features/compute_fbanks/Log_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Log_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Div [Div] inputs: [/compute_features/compute_fbanks/Log_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_fbanks/Constant_2_output_0 -> (1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Constant_2_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_26 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_27 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Div for ONNX node: /compute_features/compute_fbanks/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/Div_output_0 for ONNX tensor: /compute_features/compute_fbanks/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Div [Div] outputs: [/compute_features/compute_fbanks/Div_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Mul [Mul] inputs: [/compute_features/compute_fbanks/Div_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_fbanks/Constant_3_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Constant_3_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_28 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_29 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Mul for ONNX node: /compute_features/compute_fbanks/Mul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/Mul_output_0 for ONNX tensor: /compute_features/compute_fbanks/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Mul [Mul] outputs: [/compute_features/compute_fbanks/Mul_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/ReduceMax [ReduceMax] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/ReduceMax [ReduceMax] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/ReduceMax [ReduceMax] inputs: [/compute_features/compute_fbanks/Mul_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/ReduceMax for ONNX node: /compute_features/compute_fbanks/ReduceMax [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/ReduceMax_output_0 for ONNX tensor: /compute_features/compute_fbanks/ReduceMax_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/ReduceMax [ReduceMax] outputs: [/compute_features/compute_fbanks/ReduceMax_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/Sub_1 [Sub] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/Sub_1 [Sub] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/ReduceMax_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Sub_1 [Sub] inputs: [/compute_features/compute_fbanks/ReduceMax_output_0 -> (-1)[FLOAT]], [/compute_features/compute_fbanks/Constant_5_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Constant_5_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_30 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_31 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Sub_1 for ONNX node: /compute_features/compute_fbanks/Sub_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/Sub_1_output_0 for ONNX tensor: /compute_features/compute_fbanks/Sub_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Sub_1 [Sub] outputs: [/compute_features/compute_fbanks/Sub_1_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Sub_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: _v_2425 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Reshape [Reshape] inputs: [/compute_features/compute_fbanks/Sub_1_output_0 -> (-1)[FLOAT]], [_v_2425 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_32 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Reshape for ONNX node: /compute_features/compute_fbanks/Reshape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/Reshape_output_0 for ONNX tensor: /compute_features/compute_fbanks/Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Reshape [Reshape] outputs: [/compute_features/compute_fbanks/Reshape_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /compute_features/compute_fbanks/Max [Max] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /compute_features/compute_fbanks/Max [Max] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Max [Max] inputs: [/compute_features/compute_fbanks/Mul_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_fbanks/Reshape_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_fbanks/Max for ONNX node: /compute_features/compute_fbanks/Max [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /compute_features/compute_fbanks/Max_output_0 for ONNX tensor: /compute_features/compute_fbanks/Max_output_0 [12/19/2024-01:43:34] [V] [TRT] /compute_features/compute_fbanks/Max [Max] outputs: [/compute_features/compute_fbanks/Max_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Max_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape [Shape] inputs: [/compute_features/compute_fbanks/Max_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape for ONNX node: /mean_var_norm/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_output_0 for ONNX tensor: /mean_var_norm/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape [Shape] outputs: [/mean_var_norm/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/ConstantOfShape [ConstantOfShape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/ConstantOfShape [ConstantOfShape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ConstantOfShape [ConstantOfShape] inputs: [/mean_var_norm/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_35 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_36 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/ConstantOfShape_output_0 for ONNX tensor: /mean_var_norm/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ConstantOfShape [ConstantOfShape] outputs: [/mean_var_norm/ConstantOfShape_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Max_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather [Gather] inputs: [/compute_features/compute_fbanks/Max_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_37 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Gather for ONNX node: /mean_var_norm/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Gather_output_0 for ONNX tensor: /mean_var_norm/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather [Gather] outputs: [/mean_var_norm/Gather_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Sub [Sub] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Sub [Sub] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Sub [Sub] inputs: [/mean_var_norm/Gather_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Constant_output_0 -> (60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_38 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_39 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Sub for ONNX node: /mean_var_norm/Sub [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Sub_output_0 for ONNX tensor: /mean_var_norm/Sub_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Sub [Sub] outputs: [/mean_var_norm/Sub_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Sub_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Div [Div] inputs: [/mean_var_norm/Sub_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Constant_1_output_0 -> (1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_1_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_40 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_41 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Div for ONNX node: /mean_var_norm/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Div_output_0 for ONNX tensor: /mean_var_norm/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Div [Div] outputs: [/mean_var_norm/Div_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_1 [Gather] inputs: [/mean_var_norm/ConstantOfShape_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_42 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Gather_1 for ONNX node: /mean_var_norm/Gather_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Gather_1_output_0 for ONNX tensor: /mean_var_norm/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_1 [Gather] outputs: [/mean_var_norm/Gather_1_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_1 [Shape] inputs: [/mean_var_norm/Gather_1_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape_1 for ONNX node: /mean_var_norm/Shape_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_1_output_0 for ONNX tensor: /mean_var_norm/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_1 [Shape] outputs: [/mean_var_norm/Shape_1_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Expand [Expand] inputs: [/mean_var_norm/Div_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Shape_1_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_44 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_45 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_46 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_47 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_48 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_49 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_50 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_52 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_53 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_54 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_55 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Expand for ONNX node: /mean_var_norm/Expand [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Expand_output_0 for ONNX tensor: /mean_var_norm/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Expand [Expand] outputs: [/mean_var_norm/Expand_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape_2 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape_2 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_2 [Shape] inputs: [/mean_var_norm/ConstantOfShape_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape_2 for ONNX node: /mean_var_norm/Shape_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_2_output_0 for ONNX tensor: /mean_var_norm/Shape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_2 [Shape] outputs: [/mean_var_norm/Shape_2_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Slice [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Slice [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Slice [Slice] inputs: [/mean_var_norm/Shape_2_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/mean_var_norm/Constant_6_output_0 -> (1)[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_56 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_6_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_57 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_59 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_60 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_62 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_63 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_65 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_66 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_67 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_69 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_70 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_71 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_73 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_74 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_76 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_77 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_78 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_79 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_81 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_82 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_83 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_84 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_86 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_87 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_88 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Slice for ONNX node: /mean_var_norm/Slice [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Slice_output_0 for ONNX tensor: /mean_var_norm/Slice_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Slice [Slice] outputs: [/mean_var_norm/Slice_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Slice_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Concat [Concat] inputs: [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/mean_var_norm/Slice_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Concat for ONNX node: /mean_var_norm/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Concat_output_0 for ONNX tensor: /mean_var_norm/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Concat [Concat] outputs: [/mean_var_norm/Concat_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Reshape [Reshape] inputs: [/mean_var_norm/Expand_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Concat_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_89 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Reshape for ONNX node: /mean_var_norm/Reshape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Reshape_output_0 for ONNX tensor: /mean_var_norm/Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Reshape [Reshape] outputs: [/mean_var_norm/Reshape_output_0 -> (1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/ScatterND [ScatterND] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/ScatterND [ScatterND] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ScatterND [ScatterND] inputs: [/mean_var_norm/ConstantOfShape_output_0 -> (-1, -1, 60)[FLOAT]], [/mean_var_norm/Constant_3_output_0 -> (1, 1)[INT64]], [/mean_var_norm/Reshape_output_0 -> (1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_3_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/ScatterND for ONNX node: /mean_var_norm/ScatterND [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/ScatterND_output_0 for ONNX tensor: /mean_var_norm/ScatterND_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ScatterND [ScatterND] outputs: [/mean_var_norm/ScatterND_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Gather_2 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Gather_2 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Max_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_2 [Gather] inputs: [/compute_features/compute_fbanks/Max_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_STFT/Constant_2_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_90 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Gather_2 for ONNX node: /mean_var_norm/Gather_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Gather_2_output_0 for ONNX tensor: /mean_var_norm/Gather_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_2 [Gather] outputs: [/mean_var_norm/Gather_2_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Sub_1 [Sub] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Sub_1 [Sub] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Gather_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Sub_1 [Sub] inputs: [/mean_var_norm/Gather_2_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Constant_7_output_0 -> (60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_7_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_91 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_92 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Sub_1 for ONNX node: /mean_var_norm/Sub_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Sub_1_output_0 for ONNX tensor: /mean_var_norm/Sub_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Sub_1 [Sub] outputs: [/mean_var_norm/Sub_1_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Div_1 [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Div_1 [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Sub_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Div_1 [Div] inputs: [/mean_var_norm/Sub_1_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Constant_1_output_0 -> (1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_93 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_94 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Div_1 for ONNX node: /mean_var_norm/Div_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Div_1_output_0 for ONNX tensor: /mean_var_norm/Div_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Div_1 [Div] outputs: [/mean_var_norm/Div_1_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Gather_3 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Gather_3 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_3 [Gather] inputs: [/mean_var_norm/ScatterND_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_STFT/Constant_2_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_95 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Gather_3 for ONNX node: /mean_var_norm/Gather_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Gather_3_output_0 for ONNX tensor: /mean_var_norm/Gather_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_3 [Gather] outputs: [/mean_var_norm/Gather_3_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape_3 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape_3 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Gather_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_3 [Shape] inputs: [/mean_var_norm/Gather_3_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape_3 for ONNX node: /mean_var_norm/Shape_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_3_output_0 for ONNX tensor: /mean_var_norm/Shape_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_3 [Shape] outputs: [/mean_var_norm/Shape_3_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Expand_1 [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Expand_1 [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Div_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Expand_1 [Expand] inputs: [/mean_var_norm/Div_1_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Shape_3_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_97 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_98 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_99 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_100 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_101 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_102 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_103 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_105 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_106 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_107 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_108 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Expand_1 for ONNX node: /mean_var_norm/Expand_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Expand_1_output_0 for ONNX tensor: /mean_var_norm/Expand_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Expand_1 [Expand] outputs: [/mean_var_norm/Expand_1_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape_4 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape_4 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_4 [Shape] inputs: [/mean_var_norm/ScatterND_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape_4 for ONNX node: /mean_var_norm/Shape_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_4_output_0 for ONNX tensor: /mean_var_norm/Shape_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_4 [Shape] outputs: [/mean_var_norm/Shape_4_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Slice_1 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Slice_1 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Slice_1 [Slice] inputs: [/mean_var_norm/Shape_4_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/mean_var_norm/Constant_6_output_0 -> (1)[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_109 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_110 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_112 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_113 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_115 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_116 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_118 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_119 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_120 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_122 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_123 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_124 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_126 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_127 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_129 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_130 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_131 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_132 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_134 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_135 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_136 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_137 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_139 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_140 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_141 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Slice_1 for ONNX node: /mean_var_norm/Slice_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Slice_1_output_0 for ONNX tensor: /mean_var_norm/Slice_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Slice_1 [Slice] outputs: [/mean_var_norm/Slice_1_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Concat_1 [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Concat_1 [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Slice_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Concat_1 [Concat] inputs: [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/mean_var_norm/Slice_1_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Concat_1 for ONNX node: /mean_var_norm/Concat_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Concat_1_output_0 for ONNX tensor: /mean_var_norm/Concat_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Concat_1 [Concat] outputs: [/mean_var_norm/Concat_1_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Reshape_1 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Reshape_1 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Expand_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Concat_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Reshape_1 [Reshape] inputs: [/mean_var_norm/Expand_1_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Concat_1_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_142 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Reshape_1 for ONNX node: /mean_var_norm/Reshape_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Reshape_1_output_0 for ONNX tensor: /mean_var_norm/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Reshape_1 [Reshape] outputs: [/mean_var_norm/Reshape_1_output_0 -> (1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/ScatterND_1 [ScatterND] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/ScatterND_1 [ScatterND] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_10_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ScatterND_1 [ScatterND] inputs: [/mean_var_norm/ScatterND_output_0 -> (-1, -1, 60)[FLOAT]], [/mean_var_norm/Constant_10_output_0 -> (1, 1)[INT64]], [/mean_var_norm/Reshape_1_output_0 -> (1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_10_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/ScatterND_1 for ONNX node: /mean_var_norm/ScatterND_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/ScatterND_1_output_0 for ONNX tensor: /mean_var_norm/ScatterND_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ScatterND_1 [ScatterND] outputs: [/mean_var_norm/ScatterND_1_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Gather_4 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Gather_4 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Max_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_4 [Gather] inputs: [/compute_features/compute_fbanks/Max_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_STFT/Constant_14_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_143 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Gather_4 for ONNX node: /mean_var_norm/Gather_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Gather_4_output_0 for ONNX tensor: /mean_var_norm/Gather_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_4 [Gather] outputs: [/mean_var_norm/Gather_4_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Sub_2 [Sub] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Sub_2 [Sub] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Gather_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Sub_2 [Sub] inputs: [/mean_var_norm/Gather_4_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Constant_14_output_0 -> (60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_14_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_144 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_145 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Sub_2 for ONNX node: /mean_var_norm/Sub_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Sub_2_output_0 for ONNX tensor: /mean_var_norm/Sub_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Sub_2 [Sub] outputs: [/mean_var_norm/Sub_2_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Div_2 [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Div_2 [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Sub_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Div_2 [Div] inputs: [/mean_var_norm/Sub_2_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Constant_1_output_0 -> (1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_146 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_147 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Div_2 for ONNX node: /mean_var_norm/Div_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Div_2_output_0 for ONNX tensor: /mean_var_norm/Div_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Div_2 [Div] outputs: [/mean_var_norm/Div_2_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Gather_5 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Gather_5 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_5 [Gather] inputs: [/mean_var_norm/ScatterND_1_output_0 -> (-1, -1, 60)[FLOAT]], [/compute_features/compute_STFT/Constant_14_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_148 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Gather_5 for ONNX node: /mean_var_norm/Gather_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Gather_5_output_0 for ONNX tensor: /mean_var_norm/Gather_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_5 [Gather] outputs: [/mean_var_norm/Gather_5_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape_5 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape_5 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Gather_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_5 [Shape] inputs: [/mean_var_norm/Gather_5_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape_5 for ONNX node: /mean_var_norm/Shape_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_5_output_0 for ONNX tensor: /mean_var_norm/Shape_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_5 [Shape] outputs: [/mean_var_norm/Shape_5_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Expand_2 [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Expand_2 [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Div_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Expand_2 [Expand] inputs: [/mean_var_norm/Div_2_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Shape_5_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_150 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_151 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_152 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_153 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_154 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_155 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_156 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_158 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_159 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_160 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_161 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Expand_2 for ONNX node: /mean_var_norm/Expand_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Expand_2_output_0 for ONNX tensor: /mean_var_norm/Expand_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Expand_2 [Expand] outputs: [/mean_var_norm/Expand_2_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape_6 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape_6 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_6 [Shape] inputs: [/mean_var_norm/ScatterND_1_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape_6 for ONNX node: /mean_var_norm/Shape_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_6_output_0 for ONNX tensor: /mean_var_norm/Shape_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_6 [Shape] outputs: [/mean_var_norm/Shape_6_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Slice_2 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Slice_2 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Slice_2 [Slice] inputs: [/mean_var_norm/Shape_6_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/mean_var_norm/Constant_6_output_0 -> (1)[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_162 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_163 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_165 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_166 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_168 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_169 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_171 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_172 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_173 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_175 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_176 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_177 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_179 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_180 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_182 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_183 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_184 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_185 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_187 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_188 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_189 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_190 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_192 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_193 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_194 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Slice_2 for ONNX node: /mean_var_norm/Slice_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Slice_2_output_0 for ONNX tensor: /mean_var_norm/Slice_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Slice_2 [Slice] outputs: [/mean_var_norm/Slice_2_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Concat_2 [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Concat_2 [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Slice_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Concat_2 [Concat] inputs: [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/mean_var_norm/Slice_2_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Concat_2 for ONNX node: /mean_var_norm/Concat_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Concat_2_output_0 for ONNX tensor: /mean_var_norm/Concat_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Concat_2 [Concat] outputs: [/mean_var_norm/Concat_2_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Reshape_2 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Reshape_2 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Expand_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Concat_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Reshape_2 [Reshape] inputs: [/mean_var_norm/Expand_2_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Concat_2_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_195 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Reshape_2 for ONNX node: /mean_var_norm/Reshape_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Reshape_2_output_0 for ONNX tensor: /mean_var_norm/Reshape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Reshape_2 [Reshape] outputs: [/mean_var_norm/Reshape_2_output_0 -> (1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/ScatterND_2 [ScatterND] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/ScatterND_2 [ScatterND] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_17_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Reshape_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ScatterND_2 [ScatterND] inputs: [/mean_var_norm/ScatterND_1_output_0 -> (-1, -1, 60)[FLOAT]], [/mean_var_norm/Constant_17_output_0 -> (1, 1)[INT64]], [/mean_var_norm/Reshape_2_output_0 -> (1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_17_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/ScatterND_2 for ONNX node: /mean_var_norm/ScatterND_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/ScatterND_2_output_0 for ONNX tensor: /mean_var_norm/ScatterND_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ScatterND_2 [ScatterND] outputs: [/mean_var_norm/ScatterND_2_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Gather_6 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Gather_6 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_fbanks/Max_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_21_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_6 [Gather] inputs: [/compute_features/compute_fbanks/Max_output_0 -> (-1, -1, 60)[FLOAT]], [/mean_var_norm/Constant_21_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_21_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_196 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Gather_6 for ONNX node: /mean_var_norm/Gather_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Gather_6_output_0 for ONNX tensor: /mean_var_norm/Gather_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_6 [Gather] outputs: [/mean_var_norm/Gather_6_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Sub_3 [Sub] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Sub_3 [Sub] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Gather_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_22_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Sub_3 [Sub] inputs: [/mean_var_norm/Gather_6_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Constant_22_output_0 -> (60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_22_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_197 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_198 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Sub_3 for ONNX node: /mean_var_norm/Sub_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Sub_3_output_0 for ONNX tensor: /mean_var_norm/Sub_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Sub_3 [Sub] outputs: [/mean_var_norm/Sub_3_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Div_3 [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Div_3 [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Sub_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Div_3 [Div] inputs: [/mean_var_norm/Sub_3_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Constant_1_output_0 -> (1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_199 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_200 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Div_3 for ONNX node: /mean_var_norm/Div_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Div_3_output_0 for ONNX tensor: /mean_var_norm/Div_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Div_3 [Div] outputs: [/mean_var_norm/Div_3_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Gather_7 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Gather_7 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_21_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_7 [Gather] inputs: [/mean_var_norm/ScatterND_2_output_0 -> (-1, -1, 60)[FLOAT]], [/mean_var_norm/Constant_21_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_201 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Gather_7 for ONNX node: /mean_var_norm/Gather_7 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Gather_7_output_0 for ONNX tensor: /mean_var_norm/Gather_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Gather_7 [Gather] outputs: [/mean_var_norm/Gather_7_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape_7 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape_7 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Gather_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_7 [Shape] inputs: [/mean_var_norm/Gather_7_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape_7 for ONNX node: /mean_var_norm/Shape_7 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_7_output_0 for ONNX tensor: /mean_var_norm/Shape_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_7 [Shape] outputs: [/mean_var_norm/Shape_7_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Expand_3 [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Expand_3 [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Div_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Expand_3 [Expand] inputs: [/mean_var_norm/Div_3_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Shape_7_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_203 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_204 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_205 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_206 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_207 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_208 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_209 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_211 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_212 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_213 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_214 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Expand_3 for ONNX node: /mean_var_norm/Expand_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Expand_3_output_0 for ONNX tensor: /mean_var_norm/Expand_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Expand_3 [Expand] outputs: [/mean_var_norm/Expand_3_output_0 -> (-1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Shape_8 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Shape_8 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_8 [Shape] inputs: [/mean_var_norm/ScatterND_2_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Shape_8 for ONNX node: /mean_var_norm/Shape_8 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Shape_8_output_0 for ONNX tensor: /mean_var_norm/Shape_8_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Shape_8 [Shape] outputs: [/mean_var_norm/Shape_8_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Slice_3 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Slice_3 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Shape_8_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Slice_3 [Slice] inputs: [/mean_var_norm/Shape_8_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/mean_var_norm/Constant_6_output_0 -> (1)[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_215 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_216 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_218 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_219 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_221 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_222 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_224 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_225 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_226 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_228 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_229 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_230 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_232 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_233 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_235 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_236 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_237 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_238 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_240 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_241 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_242 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_243 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_245 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_246 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_247 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Slice_3 for ONNX node: /mean_var_norm/Slice_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Slice_3_output_0 for ONNX tensor: /mean_var_norm/Slice_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Slice_3 [Slice] outputs: [/mean_var_norm/Slice_3_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Concat_3 [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Concat_3 [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Slice_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Concat_3 [Concat] inputs: [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/mean_var_norm/Slice_3_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Concat_3 for ONNX node: /mean_var_norm/Concat_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Concat_3_output_0 for ONNX tensor: /mean_var_norm/Concat_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Concat_3 [Concat] outputs: [/mean_var_norm/Concat_3_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/Reshape_3 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/Reshape_3 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Expand_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Concat_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Reshape_3 [Reshape] inputs: [/mean_var_norm/Expand_3_output_0 -> (-1, 60)[FLOAT]], [/mean_var_norm/Concat_3_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_248 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Reshape_3 for ONNX node: /mean_var_norm/Reshape_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/Reshape_3_output_0 for ONNX tensor: /mean_var_norm/Reshape_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/Reshape_3 [Reshape] outputs: [/mean_var_norm/Reshape_3_output_0 -> (1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /mean_var_norm/ScatterND_3 [ScatterND] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /mean_var_norm/ScatterND_3 [ScatterND] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Constant_25_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/Reshape_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ScatterND_3 [ScatterND] inputs: [/mean_var_norm/ScatterND_2_output_0 -> (-1, -1, 60)[FLOAT]], [/mean_var_norm/Constant_25_output_0 -> (1, 1)[INT64]], [/mean_var_norm/Reshape_3_output_0 -> (1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/Constant_25_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /mean_var_norm/ScatterND_3 for ONNX node: /mean_var_norm/ScatterND_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /mean_var_norm/ScatterND_3_output_0 for ONNX tensor: /mean_var_norm/ScatterND_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /mean_var_norm/ScatterND_3 [ScatterND] outputs: [/mean_var_norm/ScatterND_3_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/Transpose [Transpose] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/Transpose [Transpose] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /mean_var_norm/ScatterND_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Transpose [Transpose] inputs: [/mean_var_norm/ScatterND_3_output_0 -> (-1, -1, 60)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/Transpose for ONNX node: /embedding_model/Transpose [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/Transpose_output_0 for ONNX tensor: /embedding_model/Transpose_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Transpose [Transpose] outputs: [/embedding_model/Transpose_output_0 -> (-1, 60, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/blocks.0/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/blocks.0/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Transpose_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/blocks.0/conv/Pad [Pad] inputs: [/embedding_model/Transpose_output_0 -> (-1, 60, -1)[FLOAT]], [/embedding_model/blocks.0/conv/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_250 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_251 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_252 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_253 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_255 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_256 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_257 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/blocks.0/conv/Pad for ONNX node: /embedding_model/blocks.0/conv/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/blocks.0/conv/Pad_output_0 for ONNX tensor: /embedding_model/blocks.0/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/blocks.0/conv/Pad [Pad] outputs: [/embedding_model/blocks.0/conv/Pad_output_0 -> (-1, 60, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/blocks.0/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/blocks.0/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.0.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.0.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/blocks.0/conv/conv/Conv [Conv] inputs: [/embedding_model/blocks.0/conv/Pad_output_0 -> (-1, 60, -1)[FLOAT]], [embedding_model.blocks.0.conv.conv.weight -> (1024, 60, 5)[FLOAT]], [embedding_model.blocks.0.conv.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 60, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_258 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_259 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_261 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_262 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_264 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_265 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 60, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_266 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_267 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/blocks.0/conv/conv/Conv for ONNX node: /embedding_model/blocks.0/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_269 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_270 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_271 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_272 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_273 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (5, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/blocks.0/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/blocks.0/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/blocks.0/conv/conv/Conv [Conv] outputs: [/embedding_model/blocks.0/conv/conv/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/blocks.0/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/blocks.0/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/blocks.0/activation/Relu [Relu] inputs: [/embedding_model/blocks.0/conv/conv/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/blocks.0/activation/Relu for ONNX node: /embedding_model/blocks.0/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/blocks.0/activation/Relu_output_0 for ONNX tensor: /embedding_model/blocks.0/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/blocks.0/activation/Relu [Relu] outputs: [/embedding_model/blocks.0/activation/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/blocks.0/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/blocks.0/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/blocks.0/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/blocks.0/activation/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.0.norm.norm.weight -> (1024)[FLOAT]], [embedding_model.blocks.0.norm.norm.bias -> (1024)[FLOAT]], [embedding_model.blocks.0.norm.norm.running_mean -> (1024)[FLOAT]], [embedding_model.blocks.0.norm.norm.running_var -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_274 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_275 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_277 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_278 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_280 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_281 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_282 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_283 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/blocks.0/norm/norm/BatchNormalization for ONNX node: /embedding_model/blocks.0/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_284 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_285 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_286 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/blocks.0/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/blocks.0/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/blocks.0/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/blocks.0/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/conv/conv/Conv [Conv] inputs: [/embedding_model/blocks.0/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.1.tdnn1.conv.conv.weight -> (1024, 1024, 1)[FLOAT]], [embedding_model.blocks.1.tdnn1.conv.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_287 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_288 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_290 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_291 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_293 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_294 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_295 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_296 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/conv/conv/Conv for ONNX node: /embedding_model/tdnn1/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_298 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_299 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_300 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_301 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_302 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_303 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/tdnn1/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/conv/conv/Conv [Conv] outputs: [/embedding_model/tdnn1/conv/conv/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/activation/Relu [Relu] inputs: [/embedding_model/tdnn1/conv/conv/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/activation/Relu for ONNX node: /embedding_model/tdnn1/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/activation/Relu_output_0 for ONNX tensor: /embedding_model/tdnn1/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/activation/Relu [Relu] outputs: [/embedding_model/tdnn1/activation/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/tdnn1/activation/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.1.tdnn1.norm.norm.weight -> (1024)[FLOAT]], [embedding_model.blocks.1.tdnn1.norm.norm.bias -> (1024)[FLOAT]], [embedding_model.blocks.1.tdnn1.norm.norm.running_mean -> (1024)[FLOAT]], [embedding_model.blocks.1.tdnn1.norm.norm.running_var -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_304 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_305 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_307 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_308 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_310 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_311 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_312 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_313 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/norm/norm/BatchNormalization for ONNX node: /embedding_model/tdnn1/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_314 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_315 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_316 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Shape [Shape] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Shape for ONNX node: /embedding_model/res2net_block/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Shape_output_0 for ONNX tensor: /embedding_model/res2net_block/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Shape [Shape] outputs: [/embedding_model/res2net_block/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Gather [Gather] inputs: [/embedding_model/res2net_block/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Gather for ONNX node: /embedding_model/res2net_block/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Gather_output_0 for ONNX tensor: /embedding_model/res2net_block/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Gather [Gather] outputs: [/embedding_model/res2net_block/Gather_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add [Add] inputs: [/embedding_model/res2net_block/Gather_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Constant_2_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Add for ONNX node: /embedding_model/res2net_block/Add [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Add_output_0 for ONNX tensor: /embedding_model/res2net_block/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add [Add] outputs: [/embedding_model/res2net_block/Add_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Div [Div] inputs: [/embedding_model/res2net_block/Add_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Constant_3_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Div for ONNX node: /embedding_model/res2net_block/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Div_output_0 for ONNX tensor: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Div [Div] outputs: [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Slice [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Slice [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice [Slice] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [onnx::Unsqueeze_261 -> (1)[INT64]], [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: onnx::Unsqueeze_261 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_317 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_318 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_320 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_321 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_323 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_324 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_326 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_327 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_328 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_330 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_331 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_332 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_334 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_335 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_337 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_338 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_339 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_340 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_342 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_343 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_344 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_345 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_347 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_348 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_349 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Slice for ONNX node: /embedding_model/res2net_block/Slice [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Slice_output_0 for ONNX tensor: /embedding_model/res2net_block/Slice_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice [Slice] outputs: [/embedding_model/res2net_block/Slice_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Mul_1 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Mul_1 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_1 [Mul] inputs: [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Constant_5_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Mul_1 for ONNX node: /embedding_model/res2net_block/Mul_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Mul_1_output_0 for ONNX tensor: /embedding_model/res2net_block/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_1 [Mul] outputs: [/embedding_model/res2net_block/Mul_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Slice_1 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Slice_1 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_1 [Slice] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Mul_1_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_350 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_351 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_353 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_354 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_356 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_357 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_359 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_360 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_361 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_363 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_364 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_365 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_367 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_368 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_370 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_371 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_372 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_373 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_375 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_376 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_377 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_378 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_380 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_381 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_382 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Slice_1 for ONNX node: /embedding_model/res2net_block/Slice_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Slice_1_output_0 for ONNX tensor: /embedding_model/res2net_block/Slice_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_1 [Slice] outputs: [/embedding_model/res2net_block/Slice_1_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_2 [Mul] inputs: [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_6_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Constant_6_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Mul_2 for ONNX node: /embedding_model/res2net_block/Mul_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Mul_2_output_0 for ONNX tensor: /embedding_model/res2net_block/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_2 [Mul] outputs: [/embedding_model/res2net_block/Mul_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Slice_2 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Slice_2 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_2 [Slice] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Mul_1_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Mul_2_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_383 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_384 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_386 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_387 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_389 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_390 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_392 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_393 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_394 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_396 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_397 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_398 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_400 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_401 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_403 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_404 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_405 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_406 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_408 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_409 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_410 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_411 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_413 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_414 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_415 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Slice_2 for ONNX node: /embedding_model/res2net_block/Slice_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Slice_2_output_0 for ONNX tensor: /embedding_model/res2net_block/Slice_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_2 [Slice] outputs: [/embedding_model/res2net_block/Slice_2_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_3 [Mul] inputs: [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /compute_features/compute_STFT/Constant_5_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Mul_3 for ONNX node: /embedding_model/res2net_block/Mul_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Mul_3_output_0 for ONNX tensor: /embedding_model/res2net_block/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_3 [Mul] outputs: [/embedding_model/res2net_block/Mul_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Slice_3 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Slice_3 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_3 [Slice] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Mul_2_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Mul_3_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_416 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_417 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_419 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_420 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_422 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_423 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_425 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_426 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_427 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_429 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_430 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_431 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_433 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_434 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_436 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_437 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_438 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_439 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_441 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_442 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_443 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_444 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_446 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_447 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_448 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Slice_3 for ONNX node: /embedding_model/res2net_block/Slice_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Slice_3_output_0 for ONNX tensor: /embedding_model/res2net_block/Slice_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_3 [Slice] outputs: [/embedding_model/res2net_block/Slice_3_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Mul_4 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Mul_4 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_8_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_4 [Mul] inputs: [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_8_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Constant_8_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Mul_4 for ONNX node: /embedding_model/res2net_block/Mul_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Mul_4_output_0 for ONNX tensor: /embedding_model/res2net_block/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_4 [Mul] outputs: [/embedding_model/res2net_block/Mul_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Slice_4 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Slice_4 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_4 [Slice] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Mul_3_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Mul_4_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_449 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_450 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_452 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_453 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_455 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_456 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_458 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_459 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_460 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_462 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_463 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_464 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_466 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_467 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_469 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_470 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_471 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_472 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_474 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_475 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_476 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_477 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_479 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_480 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_481 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Slice_4 for ONNX node: /embedding_model/res2net_block/Slice_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Slice_4_output_0 for ONNX tensor: /embedding_model/res2net_block/Slice_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_4 [Slice] outputs: [/embedding_model/res2net_block/Slice_4_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Mul_5 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Mul_5 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_9_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_5 [Mul] inputs: [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_9_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Constant_9_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Mul_5 for ONNX node: /embedding_model/res2net_block/Mul_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Mul_5_output_0 for ONNX tensor: /embedding_model/res2net_block/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_5 [Mul] outputs: [/embedding_model/res2net_block/Mul_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Slice_5 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Slice_5 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_5 [Slice] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Mul_4_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Mul_5_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_482 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_483 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_485 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_486 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_488 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_489 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_491 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_492 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_493 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_495 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_496 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_497 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_499 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_500 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_502 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_503 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_504 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_505 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_507 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_508 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_509 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_510 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_512 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_513 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_514 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Slice_5 for ONNX node: /embedding_model/res2net_block/Slice_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Slice_5_output_0 for ONNX tensor: /embedding_model/res2net_block/Slice_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_5 [Slice] outputs: [/embedding_model/res2net_block/Slice_5_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Mul_6 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Mul_6 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_6 [Mul] inputs: [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Mul_6 for ONNX node: /embedding_model/res2net_block/Mul_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Mul_6_output_0 for ONNX tensor: /embedding_model/res2net_block/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_6 [Mul] outputs: [/embedding_model/res2net_block/Mul_6_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Slice_6 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Slice_6 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_6 [Slice] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Mul_5_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Mul_6_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_515 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_516 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_518 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_519 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_521 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_522 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_524 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_525 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_526 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_528 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_529 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_530 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_532 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_533 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_535 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_536 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_537 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_538 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_540 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_541 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_542 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_543 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_545 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_546 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_547 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Slice_6 for ONNX node: /embedding_model/res2net_block/Slice_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Slice_6_output_0 for ONNX tensor: /embedding_model/res2net_block/Slice_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_6 [Slice] outputs: [/embedding_model/res2net_block/Slice_6_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Mul_7 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Mul_7 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_7 [Mul] inputs: [/embedding_model/res2net_block/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Mul_7 for ONNX node: /embedding_model/res2net_block/Mul_7 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Mul_7_output_0 for ONNX tensor: /embedding_model/res2net_block/Mul_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Mul_7 [Mul] outputs: [/embedding_model/res2net_block/Mul_7_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Slice_7 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Slice_7 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Mul_7_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_7 [Slice] inputs: [/embedding_model/tdnn1/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Mul_6_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Mul_7_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_548 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_549 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_551 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_552 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_554 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_555 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_557 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_558 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_559 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_561 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_562 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_563 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_565 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_566 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_568 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_569 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_570 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_571 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_573 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_574 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_575 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_576 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_578 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_579 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_580 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Slice_7 for ONNX node: /embedding_model/res2net_block/Slice_7 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Slice_7_output_0 for ONNX tensor: /embedding_model/res2net_block/Slice_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Slice_7 [Slice] outputs: [/embedding_model/res2net_block/Slice_7_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Slice_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv/Pad [Pad] inputs: [/embedding_model/res2net_block/Slice_1_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/blocks.0/conv/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_582 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_583 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_584 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_585 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_587 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_588 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_589 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/conv/Pad for ONNX node: /embedding_model/res2net_block/blocks.0/conv/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/conv/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.0/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.0.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.0.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv/conv/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.0/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.0.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.0.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_590 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_591 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_593 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_594 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_596 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_597 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_598 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_599 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/conv/conv/Conv for ONNX node: /embedding_model/res2net_block/blocks.0/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_601 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_602 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_603 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_604 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_605 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_606 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (2, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv/conv/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.0/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/activation/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.0/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/activation/Relu for ONNX node: /embedding_model/res2net_block/blocks.0/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/activation/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/activation/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.0/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.0/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.0.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_607 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_608 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_610 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_611 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_613 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_614 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_615 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_616 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_617 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_618 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_619 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Add_1 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Add_1 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Slice_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_1 [Add] inputs: [/embedding_model/res2net_block/Slice_2_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Add_1 for ONNX node: /embedding_model/res2net_block/Add_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Add_1_output_0 for ONNX tensor: /embedding_model/res2net_block/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_1 [Add] outputs: [/embedding_model/res2net_block/Add_1_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv/Pad [Pad] inputs: [/embedding_model/res2net_block/Add_1_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/blocks.0/conv/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_621 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_622 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_623 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_624 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_626 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_627 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_628 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/conv/Pad for ONNX node: /embedding_model/res2net_block/blocks.1/conv/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/conv/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.1/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv/conv/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.1/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.1.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.1.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_629 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_630 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_632 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_633 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_635 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_636 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_637 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_638 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/conv/conv/Conv for ONNX node: /embedding_model/res2net_block/blocks.1/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_640 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_641 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_642 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_643 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_644 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_645 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (2, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv/conv/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.1/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/activation/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.1/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/activation/Relu for ONNX node: /embedding_model/res2net_block/blocks.1/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/activation/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/activation/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.1/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.1/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.1.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_646 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_647 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_649 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_650 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_652 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_653 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_654 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_655 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_656 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_657 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_658 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Add_2 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Add_2 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Slice_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_2 [Add] inputs: [/embedding_model/res2net_block/Slice_3_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Add_2 for ONNX node: /embedding_model/res2net_block/Add_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Add_2_output_0 for ONNX tensor: /embedding_model/res2net_block/Add_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_2 [Add] outputs: [/embedding_model/res2net_block/Add_2_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Add_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv/Pad [Pad] inputs: [/embedding_model/res2net_block/Add_2_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/blocks.0/conv/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_660 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_661 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_662 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_663 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_665 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_666 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_667 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/conv/Pad for ONNX node: /embedding_model/res2net_block/blocks.2/conv/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/conv/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.2/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv/conv/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.2/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.2.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.2.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_668 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_669 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_671 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_672 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_674 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_675 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_676 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_677 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/conv/conv/Conv for ONNX node: /embedding_model/res2net_block/blocks.2/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_679 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_680 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_681 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_682 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_683 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_684 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (2, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv/conv/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.2/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/activation/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.2/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/activation/Relu for ONNX node: /embedding_model/res2net_block/blocks.2/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/activation/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/activation/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.2/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.2/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.2.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_685 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_686 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_688 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_689 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_691 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_692 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_693 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_694 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_695 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_696 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_697 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Add_3 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Add_3 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Slice_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_3 [Add] inputs: [/embedding_model/res2net_block/Slice_4_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Add_3 for ONNX node: /embedding_model/res2net_block/Add_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Add_3_output_0 for ONNX tensor: /embedding_model/res2net_block/Add_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_3 [Add] outputs: [/embedding_model/res2net_block/Add_3_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Add_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv/Pad [Pad] inputs: [/embedding_model/res2net_block/Add_3_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/blocks.0/conv/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_699 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_700 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_701 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_702 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_704 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_705 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_706 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/conv/Pad for ONNX node: /embedding_model/res2net_block/blocks.3/conv/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/conv/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.3/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.3.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.3.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv/conv/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.3/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.3.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.3.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_707 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_708 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_710 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_711 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_713 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_714 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_715 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_716 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/conv/conv/Conv for ONNX node: /embedding_model/res2net_block/blocks.3/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_718 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_719 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_720 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_721 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_722 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_723 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (2, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv/conv/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.3/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/activation/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.3/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/activation/Relu for ONNX node: /embedding_model/res2net_block/blocks.3/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/activation/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/activation/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.3/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.3/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.3.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_724 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_725 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_727 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_728 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_730 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_731 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_732 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_733 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_734 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_735 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_736 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Add_4 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Add_4 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Slice_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_4 [Add] inputs: [/embedding_model/res2net_block/Slice_5_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Add_4 for ONNX node: /embedding_model/res2net_block/Add_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Add_4_output_0 for ONNX tensor: /embedding_model/res2net_block/Add_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_4 [Add] outputs: [/embedding_model/res2net_block/Add_4_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Add_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv/Pad [Pad] inputs: [/embedding_model/res2net_block/Add_4_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/blocks.0/conv/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_738 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_739 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_740 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_741 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_743 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_744 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_745 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/conv/Pad for ONNX node: /embedding_model/res2net_block/blocks.4/conv/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/conv/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.4/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.4.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.4.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv/conv/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.4/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.4.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.4.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_746 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_747 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_749 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_750 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_752 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_753 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_754 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_755 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/conv/conv/Conv for ONNX node: /embedding_model/res2net_block/blocks.4/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_757 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_758 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_759 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_760 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_761 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_762 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (2, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv/conv/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.4/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/activation/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.4/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/activation/Relu for ONNX node: /embedding_model/res2net_block/blocks.4/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/activation/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/activation/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.4/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.4/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.4.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_763 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_764 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_766 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_767 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_769 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_770 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_771 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_772 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_773 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_774 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_775 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Add_5 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Add_5 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Slice_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_5 [Add] inputs: [/embedding_model/res2net_block/Slice_6_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Add_5 for ONNX node: /embedding_model/res2net_block/Add_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Add_5_output_0 for ONNX tensor: /embedding_model/res2net_block/Add_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_5 [Add] outputs: [/embedding_model/res2net_block/Add_5_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Add_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv/Pad [Pad] inputs: [/embedding_model/res2net_block/Add_5_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/blocks.0/conv/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_777 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_778 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_779 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_780 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_782 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_783 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_784 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/conv/Pad for ONNX node: /embedding_model/res2net_block/blocks.5/conv/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/conv/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.5/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.5.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.5.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv/conv/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.5/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.5.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.5.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_785 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_786 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_788 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_789 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_791 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_792 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_793 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_794 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/conv/conv/Conv for ONNX node: /embedding_model/res2net_block/blocks.5/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_796 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_797 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_798 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_799 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_800 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_801 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (2, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv/conv/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.5/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/activation/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.5/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/activation/Relu for ONNX node: /embedding_model/res2net_block/blocks.5/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/activation/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/activation/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.5/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.5/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.5.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_802 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_803 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_805 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_806 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_808 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_809 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_810 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_811 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_812 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_813 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_814 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Add_6 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Add_6 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Slice_7_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_6 [Add] inputs: [/embedding_model/res2net_block/Slice_7_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Add_6 for ONNX node: /embedding_model/res2net_block/Add_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Add_6_output_0 for ONNX tensor: /embedding_model/res2net_block/Add_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Add_6 [Add] outputs: [/embedding_model/res2net_block/Add_6_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/conv/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Add_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/conv/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv/Pad [Pad] inputs: [/embedding_model/res2net_block/Add_6_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/blocks.0/conv/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_816 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_817 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_818 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_819 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_821 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_822 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_823 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/conv/Pad for ONNX node: /embedding_model/res2net_block/blocks.6/conv/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/conv/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.6/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/conv/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.6.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.6.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv/conv/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.6/conv/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.6.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.6.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_824 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_825 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_827 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_828 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_830 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_831 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_832 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_833 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/conv/conv/Conv for ONNX node: /embedding_model/res2net_block/blocks.6/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_835 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_836 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_837 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_838 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_839 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_840 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (2, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv/conv/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.6/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/activation/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.6/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/activation/Relu for ONNX node: /embedding_model/res2net_block/blocks.6/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/activation/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/activation/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.6/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.6/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.1.res2net_block.blocks.6.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_841 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_842 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_844 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_845 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_847 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_848 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_849 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_850 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_851 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_852 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_853 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Slice_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Concat [Concat] inputs: [/embedding_model/res2net_block/Slice_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.1/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.2/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.3/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.4/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.5/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.6/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/Concat for ONNX node: /embedding_model/res2net_block/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/Concat_output_0 for ONNX tensor: /embedding_model/res2net_block/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/Concat [Concat] outputs: [/embedding_model/res2net_block/Concat_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/conv/conv/Conv [Conv] inputs: [/embedding_model/res2net_block/Concat_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.1.tdnn2.conv.conv.weight -> (1024, 1024, 1)[FLOAT]], [embedding_model.blocks.1.tdnn2.conv.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_854 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_855 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_857 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_858 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_860 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_861 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_862 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_863 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/conv/conv/Conv for ONNX node: /embedding_model/tdnn2/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_865 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_866 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_867 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_868 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_869 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_870 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/tdnn2/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/conv/conv/Conv [Conv] outputs: [/embedding_model/tdnn2/conv/conv/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/activation/Relu [Relu] inputs: [/embedding_model/tdnn2/conv/conv/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/activation/Relu for ONNX node: /embedding_model/tdnn2/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/activation/Relu_output_0 for ONNX tensor: /embedding_model/tdnn2/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/activation/Relu [Relu] outputs: [/embedding_model/tdnn2/activation/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.tdnn2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/tdnn2/activation/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.1.tdnn2.norm.norm.weight -> (1024)[FLOAT]], [embedding_model.blocks.1.tdnn2.norm.norm.bias -> (1024)[FLOAT]], [embedding_model.blocks.1.tdnn2.norm.norm.running_mean -> (1024)[FLOAT]], [embedding_model.blocks.1.tdnn2.norm.norm.running_var -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_871 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_872 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_874 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_875 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_877 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_878 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_879 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_880 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/norm/norm/BatchNormalization for ONNX node: /embedding_model/tdnn2/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_881 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_882 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_883 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Shape [Shape] inputs: [/embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Shape for ONNX node: /embedding_model/se_block/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Shape_output_0 for ONNX tensor: /embedding_model/se_block/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Shape [Shape] outputs: [/embedding_model/se_block/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Gather [Gather] inputs: [/embedding_model/se_block/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_14_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Gather for ONNX node: /embedding_model/se_block/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Gather_output_0 for ONNX tensor: /embedding_model/se_block/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Gather [Gather] outputs: [/embedding_model/se_block/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Cast [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Cast [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Cast [Cast] inputs: [/embedding_model/se_block/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Cast for ONNX node: /embedding_model/se_block/Cast [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Cast_output_0 for ONNX tensor: /embedding_model/se_block/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Cast [Cast] outputs: [/embedding_model/se_block/Cast_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Mul [Mul] inputs: [/Reshape_output_0 -> (-1)[FLOAT]], [/embedding_model/se_block/Cast_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_884 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_885 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Mul for ONNX node: /embedding_model/se_block/Mul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Mul_output_0 for ONNX tensor: /embedding_model/se_block/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Mul [Mul] outputs: [/embedding_model/se_block/Mul_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Range [Range] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Range [Range] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Range [Range] inputs: [/embedding_model/se_block/Constant_1_output_0 -> ()[FLOAT]], [/embedding_model/se_block/Cast_output_0 -> ()[FLOAT]], [/embedding_model/se_block/Constant_2_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Constant_1_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Constant_2_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_886 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_887 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeCastToInt64 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_889 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_890 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_891 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_892 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeFill required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Range for ONNX node: /embedding_model/se_block/Range [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_893 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Range_output_0 for ONNX tensor: /embedding_model/se_block/Range_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Range [Range] outputs: [/embedding_model/se_block/Range_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Shape_1 [Shape] inputs: [/embedding_model/se_block/Mul_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Shape_1 for ONNX node: /embedding_model/se_block/Shape_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Shape_1_output_0 for ONNX tensor: /embedding_model/se_block/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Shape_1 [Shape] outputs: [/embedding_model/se_block/Shape_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Gather_1 [Gather] inputs: [/embedding_model/se_block/Shape_1_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Gather_1 for ONNX node: /embedding_model/se_block/Gather_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Gather_1_output_0 for ONNX tensor: /embedding_model/se_block/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Gather_1 [Gather] outputs: [/embedding_model/se_block/Gather_1_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Unsqueeze [Unsqueeze] inputs: [/embedding_model/se_block/Gather_1_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_894 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Unsqueeze for ONNX node: /embedding_model/se_block/Unsqueeze [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Unsqueeze_output_0 for ONNX tensor: /embedding_model/se_block/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Unsqueeze [Unsqueeze] outputs: [/embedding_model/se_block/Unsqueeze_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Unsqueeze_1 [Unsqueeze] inputs: [/embedding_model/se_block/Gather_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_895 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Unsqueeze_1 for ONNX node: /embedding_model/se_block/Unsqueeze_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Unsqueeze_1_output_0 for ONNX tensor: /embedding_model/se_block/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Unsqueeze_1 [Unsqueeze] outputs: [/embedding_model/se_block/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Concat [Concat] inputs: [/embedding_model/se_block/Unsqueeze_output_0 -> (1)[INT64]], [/embedding_model/se_block/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Concat for ONNX node: /embedding_model/se_block/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Concat_output_0 for ONNX tensor: /embedding_model/se_block/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Concat [Concat] outputs: [/embedding_model/se_block/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Equal [Equal] inputs: [/embedding_model/se_block/Concat_output_0 -> (2)[INT64]], [/embedding_model/se_block/Mul_1_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Mul_1_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Equal for ONNX node: /embedding_model/se_block/Equal [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Equal_output_0 for ONNX tensor: /embedding_model/se_block/Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Equal [Equal] outputs: [/embedding_model/se_block/Equal_output_0 -> (2)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Where [Where] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Where [Where] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Where [Where] inputs: [/embedding_model/se_block/Equal_output_0 -> (2)[BOOL]], [/embedding_model/se_block/ConstantOfShape_output_0 -> (2)[INT64]], [/embedding_model/se_block/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/ConstantOfShape_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Where for ONNX node: /embedding_model/se_block/Where [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Where_output_0 for ONNX tensor: /embedding_model/se_block/Where_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Where [Where] outputs: [/embedding_model/se_block/Where_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Range_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Where_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Expand [Expand] inputs: [/embedding_model/se_block/Range_output_0 -> (-1)[FLOAT]], [/embedding_model/se_block/Where_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_897 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_898 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_899 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_900 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_901 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_903 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_904 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_905 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_906 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_907 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_909 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_910 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_911 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_912 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Expand for ONNX node: /embedding_model/se_block/Expand [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Expand_output_0 for ONNX tensor: /embedding_model/se_block/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Expand [Expand] outputs: [/embedding_model/se_block/Expand_output_0 -> (-1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Unsqueeze_2 [Unsqueeze] inputs: [/embedding_model/se_block/Mul_output_0 -> (-1)[FLOAT]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_913 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_914 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_916 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_917 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_919 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_920 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_,), unsqueezing to: (_, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_921 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Unsqueeze_2 for ONNX node: /embedding_model/se_block/Unsqueeze_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Unsqueeze_2_output_0 for ONNX tensor: /embedding_model/se_block/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Unsqueeze_2 [Unsqueeze] outputs: [/embedding_model/se_block/Unsqueeze_2_output_0 -> (-1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Less [Less] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Less [Less] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Less [Less] inputs: [/embedding_model/se_block/Expand_output_0 -> (-1, -1)[FLOAT]], [/embedding_model/se_block/Unsqueeze_2_output_0 -> (-1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Less for ONNX node: /embedding_model/se_block/Less [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Less_output_0 for ONNX tensor: /embedding_model/se_block/Less_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Less [Less] outputs: [/embedding_model/se_block/Less_output_0 -> (-1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Less_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Unsqueeze_3 [Unsqueeze] inputs: [/embedding_model/se_block/Less_output_0 -> (-1, -1)[BOOL]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_922 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_923 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_925 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_926 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_928 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_929 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, _), unsqueezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_930 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Unsqueeze_3 for ONNX node: /embedding_model/se_block/Unsqueeze_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Unsqueeze_3_output_0 for ONNX tensor: /embedding_model/se_block/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Unsqueeze_3 [Unsqueeze] outputs: [/embedding_model/se_block/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Cast_2 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Cast_2 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Cast_2 [Cast] inputs: [/embedding_model/se_block/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Cast_2 for ONNX node: /embedding_model/se_block/Cast_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Cast_2_output_0 for ONNX tensor: /embedding_model/se_block/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Cast_2 [Cast] outputs: [/embedding_model/se_block/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/ReduceSum [ReduceSum] inputs: [/embedding_model/se_block/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/ReduceSum for ONNX node: /embedding_model/se_block/ReduceSum [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/ReduceSum_output_0 for ONNX tensor: /embedding_model/se_block/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/ReduceSum [ReduceSum] outputs: [/embedding_model/se_block/ReduceSum_output_0 -> (-1, 1, 1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Cast_3 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Cast_3 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Cast_3 [Cast] inputs: [/embedding_model/se_block/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Cast_3 for ONNX node: /embedding_model/se_block/Cast_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Cast_3_output_0 for ONNX tensor: /embedding_model/se_block/Cast_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Cast_3 [Cast] outputs: [/embedding_model/se_block/Cast_3_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Cast_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Mul_2 [Mul] inputs: [/embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/se_block/Cast_3_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Mul_2 for ONNX node: /embedding_model/se_block/Mul_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Mul_2_output_0 for ONNX tensor: /embedding_model/se_block/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Mul_2 [Mul] outputs: [/embedding_model/se_block/Mul_2_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/ReduceSum_1 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/ReduceSum_1 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/ReduceSum_1 [ReduceSum] inputs: [/embedding_model/se_block/Mul_2_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/ReduceSum_1 for ONNX node: /embedding_model/se_block/ReduceSum_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/ReduceSum_1_output_0 for ONNX tensor: /embedding_model/se_block/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/ReduceSum_1 [ReduceSum] outputs: [/embedding_model/se_block/ReduceSum_1_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Cast_4 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Cast_4 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Cast_4 [Cast] inputs: [/embedding_model/se_block/ReduceSum_output_0 -> (-1, 1, 1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Cast_4 for ONNX node: /embedding_model/se_block/Cast_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Cast_4_output_0 for ONNX tensor: /embedding_model/se_block/Cast_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Cast_4 [Cast] outputs: [/embedding_model/se_block/Cast_4_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Cast_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Div [Div] inputs: [/embedding_model/se_block/ReduceSum_1_output_0 -> (-1, 1024, 1)[FLOAT]], [/embedding_model/se_block/Cast_4_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Div for ONNX node: /embedding_model/se_block/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Div_output_0 for ONNX tensor: /embedding_model/se_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Div [Div] outputs: [/embedding_model/se_block/Div_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/conv1/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/conv1/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.se_block.conv1.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.se_block.conv1.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv1/conv/Conv [Conv] inputs: [/embedding_model/se_block/Div_output_0 -> (-1, 1024, 1)[FLOAT]], [embedding_model.blocks.1.se_block.conv1.conv.weight -> (128, 1024, 1)[FLOAT]], [embedding_model.blocks.1.se_block.conv1.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, 1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_931 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_932 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_934 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_935 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_937 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_938 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_939 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_940 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/conv1/conv/Conv for ONNX node: /embedding_model/se_block/conv1/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_942 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_943 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_944 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_945 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, 1, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_946 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_947 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, 1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/conv1/conv/Conv_output_0 for ONNX tensor: /embedding_model/se_block/conv1/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv1/conv/Conv [Conv] outputs: [/embedding_model/se_block/conv1/conv/Conv_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/relu/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/relu/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/conv1/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/relu/Relu [Relu] inputs: [/embedding_model/se_block/conv1/conv/Conv_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/relu/Relu for ONNX node: /embedding_model/se_block/relu/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/relu/Relu_output_0 for ONNX tensor: /embedding_model/se_block/relu/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/relu/Relu [Relu] outputs: [/embedding_model/se_block/relu/Relu_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/conv2/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/conv2/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/relu/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.se_block.conv2.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.1.se_block.conv2.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv2/conv/Conv [Conv] inputs: [/embedding_model/se_block/relu/Relu_output_0 -> (-1, 128, 1)[FLOAT]], [embedding_model.blocks.1.se_block.conv2.conv.weight -> (1024, 128, 1)[FLOAT]], [embedding_model.blocks.1.se_block.conv2.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, 1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_948 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_949 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_951 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_952 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_954 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_955 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_956 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_957 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/conv2/conv/Conv for ONNX node: /embedding_model/se_block/conv2/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_959 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_960 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_961 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_962 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, 1, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_963 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_964 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, 1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/conv2/conv/Conv_output_0 for ONNX tensor: /embedding_model/se_block/conv2/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv2/conv/Conv [Conv] outputs: [/embedding_model/se_block/conv2/conv/Conv_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/sigmoid/Sigmoid [Sigmoid] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/sigmoid/Sigmoid [Sigmoid] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/conv2/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/sigmoid/Sigmoid [Sigmoid] inputs: [/embedding_model/se_block/conv2/conv/Conv_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/sigmoid/Sigmoid for ONNX node: /embedding_model/se_block/sigmoid/Sigmoid [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/sigmoid/Sigmoid_output_0 for ONNX tensor: /embedding_model/se_block/sigmoid/Sigmoid_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/sigmoid/Sigmoid [Sigmoid] outputs: [/embedding_model/se_block/sigmoid/Sigmoid_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/sigmoid/Sigmoid_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Mul_3 [Mul] inputs: [/embedding_model/se_block/sigmoid/Sigmoid_output_0 -> (-1, 1024, 1)[FLOAT]], [/embedding_model/tdnn2/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/Mul_3 for ONNX node: /embedding_model/se_block/Mul_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/Mul_3_output_0 for ONNX tensor: /embedding_model/se_block/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/Mul_3 [Mul] outputs: [/embedding_model/se_block/Mul_3_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/blocks.0/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Add [Add] inputs: [/embedding_model/se_block/Mul_3_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/blocks.0/norm/norm/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/Add for ONNX node: /embedding_model/Add [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/Add_output_0 for ONNX tensor: /embedding_model/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Add [Add] outputs: [/embedding_model/Add_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/conv/conv_1/Conv [Conv] inputs: [/embedding_model/Add_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.2.tdnn1.conv.conv.weight -> (1024, 1024, 1)[FLOAT]], [embedding_model.blocks.2.tdnn1.conv.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_965 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_966 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_968 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_969 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_971 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_972 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_973 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_974 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/conv/conv_1/Conv for ONNX node: /embedding_model/tdnn1/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_976 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_977 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_978 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_979 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_980 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_981 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/tdnn1/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/conv/conv_1/Conv [Conv] outputs: [/embedding_model/tdnn1/conv/conv_1/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/activation_1/Relu [Relu] inputs: [/embedding_model/tdnn1/conv/conv_1/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/activation_1/Relu for ONNX node: /embedding_model/tdnn1/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/tdnn1/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/activation_1/Relu [Relu] outputs: [/embedding_model/tdnn1/activation_1/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/tdnn1/activation_1/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.2.tdnn1.norm.norm.weight -> (1024)[FLOAT]], [embedding_model.blocks.2.tdnn1.norm.norm.bias -> (1024)[FLOAT]], [embedding_model.blocks.2.tdnn1.norm.norm.running_mean -> (1024)[FLOAT]], [embedding_model.blocks.2.tdnn1.norm.norm.running_var -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_982 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_983 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_985 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_986 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_988 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_989 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_990 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_991 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/tdnn1/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_992 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_993 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_994 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Shape [Shape] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Shape for ONNX node: /embedding_model/res2net_block_1/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Shape_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Shape [Shape] outputs: [/embedding_model/res2net_block_1/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Gather [Gather] inputs: [/embedding_model/res2net_block_1/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Gather for ONNX node: /embedding_model/res2net_block_1/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Gather_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Gather [Gather] outputs: [/embedding_model/res2net_block_1/Gather_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add [Add] inputs: [/embedding_model/res2net_block_1/Gather_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Add for ONNX node: /embedding_model/res2net_block_1/Add [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Add_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add [Add] outputs: [/embedding_model/res2net_block_1/Add_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Div [Div] inputs: [/embedding_model/res2net_block_1/Add_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Div for ONNX node: /embedding_model/res2net_block_1/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Div_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Div [Div] outputs: [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Slice [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Slice [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice [Slice] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [onnx::Unsqueeze_261 -> (1)[INT64]], [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_995 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_996 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_998 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_999 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1001 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1002 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1004 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1005 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1006 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1008 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1009 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1010 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1012 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1013 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1015 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1016 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1017 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1018 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1020 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1021 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1022 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1023 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1025 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1026 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1027 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Slice for ONNX node: /embedding_model/res2net_block_1/Slice [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Slice_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Slice_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice [Slice] outputs: [/embedding_model/res2net_block_1/Slice_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Mul_1 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Mul_1 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_1 [Mul] inputs: [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Mul_1 for ONNX node: /embedding_model/res2net_block_1/Mul_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Mul_1_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_1 [Mul] outputs: [/embedding_model/res2net_block_1/Mul_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Slice_1 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Slice_1 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_1 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_1/Mul_1_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1028 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1029 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1031 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1032 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1034 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1035 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1037 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1038 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1039 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1041 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1042 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1043 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1045 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1046 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1048 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1049 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1050 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1051 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1053 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1054 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1055 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1056 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1058 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1059 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1060 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Slice_1 for ONNX node: /embedding_model/res2net_block_1/Slice_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Slice_1_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Slice_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_1 [Slice] outputs: [/embedding_model/res2net_block_1/Slice_1_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_2 [Mul] inputs: [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_6_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Mul_2 for ONNX node: /embedding_model/res2net_block_1/Mul_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Mul_2_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_2 [Mul] outputs: [/embedding_model/res2net_block_1/Mul_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Slice_2 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Slice_2 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_2 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_1/Mul_1_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_1/Mul_2_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1061 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1062 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1064 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1065 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1067 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1068 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1070 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1071 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1072 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1074 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1075 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1076 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1078 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1079 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1081 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1082 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1083 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1084 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1086 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1087 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1088 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1089 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1091 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1092 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1093 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Slice_2 for ONNX node: /embedding_model/res2net_block_1/Slice_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Slice_2_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Slice_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_2 [Slice] outputs: [/embedding_model/res2net_block_1/Slice_2_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_3 [Mul] inputs: [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Mul_3 for ONNX node: /embedding_model/res2net_block_1/Mul_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Mul_3_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_3 [Mul] outputs: [/embedding_model/res2net_block_1/Mul_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Slice_3 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Slice_3 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_3 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_1/Mul_2_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_1/Mul_3_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1094 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1095 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1097 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1098 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1100 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1101 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1103 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1104 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1105 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1107 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1108 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1109 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1111 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1112 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1114 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1115 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1116 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1117 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1119 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1120 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1121 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1122 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1124 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1125 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1126 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Slice_3 for ONNX node: /embedding_model/res2net_block_1/Slice_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Slice_3_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Slice_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_3 [Slice] outputs: [/embedding_model/res2net_block_1/Slice_3_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Mul_4 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Mul_4 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_8_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_4 [Mul] inputs: [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_8_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Mul_4 for ONNX node: /embedding_model/res2net_block_1/Mul_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Mul_4_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_4 [Mul] outputs: [/embedding_model/res2net_block_1/Mul_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Slice_4 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Slice_4 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_4 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_1/Mul_3_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_1/Mul_4_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1127 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1128 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1130 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1131 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1133 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1134 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1136 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1137 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1138 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1140 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1141 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1142 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1144 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1145 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1147 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1148 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1149 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1150 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1152 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1153 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1154 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1155 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1157 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1158 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1159 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Slice_4 for ONNX node: /embedding_model/res2net_block_1/Slice_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Slice_4_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Slice_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_4 [Slice] outputs: [/embedding_model/res2net_block_1/Slice_4_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Mul_5 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Mul_5 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_9_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_5 [Mul] inputs: [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_9_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Mul_5 for ONNX node: /embedding_model/res2net_block_1/Mul_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Mul_5_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_5 [Mul] outputs: [/embedding_model/res2net_block_1/Mul_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Slice_5 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Slice_5 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_5 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_1/Mul_4_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_1/Mul_5_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1160 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1161 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1163 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1164 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1166 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1167 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1169 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1170 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1171 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1173 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1174 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1175 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1177 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1178 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1180 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1181 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1182 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1183 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1185 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1186 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1187 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1188 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1190 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1191 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1192 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Slice_5 for ONNX node: /embedding_model/res2net_block_1/Slice_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Slice_5_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Slice_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_5 [Slice] outputs: [/embedding_model/res2net_block_1/Slice_5_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Mul_6 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Mul_6 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_6 [Mul] inputs: [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Mul_6 for ONNX node: /embedding_model/res2net_block_1/Mul_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Mul_6_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_6 [Mul] outputs: [/embedding_model/res2net_block_1/Mul_6_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Slice_6 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Slice_6 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_6 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_1/Mul_5_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_1/Mul_6_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1193 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1194 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1196 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1197 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1199 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1200 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1202 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1203 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1204 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1206 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1207 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1208 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1210 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1211 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1213 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1214 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1215 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1216 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1218 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1219 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1220 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1221 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1223 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1224 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1225 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Slice_6 for ONNX node: /embedding_model/res2net_block_1/Slice_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Slice_6_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Slice_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_6 [Slice] outputs: [/embedding_model/res2net_block_1/Slice_6_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Mul_7 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Mul_7 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_7 [Mul] inputs: [/embedding_model/res2net_block_1/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Mul_7 for ONNX node: /embedding_model/res2net_block_1/Mul_7 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Mul_7_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Mul_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Mul_7 [Mul] outputs: [/embedding_model/res2net_block_1/Mul_7_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Slice_7 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Slice_7 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Mul_7_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_7 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_1/Mul_6_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_1/Mul_7_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1226 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1227 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1229 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1230 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1232 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1233 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1235 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1236 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1237 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1239 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1240 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1241 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1243 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1244 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1246 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1247 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1248 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1249 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1251 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1252 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1253 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1254 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1256 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1257 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1258 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Slice_7 for ONNX node: /embedding_model/res2net_block_1/Slice_7 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Slice_7_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Slice_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Slice_7 [Slice] outputs: [/embedding_model/res2net_block_1/Slice_7_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Slice_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv_1/Pad [Pad] inputs: [/embedding_model/res2net_block_1/Slice_1_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1260 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1261 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1262 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1263 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1265 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1266 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1267 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/conv_1/Pad for ONNX node: /embedding_model/res2net_block/blocks.0/conv_1/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/conv_1/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv_1/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.0/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.0.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.0.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.0/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.0.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.0.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1268 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1269 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1271 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1272 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1274 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1275 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1276 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1277 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv for ONNX node: /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1279 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1280 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1281 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1282 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1283 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1284 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (3, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.0/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/activation_1/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.0/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/activation_1/Relu for ONNX node: /embedding_model/res2net_block/blocks.0/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/activation_1/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.0/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.0/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.0.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1285 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1286 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1288 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1289 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1291 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1292 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1293 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1294 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1295 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1296 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1297 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Add_1 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Add_1 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Slice_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_1 [Add] inputs: [/embedding_model/res2net_block_1/Slice_2_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Add_1 for ONNX node: /embedding_model/res2net_block_1/Add_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Add_1_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_1 [Add] outputs: [/embedding_model/res2net_block_1/Add_1_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv_1/Pad [Pad] inputs: [/embedding_model/res2net_block_1/Add_1_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1299 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1300 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1301 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1302 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1304 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1305 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1306 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/conv_1/Pad for ONNX node: /embedding_model/res2net_block/blocks.1/conv_1/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/conv_1/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv_1/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.1/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.1/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.1.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.1.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1307 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1308 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1310 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1311 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1313 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1314 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1315 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1316 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv for ONNX node: /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1318 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1319 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1320 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1321 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1322 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1323 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (3, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.1/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/activation_1/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.1/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/activation_1/Relu for ONNX node: /embedding_model/res2net_block/blocks.1/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/activation_1/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.1/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.1/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.1.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1324 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1325 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1327 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1328 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1330 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1331 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1332 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1333 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1334 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1335 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1336 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Add_2 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Add_2 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Slice_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_2 [Add] inputs: [/embedding_model/res2net_block_1/Slice_3_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Add_2 for ONNX node: /embedding_model/res2net_block_1/Add_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Add_2_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Add_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_2 [Add] outputs: [/embedding_model/res2net_block_1/Add_2_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Add_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv_1/Pad [Pad] inputs: [/embedding_model/res2net_block_1/Add_2_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1338 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1339 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1340 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1341 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1343 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1344 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1345 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/conv_1/Pad for ONNX node: /embedding_model/res2net_block/blocks.2/conv_1/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/conv_1/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv_1/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.2/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.2/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.2.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.2.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1346 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1347 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1349 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1350 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1352 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1353 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1354 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1355 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv for ONNX node: /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1357 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1358 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1359 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1360 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1361 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1362 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (3, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.2/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/activation_1/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.2/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/activation_1/Relu for ONNX node: /embedding_model/res2net_block/blocks.2/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/activation_1/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.2/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.2/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.2.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1363 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1364 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1366 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1367 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1369 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1370 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1371 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1372 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1373 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1374 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1375 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Add_3 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Add_3 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Slice_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_3 [Add] inputs: [/embedding_model/res2net_block_1/Slice_4_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Add_3 for ONNX node: /embedding_model/res2net_block_1/Add_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Add_3_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Add_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_3 [Add] outputs: [/embedding_model/res2net_block_1/Add_3_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Add_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv_1/Pad [Pad] inputs: [/embedding_model/res2net_block_1/Add_3_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1377 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1378 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1379 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1380 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1382 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1383 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1384 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/conv_1/Pad for ONNX node: /embedding_model/res2net_block/blocks.3/conv_1/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/conv_1/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv_1/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.3/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.3.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.3.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.3/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.3.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.3.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1385 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1386 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1388 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1389 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1391 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1392 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1393 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1394 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv for ONNX node: /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1396 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1397 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1398 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1399 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1400 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1401 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (3, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.3/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/activation_1/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.3/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/activation_1/Relu for ONNX node: /embedding_model/res2net_block/blocks.3/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/activation_1/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.3/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.3/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.3.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1402 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1403 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1405 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1406 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1408 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1409 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1410 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1411 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1412 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1413 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1414 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Add_4 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Add_4 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Slice_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_4 [Add] inputs: [/embedding_model/res2net_block_1/Slice_5_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Add_4 for ONNX node: /embedding_model/res2net_block_1/Add_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Add_4_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Add_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_4 [Add] outputs: [/embedding_model/res2net_block_1/Add_4_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Add_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv_1/Pad [Pad] inputs: [/embedding_model/res2net_block_1/Add_4_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1416 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1417 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1418 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1419 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1421 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1422 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1423 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/conv_1/Pad for ONNX node: /embedding_model/res2net_block/blocks.4/conv_1/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/conv_1/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv_1/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.4/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.4.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.4.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.4/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.4.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.4.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1424 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1425 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1427 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1428 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1430 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1431 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1432 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1433 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv for ONNX node: /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1435 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1436 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1437 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1438 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1439 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1440 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (3, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.4/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/activation_1/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.4/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/activation_1/Relu for ONNX node: /embedding_model/res2net_block/blocks.4/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/activation_1/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.4/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.4/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.4.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1441 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1442 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1444 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1445 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1447 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1448 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1449 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1450 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1451 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1452 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1453 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Add_5 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Add_5 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Slice_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_5 [Add] inputs: [/embedding_model/res2net_block_1/Slice_6_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Add_5 for ONNX node: /embedding_model/res2net_block_1/Add_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Add_5_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Add_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_5 [Add] outputs: [/embedding_model/res2net_block_1/Add_5_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Add_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv_1/Pad [Pad] inputs: [/embedding_model/res2net_block_1/Add_5_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1455 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1456 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1457 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1458 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1460 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1461 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1462 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/conv_1/Pad for ONNX node: /embedding_model/res2net_block/blocks.5/conv_1/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/conv_1/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv_1/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.5/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.5.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.5.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.5/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.5.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.5.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1463 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1464 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1466 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1467 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1469 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1470 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1471 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1472 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv for ONNX node: /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1474 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1475 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1476 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1477 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1478 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1479 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (3, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.5/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/activation_1/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.5/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/activation_1/Relu for ONNX node: /embedding_model/res2net_block/blocks.5/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/activation_1/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.5/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.5/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.5.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1480 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1481 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1483 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1484 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1486 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1487 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1488 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1489 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1490 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1491 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1492 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Add_6 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Add_6 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Slice_7_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_6 [Add] inputs: [/embedding_model/res2net_block_1/Slice_7_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Add_6 for ONNX node: /embedding_model/res2net_block_1/Add_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Add_6_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Add_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Add_6 [Add] outputs: [/embedding_model/res2net_block_1/Add_6_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/conv_1/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Add_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv_1/Pad [Pad] inputs: [/embedding_model/res2net_block_1/Add_6_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_1/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1494 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1495 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1496 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1497 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1499 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1500 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1501 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/conv_1/Pad for ONNX node: /embedding_model/res2net_block/blocks.6/conv_1/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/conv_1/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv_1/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.6/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/conv_1/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.6.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.6.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.6/conv_1/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.6.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.6.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1502 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1503 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1505 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1506 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1508 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1509 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1510 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1511 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv for ONNX node: /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1513 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1514 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1515 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1516 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1517 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1518 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (3, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.6/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/activation_1/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.6/conv/conv_1/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/activation_1/Relu for ONNX node: /embedding_model/res2net_block/blocks.6/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/activation_1/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.6/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.6/activation_1/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.2.res2net_block.blocks.6.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1519 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1520 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1522 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1523 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1525 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1526 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1527 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1528 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1529 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1530 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1531 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_1/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_1/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Slice_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Concat [Concat] inputs: [/embedding_model/res2net_block_1/Slice_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.1/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.2/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.3/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.4/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.5/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.6/norm/norm_1/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_1/Concat for ONNX node: /embedding_model/res2net_block_1/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_1/Concat_output_0 for ONNX tensor: /embedding_model/res2net_block_1/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_1/Concat [Concat] outputs: [/embedding_model/res2net_block_1/Concat_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/conv/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_1/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/conv/conv_1/Conv [Conv] inputs: [/embedding_model/res2net_block_1/Concat_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.2.tdnn2.conv.conv.weight -> (1024, 1024, 1)[FLOAT]], [embedding_model.blocks.2.tdnn2.conv.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1532 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1533 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1535 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1536 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1538 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1539 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1540 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1541 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/conv/conv_1/Conv for ONNX node: /embedding_model/tdnn2/conv/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1543 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1544 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1545 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1546 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1547 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1548 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/conv/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/tdnn2/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/conv/conv_1/Conv [Conv] outputs: [/embedding_model/tdnn2/conv/conv_1/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/activation_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/conv/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/activation_1/Relu [Relu] inputs: [/embedding_model/tdnn2/conv/conv_1/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/activation_1/Relu for ONNX node: /embedding_model/tdnn2/activation_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/activation_1/Relu_output_0 for ONNX tensor: /embedding_model/tdnn2/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/activation_1/Relu [Relu] outputs: [/embedding_model/tdnn2/activation_1/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/norm/norm_1/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/activation_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.tdnn2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/norm/norm_1/BatchNormalization [BatchNormalization] inputs: [/embedding_model/tdnn2/activation_1/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.2.tdnn2.norm.norm.weight -> (1024)[FLOAT]], [embedding_model.blocks.2.tdnn2.norm.norm.bias -> (1024)[FLOAT]], [embedding_model.blocks.2.tdnn2.norm.norm.running_mean -> (1024)[FLOAT]], [embedding_model.blocks.2.tdnn2.norm.norm.running_var -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1549 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1550 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1552 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1553 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1555 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1556 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1557 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1558 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/norm/norm_1/BatchNormalization for ONNX node: /embedding_model/tdnn2/norm/norm_1/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1559 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1560 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1561 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 for ONNX tensor: /embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/norm/norm_1/BatchNormalization [BatchNormalization] outputs: [/embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Shape [Shape] inputs: [/embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Shape for ONNX node: /embedding_model/se_block_1/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Shape_output_0 for ONNX tensor: /embedding_model/se_block_1/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Shape [Shape] outputs: [/embedding_model/se_block_1/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Gather [Gather] inputs: [/embedding_model/se_block_1/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_14_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Gather for ONNX node: /embedding_model/se_block_1/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Gather_output_0 for ONNX tensor: /embedding_model/se_block_1/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Gather [Gather] outputs: [/embedding_model/se_block_1/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Cast [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Cast [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Cast [Cast] inputs: [/embedding_model/se_block_1/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Cast for ONNX node: /embedding_model/se_block_1/Cast [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Cast_output_0 for ONNX tensor: /embedding_model/se_block_1/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Cast [Cast] outputs: [/embedding_model/se_block_1/Cast_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Mul [Mul] inputs: [/Reshape_output_0 -> (-1)[FLOAT]], [/embedding_model/se_block_1/Cast_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1562 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_1563 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Mul for ONNX node: /embedding_model/se_block_1/Mul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Mul_output_0 for ONNX tensor: /embedding_model/se_block_1/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Mul [Mul] outputs: [/embedding_model/se_block_1/Mul_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Range [Range] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Range [Range] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Range [Range] inputs: [/embedding_model/se_block/Constant_1_output_0 -> ()[FLOAT]], [/embedding_model/se_block_1/Cast_output_0 -> ()[FLOAT]], [/embedding_model/se_block/Constant_2_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1564 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1565 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeCastToInt64_1566 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1568 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1569 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1570 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1571 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeFill_1572 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Range for ONNX node: /embedding_model/se_block_1/Range [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1573 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Range_output_0 for ONNX tensor: /embedding_model/se_block_1/Range_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Range [Range] outputs: [/embedding_model/se_block_1/Range_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Shape_1 [Shape] inputs: [/embedding_model/se_block_1/Mul_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Shape_1 for ONNX node: /embedding_model/se_block_1/Shape_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Shape_1_output_0 for ONNX tensor: /embedding_model/se_block_1/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Shape_1 [Shape] outputs: [/embedding_model/se_block_1/Shape_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Gather_1 [Gather] inputs: [/embedding_model/se_block_1/Shape_1_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Gather_1 for ONNX node: /embedding_model/se_block_1/Gather_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Gather_1_output_0 for ONNX tensor: /embedding_model/se_block_1/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Gather_1 [Gather] outputs: [/embedding_model/se_block_1/Gather_1_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Unsqueeze [Unsqueeze] inputs: [/embedding_model/se_block_1/Gather_1_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1574 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Unsqueeze for ONNX node: /embedding_model/se_block_1/Unsqueeze [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Unsqueeze_output_0 for ONNX tensor: /embedding_model/se_block_1/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Unsqueeze [Unsqueeze] outputs: [/embedding_model/se_block_1/Unsqueeze_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Unsqueeze_1 [Unsqueeze] inputs: [/embedding_model/se_block_1/Gather_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1575 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Unsqueeze_1 for ONNX node: /embedding_model/se_block_1/Unsqueeze_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Unsqueeze_1_output_0 for ONNX tensor: /embedding_model/se_block_1/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Unsqueeze_1 [Unsqueeze] outputs: [/embedding_model/se_block_1/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Concat [Concat] inputs: [/embedding_model/se_block_1/Unsqueeze_output_0 -> (1)[INT64]], [/embedding_model/se_block_1/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Concat for ONNX node: /embedding_model/se_block_1/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Concat_output_0 for ONNX tensor: /embedding_model/se_block_1/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Concat [Concat] outputs: [/embedding_model/se_block_1/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Equal [Equal] inputs: [/embedding_model/se_block_1/Concat_output_0 -> (2)[INT64]], [/embedding_model/se_block/Mul_1_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Equal for ONNX node: /embedding_model/se_block_1/Equal [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Equal_output_0 for ONNX tensor: /embedding_model/se_block_1/Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Equal [Equal] outputs: [/embedding_model/se_block_1/Equal_output_0 -> (2)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Where [Where] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Where [Where] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Where [Where] inputs: [/embedding_model/se_block_1/Equal_output_0 -> (2)[BOOL]], [/embedding_model/se_block/ConstantOfShape_output_0 -> (2)[INT64]], [/embedding_model/se_block_1/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Where for ONNX node: /embedding_model/se_block_1/Where [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Where_output_0 for ONNX tensor: /embedding_model/se_block_1/Where_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Where [Where] outputs: [/embedding_model/se_block_1/Where_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Range_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Where_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Expand [Expand] inputs: [/embedding_model/se_block_1/Range_output_0 -> (-1)[FLOAT]], [/embedding_model/se_block_1/Where_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1577 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1578 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1579 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1580 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1581 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1583 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1584 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1585 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1586 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1587 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1589 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1590 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1591 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1592 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Expand for ONNX node: /embedding_model/se_block_1/Expand [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Expand_output_0 for ONNX tensor: /embedding_model/se_block_1/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Expand [Expand] outputs: [/embedding_model/se_block_1/Expand_output_0 -> (-1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Unsqueeze_2 [Unsqueeze] inputs: [/embedding_model/se_block_1/Mul_output_0 -> (-1)[FLOAT]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1593 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1594 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1596 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1597 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1599 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1600 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_,), unsqueezing to: (_, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1601 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Unsqueeze_2 for ONNX node: /embedding_model/se_block_1/Unsqueeze_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Unsqueeze_2_output_0 for ONNX tensor: /embedding_model/se_block_1/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Unsqueeze_2 [Unsqueeze] outputs: [/embedding_model/se_block_1/Unsqueeze_2_output_0 -> (-1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Less [Less] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Less [Less] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Less [Less] inputs: [/embedding_model/se_block_1/Expand_output_0 -> (-1, -1)[FLOAT]], [/embedding_model/se_block_1/Unsqueeze_2_output_0 -> (-1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Less for ONNX node: /embedding_model/se_block_1/Less [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Less_output_0 for ONNX tensor: /embedding_model/se_block_1/Less_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Less [Less] outputs: [/embedding_model/se_block_1/Less_output_0 -> (-1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Less_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Unsqueeze_3 [Unsqueeze] inputs: [/embedding_model/se_block_1/Less_output_0 -> (-1, -1)[BOOL]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1602 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1603 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1605 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1606 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1608 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1609 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, _), unsqueezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1610 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Unsqueeze_3 for ONNX node: /embedding_model/se_block_1/Unsqueeze_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Unsqueeze_3_output_0 for ONNX tensor: /embedding_model/se_block_1/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Unsqueeze_3 [Unsqueeze] outputs: [/embedding_model/se_block_1/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Cast_2 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Cast_2 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Cast_2 [Cast] inputs: [/embedding_model/se_block_1/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Cast_2 for ONNX node: /embedding_model/se_block_1/Cast_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Cast_2_output_0 for ONNX tensor: /embedding_model/se_block_1/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Cast_2 [Cast] outputs: [/embedding_model/se_block_1/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/ReduceSum [ReduceSum] inputs: [/embedding_model/se_block_1/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/ReduceSum for ONNX node: /embedding_model/se_block_1/ReduceSum [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/ReduceSum_output_0 for ONNX tensor: /embedding_model/se_block_1/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/ReduceSum [ReduceSum] outputs: [/embedding_model/se_block_1/ReduceSum_output_0 -> (-1, 1, 1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Cast_3 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Cast_3 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Cast_3 [Cast] inputs: [/embedding_model/se_block_1/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Cast_3 for ONNX node: /embedding_model/se_block_1/Cast_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Cast_3_output_0 for ONNX tensor: /embedding_model/se_block_1/Cast_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Cast_3 [Cast] outputs: [/embedding_model/se_block_1/Cast_3_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Cast_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Mul_2 [Mul] inputs: [/embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/se_block_1/Cast_3_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Mul_2 for ONNX node: /embedding_model/se_block_1/Mul_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Mul_2_output_0 for ONNX tensor: /embedding_model/se_block_1/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Mul_2 [Mul] outputs: [/embedding_model/se_block_1/Mul_2_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/ReduceSum_1 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/ReduceSum_1 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/ReduceSum_1 [ReduceSum] inputs: [/embedding_model/se_block_1/Mul_2_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/ReduceSum_1 for ONNX node: /embedding_model/se_block_1/ReduceSum_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/ReduceSum_1_output_0 for ONNX tensor: /embedding_model/se_block_1/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/ReduceSum_1 [ReduceSum] outputs: [/embedding_model/se_block_1/ReduceSum_1_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Cast_4 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Cast_4 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Cast_4 [Cast] inputs: [/embedding_model/se_block_1/ReduceSum_output_0 -> (-1, 1, 1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Cast_4 for ONNX node: /embedding_model/se_block_1/Cast_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Cast_4_output_0 for ONNX tensor: /embedding_model/se_block_1/Cast_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Cast_4 [Cast] outputs: [/embedding_model/se_block_1/Cast_4_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Cast_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Div [Div] inputs: [/embedding_model/se_block_1/ReduceSum_1_output_0 -> (-1, 1024, 1)[FLOAT]], [/embedding_model/se_block_1/Cast_4_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Div for ONNX node: /embedding_model/se_block_1/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Div_output_0 for ONNX tensor: /embedding_model/se_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Div [Div] outputs: [/embedding_model/se_block_1/Div_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/conv1/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/conv1/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.se_block.conv1.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.se_block.conv1.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv1/conv_1/Conv [Conv] inputs: [/embedding_model/se_block_1/Div_output_0 -> (-1, 1024, 1)[FLOAT]], [embedding_model.blocks.2.se_block.conv1.conv.weight -> (128, 1024, 1)[FLOAT]], [embedding_model.blocks.2.se_block.conv1.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, 1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1611 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1612 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1614 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1615 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1617 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1618 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1619 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1620 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/conv1/conv_1/Conv for ONNX node: /embedding_model/se_block/conv1/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1622 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1623 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1624 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1625 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, 1, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1626 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1627 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, 1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/conv1/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/se_block/conv1/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv1/conv_1/Conv [Conv] outputs: [/embedding_model/se_block/conv1/conv_1/Conv_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/relu_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/relu_1/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/conv1/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/relu_1/Relu [Relu] inputs: [/embedding_model/se_block/conv1/conv_1/Conv_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/relu_1/Relu for ONNX node: /embedding_model/se_block/relu_1/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/relu_1/Relu_output_0 for ONNX tensor: /embedding_model/se_block/relu_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/relu_1/Relu [Relu] outputs: [/embedding_model/se_block/relu_1/Relu_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/conv2/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/conv2/conv_1/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/relu_1/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.se_block.conv2.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.2.se_block.conv2.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv2/conv_1/Conv [Conv] inputs: [/embedding_model/se_block/relu_1/Relu_output_0 -> (-1, 128, 1)[FLOAT]], [embedding_model.blocks.2.se_block.conv2.conv.weight -> (1024, 128, 1)[FLOAT]], [embedding_model.blocks.2.se_block.conv2.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, 1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1628 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1629 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1631 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1632 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1634 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1635 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1636 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1637 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/conv2/conv_1/Conv for ONNX node: /embedding_model/se_block/conv2/conv_1/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1639 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1640 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1641 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1642 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, 1, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1643 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1644 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, 1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/conv2/conv_1/Conv_output_0 for ONNX tensor: /embedding_model/se_block/conv2/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv2/conv_1/Conv [Conv] outputs: [/embedding_model/se_block/conv2/conv_1/Conv_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/sigmoid_1/Sigmoid [Sigmoid] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/sigmoid_1/Sigmoid [Sigmoid] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/conv2/conv_1/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/sigmoid_1/Sigmoid [Sigmoid] inputs: [/embedding_model/se_block/conv2/conv_1/Conv_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/sigmoid_1/Sigmoid for ONNX node: /embedding_model/se_block/sigmoid_1/Sigmoid [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/sigmoid_1/Sigmoid_output_0 for ONNX tensor: /embedding_model/se_block/sigmoid_1/Sigmoid_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/sigmoid_1/Sigmoid [Sigmoid] outputs: [/embedding_model/se_block/sigmoid_1/Sigmoid_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_1/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_1/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/sigmoid_1/Sigmoid_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Mul_3 [Mul] inputs: [/embedding_model/se_block/sigmoid_1/Sigmoid_output_0 -> (-1, 1024, 1)[FLOAT]], [/embedding_model/tdnn2/norm/norm_1/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_1/Mul_3 for ONNX node: /embedding_model/se_block_1/Mul_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_1/Mul_3_output_0 for ONNX tensor: /embedding_model/se_block_1/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_1/Mul_3 [Mul] outputs: [/embedding_model/se_block_1/Mul_3_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/Add_1 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/Add_1 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_1/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Add_1 [Add] inputs: [/embedding_model/se_block_1/Mul_3_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/Add_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/Add_1 for ONNX node: /embedding_model/Add_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/Add_1_output_0 for ONNX tensor: /embedding_model/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Add_1 [Add] outputs: [/embedding_model/Add_1_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/conv/conv_2/Conv [Conv] inputs: [/embedding_model/Add_1_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.3.tdnn1.conv.conv.weight -> (1024, 1024, 1)[FLOAT]], [embedding_model.blocks.3.tdnn1.conv.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1645 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1646 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1648 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1649 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1651 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1652 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1653 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1654 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/conv/conv_2/Conv for ONNX node: /embedding_model/tdnn1/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1656 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1657 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1658 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1659 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1660 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1661 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/tdnn1/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/conv/conv_2/Conv [Conv] outputs: [/embedding_model/tdnn1/conv/conv_2/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/activation_2/Relu [Relu] inputs: [/embedding_model/tdnn1/conv/conv_2/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/activation_2/Relu for ONNX node: /embedding_model/tdnn1/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/tdnn1/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/activation_2/Relu [Relu] outputs: [/embedding_model/tdnn1/activation_2/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn1/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn1/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/tdnn1/activation_2/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.3.tdnn1.norm.norm.weight -> (1024)[FLOAT]], [embedding_model.blocks.3.tdnn1.norm.norm.bias -> (1024)[FLOAT]], [embedding_model.blocks.3.tdnn1.norm.norm.running_mean -> (1024)[FLOAT]], [embedding_model.blocks.3.tdnn1.norm.norm.running_var -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1662 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1663 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1665 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1666 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1668 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1669 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1670 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1671 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn1/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/tdnn1/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1672 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1673 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1674 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn1/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Shape [Shape] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Shape for ONNX node: /embedding_model/res2net_block_2/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Shape_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Shape [Shape] outputs: [/embedding_model/res2net_block_2/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Gather [Gather] inputs: [/embedding_model/res2net_block_2/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Gather for ONNX node: /embedding_model/res2net_block_2/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Gather_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Gather [Gather] outputs: [/embedding_model/res2net_block_2/Gather_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add [Add] inputs: [/embedding_model/res2net_block_2/Gather_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Add for ONNX node: /embedding_model/res2net_block_2/Add [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Add_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add [Add] outputs: [/embedding_model/res2net_block_2/Add_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Div [Div] inputs: [/embedding_model/res2net_block_2/Add_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Div for ONNX node: /embedding_model/res2net_block_2/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Div_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Div [Div] outputs: [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Slice [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Slice [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice [Slice] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [onnx::Unsqueeze_261 -> (1)[INT64]], [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1675 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1676 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1678 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1679 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1681 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1682 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1684 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1685 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1686 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1688 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1689 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1690 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1692 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1693 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1695 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1696 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1697 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1698 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1700 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1701 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1702 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1703 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1705 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1706 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1707 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Slice for ONNX node: /embedding_model/res2net_block_2/Slice [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Slice_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Slice_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice [Slice] outputs: [/embedding_model/res2net_block_2/Slice_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Mul_1 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Mul_1 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_1 [Mul] inputs: [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Mul_1 for ONNX node: /embedding_model/res2net_block_2/Mul_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Mul_1_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_1 [Mul] outputs: [/embedding_model/res2net_block_2/Mul_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Slice_1 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Slice_1 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_1 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_2/Mul_1_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1708 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1709 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1711 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1712 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1714 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1715 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1717 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1718 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1719 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1721 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1722 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1723 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1725 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1726 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1728 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1729 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1730 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1731 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1733 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1734 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1735 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1736 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1738 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1739 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1740 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Slice_1 for ONNX node: /embedding_model/res2net_block_2/Slice_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Slice_1_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Slice_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_1 [Slice] outputs: [/embedding_model/res2net_block_2/Slice_1_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_2 [Mul] inputs: [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_6_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Mul_2 for ONNX node: /embedding_model/res2net_block_2/Mul_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Mul_2_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_2 [Mul] outputs: [/embedding_model/res2net_block_2/Mul_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Slice_2 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Slice_2 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_2 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_2/Mul_1_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_2/Mul_2_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1741 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1742 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1744 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1745 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1747 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1748 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1750 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1751 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1752 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1754 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1755 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1756 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1758 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1759 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1761 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1762 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1763 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1764 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1766 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1767 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1768 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1769 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1771 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1772 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1773 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Slice_2 for ONNX node: /embedding_model/res2net_block_2/Slice_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Slice_2_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Slice_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_2 [Slice] outputs: [/embedding_model/res2net_block_2/Slice_2_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_3 [Mul] inputs: [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Mul_3 for ONNX node: /embedding_model/res2net_block_2/Mul_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Mul_3_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_3 [Mul] outputs: [/embedding_model/res2net_block_2/Mul_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Slice_3 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Slice_3 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_3 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_2/Mul_2_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_2/Mul_3_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1774 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1775 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1777 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1778 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1780 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1781 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1783 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1784 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1785 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1787 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1788 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1789 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1791 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1792 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1794 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1795 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1796 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1797 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1799 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1800 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1801 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1802 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1804 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1805 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1806 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Slice_3 for ONNX node: /embedding_model/res2net_block_2/Slice_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Slice_3_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Slice_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_3 [Slice] outputs: [/embedding_model/res2net_block_2/Slice_3_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Mul_4 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Mul_4 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_8_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_4 [Mul] inputs: [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_8_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Mul_4 for ONNX node: /embedding_model/res2net_block_2/Mul_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Mul_4_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_4 [Mul] outputs: [/embedding_model/res2net_block_2/Mul_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Slice_4 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Slice_4 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_4 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_2/Mul_3_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_2/Mul_4_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1807 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1808 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1810 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1811 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1813 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1814 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1816 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1817 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1818 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1820 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1821 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1822 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1824 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1825 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1827 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1828 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1829 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1830 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1832 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1833 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1834 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1835 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1837 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1838 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1839 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Slice_4 for ONNX node: /embedding_model/res2net_block_2/Slice_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Slice_4_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Slice_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_4 [Slice] outputs: [/embedding_model/res2net_block_2/Slice_4_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Mul_5 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Mul_5 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_9_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_5 [Mul] inputs: [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_9_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Mul_5 for ONNX node: /embedding_model/res2net_block_2/Mul_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Mul_5_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_5 [Mul] outputs: [/embedding_model/res2net_block_2/Mul_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Slice_5 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Slice_5 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_5 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_2/Mul_4_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_2/Mul_5_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1840 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1841 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1843 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1844 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1846 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1847 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1849 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1850 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1851 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1853 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1854 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1855 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1857 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1858 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1860 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1861 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1862 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1863 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1865 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1866 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1867 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1868 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1870 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1871 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1872 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Slice_5 for ONNX node: /embedding_model/res2net_block_2/Slice_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Slice_5_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Slice_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_5 [Slice] outputs: [/embedding_model/res2net_block_2/Slice_5_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Mul_6 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Mul_6 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_6 [Mul] inputs: [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Mul_6 for ONNX node: /embedding_model/res2net_block_2/Mul_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Mul_6_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_6 [Mul] outputs: [/embedding_model/res2net_block_2/Mul_6_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Slice_6 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Slice_6 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_6 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_2/Mul_5_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_2/Mul_6_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1873 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1874 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1876 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1877 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1879 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1880 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1882 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1883 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1884 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1886 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1887 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1888 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1890 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1891 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1893 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1894 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1895 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1896 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1898 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1899 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1900 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1901 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1903 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1904 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1905 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Slice_6 for ONNX node: /embedding_model/res2net_block_2/Slice_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Slice_6_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Slice_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_6 [Slice] outputs: [/embedding_model/res2net_block_2/Slice_6_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Mul_7 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Mul_7 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_7 [Mul] inputs: [/embedding_model/res2net_block_2/Div_output_0 -> (1)[INT64]], [/embedding_model/res2net_block/Constant_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Mul_7 for ONNX node: /embedding_model/res2net_block_2/Mul_7 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Mul_7_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Mul_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Mul_7 [Mul] outputs: [/embedding_model/res2net_block_2/Mul_7_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Slice_7 [Slice] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Slice_7 [Slice] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Mul_7_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_7 [Slice] inputs: [/embedding_model/tdnn1/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block_2/Mul_6_output_0 -> (1)[INT64]], [/embedding_model/res2net_block_2/Mul_7_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1906 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1907 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1909 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1910 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1912 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1913 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1915 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1916 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1917 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1919 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1920 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1921 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1923 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1924 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1926 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1927 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1928 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1929 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1931 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1932 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1933 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1934 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1936 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1937 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1938 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Slice_7 for ONNX node: /embedding_model/res2net_block_2/Slice_7 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Slice_7_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Slice_7_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Slice_7 [Slice] outputs: [/embedding_model/res2net_block_2/Slice_7_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Slice_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv_2/Pad [Pad] inputs: [/embedding_model/res2net_block_2/Slice_1_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1940 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1941 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1942 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1943 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1945 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1946 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1947 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/conv_2/Pad for ONNX node: /embedding_model/res2net_block/blocks.0/conv_2/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/conv_2/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv_2/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.0/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.0.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.0.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.0/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.0.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.0.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1948 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1949 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1951 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1952 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1954 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1955 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1956 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1957 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv for ONNX node: /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1959 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1960 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1961 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1962 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1963 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_1964 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (4, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.0/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/activation_2/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.0/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/activation_2/Relu for ONNX node: /embedding_model/res2net_block/blocks.0/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/activation_2/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.0/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.0/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.0.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1965 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1966 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1968 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1969 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1971 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1972 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1973 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1974 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1975 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1976 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1977 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Add_1 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Add_1 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Slice_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_1 [Add] inputs: [/embedding_model/res2net_block_2/Slice_2_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Add_1 for ONNX node: /embedding_model/res2net_block_2/Add_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Add_1_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_1 [Add] outputs: [/embedding_model/res2net_block_2/Add_1_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv_2/Pad [Pad] inputs: [/embedding_model/res2net_block_2/Add_1_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1979 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1980 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1981 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1982 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1984 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_1985 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_1986 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/conv_2/Pad for ONNX node: /embedding_model/res2net_block/blocks.1/conv_2/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/conv_2/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv_2/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.1/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.1.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.1.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.1/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.1.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.1.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1987 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_1988 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1990 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_1991 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1993 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_1994 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_1995 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_1996 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv for ONNX node: /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_1998 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_1999 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2000 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2001 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2002 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2003 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (4, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.1/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/activation_2/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.1/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/activation_2/Relu for ONNX node: /embedding_model/res2net_block/blocks.1/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/activation_2/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.1/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.1/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.1.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2004 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2005 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2007 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2008 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2010 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2011 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2012 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2013 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2014 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2015 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2016 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Add_2 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Add_2 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Slice_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_2 [Add] inputs: [/embedding_model/res2net_block_2/Slice_3_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Add_2 for ONNX node: /embedding_model/res2net_block_2/Add_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Add_2_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Add_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_2 [Add] outputs: [/embedding_model/res2net_block_2/Add_2_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Add_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv_2/Pad [Pad] inputs: [/embedding_model/res2net_block_2/Add_2_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2018 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2019 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2020 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2021 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2023 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2024 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2025 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/conv_2/Pad for ONNX node: /embedding_model/res2net_block/blocks.2/conv_2/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/conv_2/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv_2/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.2/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.2/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.2.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.2.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2026 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2027 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2029 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2030 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2032 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2033 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2034 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2035 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv for ONNX node: /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2037 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2038 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2039 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2040 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2041 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2042 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (4, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.2/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/activation_2/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.2/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/activation_2/Relu for ONNX node: /embedding_model/res2net_block/blocks.2/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/activation_2/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.2/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.2/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.2.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2043 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2044 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2046 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2047 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2049 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2050 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2051 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2052 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2053 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2054 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2055 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Add_3 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Add_3 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Slice_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_3 [Add] inputs: [/embedding_model/res2net_block_2/Slice_4_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Add_3 for ONNX node: /embedding_model/res2net_block_2/Add_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Add_3_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Add_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_3 [Add] outputs: [/embedding_model/res2net_block_2/Add_3_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Add_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv_2/Pad [Pad] inputs: [/embedding_model/res2net_block_2/Add_3_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2057 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2058 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2059 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2060 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2062 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2063 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2064 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/conv_2/Pad for ONNX node: /embedding_model/res2net_block/blocks.3/conv_2/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/conv_2/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv_2/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.3/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.3.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.3.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.3/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.3.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.3.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2065 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2066 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2068 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2069 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2071 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2072 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2073 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2074 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv for ONNX node: /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2076 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2077 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2078 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2079 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2080 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2081 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (4, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.3/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/activation_2/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.3/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/activation_2/Relu for ONNX node: /embedding_model/res2net_block/blocks.3/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/activation_2/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.3/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.3/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.3.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2082 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2083 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2085 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2086 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2088 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2089 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2090 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2091 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2092 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2093 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2094 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Add_4 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Add_4 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Slice_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_4 [Add] inputs: [/embedding_model/res2net_block_2/Slice_5_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Add_4 for ONNX node: /embedding_model/res2net_block_2/Add_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Add_4_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Add_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_4 [Add] outputs: [/embedding_model/res2net_block_2/Add_4_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Add_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv_2/Pad [Pad] inputs: [/embedding_model/res2net_block_2/Add_4_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2096 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2097 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2098 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2099 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2101 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2102 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2103 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/conv_2/Pad for ONNX node: /embedding_model/res2net_block/blocks.4/conv_2/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/conv_2/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv_2/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.4/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.4.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.4.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.4/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.4.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.4.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2104 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2105 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2107 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2108 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2110 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2111 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2112 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2113 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv for ONNX node: /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2115 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2116 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2117 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2118 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2119 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2120 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (4, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.4/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/activation_2/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.4/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/activation_2/Relu for ONNX node: /embedding_model/res2net_block/blocks.4/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/activation_2/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.4/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.4/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.4.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2121 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2122 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2124 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2125 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2127 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2128 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2129 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2130 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2131 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2132 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2133 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Add_5 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Add_5 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Slice_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_5 [Add] inputs: [/embedding_model/res2net_block_2/Slice_6_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Add_5 for ONNX node: /embedding_model/res2net_block_2/Add_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Add_5_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Add_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_5 [Add] outputs: [/embedding_model/res2net_block_2/Add_5_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Add_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv_2/Pad [Pad] inputs: [/embedding_model/res2net_block_2/Add_5_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2135 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2136 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2137 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2138 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2140 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2141 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2142 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/conv_2/Pad for ONNX node: /embedding_model/res2net_block/blocks.5/conv_2/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/conv_2/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv_2/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.5/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.5.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.5.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.5/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.5.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.5.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2143 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2144 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2146 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2147 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2149 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2150 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2151 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2152 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv for ONNX node: /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2154 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2155 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2156 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2157 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2158 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2159 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (4, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.5/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/activation_2/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.5/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/activation_2/Relu for ONNX node: /embedding_model/res2net_block/blocks.5/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/activation_2/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.5/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.5/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.5.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2160 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2161 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2163 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2164 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2166 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2167 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2168 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2169 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2170 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2171 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2172 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Add_6 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Add_6 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Slice_7_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_6 [Add] inputs: [/embedding_model/res2net_block_2/Slice_7_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Add_6 for ONNX node: /embedding_model/res2net_block_2/Add_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Add_6_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Add_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Add_6 [Add] outputs: [/embedding_model/res2net_block_2/Add_6_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/conv_2/Pad [Pad] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Add_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv_2/Pad [Pad] inputs: [/embedding_model/res2net_block_2/Add_6_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/conv_2/Reshape_1_output_0 -> (6)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2174 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2175 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2176 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2177 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2179 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2180 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2181 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/conv_2/Pad for ONNX node: /embedding_model/res2net_block/blocks.6/conv_2/Pad [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/conv_2/Pad_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv_2/Pad [Pad] outputs: [/embedding_model/res2net_block/blocks.6/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/conv_2/Pad_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.6.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.6.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv [Conv] inputs: [/embedding_model/res2net_block/blocks.6/conv_2/Pad_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.6.conv.conv.weight -> (128, 128, 3)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.6.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2182 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2183 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2185 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2186 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2188 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2189 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2190 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2191 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv for ONNX node: /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2193 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2194 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2195 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2196 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2197 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2198 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (3, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (4, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv [Conv] outputs: [/embedding_model/res2net_block/blocks.6/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/activation_2/Relu [Relu] inputs: [/embedding_model/res2net_block/blocks.6/conv/conv_2/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/activation_2/Relu for ONNX node: /embedding_model/res2net_block/blocks.6/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/activation_2/Relu [Relu] outputs: [/embedding_model/res2net_block/blocks.6/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/res2net_block/blocks.6/activation_2/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.weight -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.bias -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.blocks.3.res2net_block.blocks.6.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2199 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2200 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2202 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2203 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2205 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2206 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2207 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2208 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2209 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2210 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2211 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/res2net_block_2/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/res2net_block_2/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Slice_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Concat [Concat] inputs: [/embedding_model/res2net_block_2/Slice_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.0/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.1/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.2/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.3/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.4/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.5/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [/embedding_model/res2net_block/blocks.6/norm/norm_2/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/res2net_block_2/Concat for ONNX node: /embedding_model/res2net_block_2/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/res2net_block_2/Concat_output_0 for ONNX tensor: /embedding_model/res2net_block_2/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/res2net_block_2/Concat [Concat] outputs: [/embedding_model/res2net_block_2/Concat_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/conv/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block_2/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn2.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn2.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/conv/conv_2/Conv [Conv] inputs: [/embedding_model/res2net_block_2/Concat_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.3.tdnn2.conv.conv.weight -> (1024, 1024, 1)[FLOAT]], [embedding_model.blocks.3.tdnn2.conv.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2212 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2213 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2215 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2216 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2218 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2219 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2220 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2221 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/conv/conv_2/Conv for ONNX node: /embedding_model/tdnn2/conv/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2223 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2224 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2225 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2226 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2227 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2228 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/conv/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/tdnn2/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/conv/conv_2/Conv [Conv] outputs: [/embedding_model/tdnn2/conv/conv_2/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/activation_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/conv/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/activation_2/Relu [Relu] inputs: [/embedding_model/tdnn2/conv/conv_2/Conv_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/activation_2/Relu for ONNX node: /embedding_model/tdnn2/activation_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/activation_2/Relu_output_0 for ONNX tensor: /embedding_model/tdnn2/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/activation_2/Relu [Relu] outputs: [/embedding_model/tdnn2/activation_2/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/tdnn2/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/tdnn2/norm/norm_2/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/activation_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn2.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn2.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn2.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.tdnn2.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/norm/norm_2/BatchNormalization [BatchNormalization] inputs: [/embedding_model/tdnn2/activation_2/Relu_output_0 -> (-1, 1024, -1)[FLOAT]], [embedding_model.blocks.3.tdnn2.norm.norm.weight -> (1024)[FLOAT]], [embedding_model.blocks.3.tdnn2.norm.norm.bias -> (1024)[FLOAT]], [embedding_model.blocks.3.tdnn2.norm.norm.running_mean -> (1024)[FLOAT]], [embedding_model.blocks.3.tdnn2.norm.norm.running_var -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2229 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2230 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2232 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2233 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2235 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2236 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2237 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2238 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/tdnn2/norm/norm_2/BatchNormalization for ONNX node: /embedding_model/tdnn2/norm/norm_2/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2239 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2240 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2241 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 for ONNX tensor: /embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/tdnn2/norm/norm_2/BatchNormalization [BatchNormalization] outputs: [/embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Shape [Shape] inputs: [/embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Shape for ONNX node: /embedding_model/se_block_2/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Shape_output_0 for ONNX tensor: /embedding_model/se_block_2/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Shape [Shape] outputs: [/embedding_model/se_block_2/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Gather [Gather] inputs: [/embedding_model/se_block_2/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_14_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Gather for ONNX node: /embedding_model/se_block_2/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Gather_output_0 for ONNX tensor: /embedding_model/se_block_2/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Gather [Gather] outputs: [/embedding_model/se_block_2/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Cast [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Cast [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Cast [Cast] inputs: [/embedding_model/se_block_2/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Cast for ONNX node: /embedding_model/se_block_2/Cast [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Cast_output_0 for ONNX tensor: /embedding_model/se_block_2/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Cast [Cast] outputs: [/embedding_model/se_block_2/Cast_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Mul [Mul] inputs: [/Reshape_output_0 -> (-1)[FLOAT]], [/embedding_model/se_block_2/Cast_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2242 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2243 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Mul for ONNX node: /embedding_model/se_block_2/Mul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Mul_output_0 for ONNX tensor: /embedding_model/se_block_2/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Mul [Mul] outputs: [/embedding_model/se_block_2/Mul_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Range [Range] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Range [Range] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Range [Range] inputs: [/embedding_model/se_block/Constant_1_output_0 -> ()[FLOAT]], [/embedding_model/se_block_2/Cast_output_0 -> ()[FLOAT]], [/embedding_model/se_block/Constant_2_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2244 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2245 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeCastToInt64_2246 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2248 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2249 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2250 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2251 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeFill_2252 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Range for ONNX node: /embedding_model/se_block_2/Range [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2253 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Range_output_0 for ONNX tensor: /embedding_model/se_block_2/Range_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Range [Range] outputs: [/embedding_model/se_block_2/Range_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Shape_1 [Shape] inputs: [/embedding_model/se_block_2/Mul_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Shape_1 for ONNX node: /embedding_model/se_block_2/Shape_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Shape_1_output_0 for ONNX tensor: /embedding_model/se_block_2/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Shape_1 [Shape] outputs: [/embedding_model/se_block_2/Shape_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Gather_1 [Gather] inputs: [/embedding_model/se_block_2/Shape_1_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Gather_1 for ONNX node: /embedding_model/se_block_2/Gather_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Gather_1_output_0 for ONNX tensor: /embedding_model/se_block_2/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Gather_1 [Gather] outputs: [/embedding_model/se_block_2/Gather_1_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Unsqueeze [Unsqueeze] inputs: [/embedding_model/se_block_2/Gather_1_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2254 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Unsqueeze for ONNX node: /embedding_model/se_block_2/Unsqueeze [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Unsqueeze_output_0 for ONNX tensor: /embedding_model/se_block_2/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Unsqueeze [Unsqueeze] outputs: [/embedding_model/se_block_2/Unsqueeze_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Unsqueeze_1 [Unsqueeze] inputs: [/embedding_model/se_block_2/Gather_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2255 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Unsqueeze_1 for ONNX node: /embedding_model/se_block_2/Unsqueeze_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Unsqueeze_1_output_0 for ONNX tensor: /embedding_model/se_block_2/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Unsqueeze_1 [Unsqueeze] outputs: [/embedding_model/se_block_2/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Concat [Concat] inputs: [/embedding_model/se_block_2/Unsqueeze_output_0 -> (1)[INT64]], [/embedding_model/se_block_2/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Concat for ONNX node: /embedding_model/se_block_2/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Concat_output_0 for ONNX tensor: /embedding_model/se_block_2/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Concat [Concat] outputs: [/embedding_model/se_block_2/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Equal [Equal] inputs: [/embedding_model/se_block_2/Concat_output_0 -> (2)[INT64]], [/embedding_model/se_block/Mul_1_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Equal for ONNX node: /embedding_model/se_block_2/Equal [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Equal_output_0 for ONNX tensor: /embedding_model/se_block_2/Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Equal [Equal] outputs: [/embedding_model/se_block_2/Equal_output_0 -> (2)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Where [Where] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Where [Where] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Where [Where] inputs: [/embedding_model/se_block_2/Equal_output_0 -> (2)[BOOL]], [/embedding_model/se_block/ConstantOfShape_output_0 -> (2)[INT64]], [/embedding_model/se_block_2/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Where for ONNX node: /embedding_model/se_block_2/Where [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Where_output_0 for ONNX tensor: /embedding_model/se_block_2/Where_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Where [Where] outputs: [/embedding_model/se_block_2/Where_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Range_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Where_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Expand [Expand] inputs: [/embedding_model/se_block_2/Range_output_0 -> (-1)[FLOAT]], [/embedding_model/se_block_2/Where_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2257 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2258 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2259 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2260 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2261 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2263 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2264 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2265 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2266 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2267 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2269 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2270 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2271 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2272 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Expand for ONNX node: /embedding_model/se_block_2/Expand [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Expand_output_0 for ONNX tensor: /embedding_model/se_block_2/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Expand [Expand] outputs: [/embedding_model/se_block_2/Expand_output_0 -> (-1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Unsqueeze_2 [Unsqueeze] inputs: [/embedding_model/se_block_2/Mul_output_0 -> (-1)[FLOAT]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2273 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2274 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2276 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2277 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2279 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2280 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_,), unsqueezing to: (_, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2281 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Unsqueeze_2 for ONNX node: /embedding_model/se_block_2/Unsqueeze_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Unsqueeze_2_output_0 for ONNX tensor: /embedding_model/se_block_2/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Unsqueeze_2 [Unsqueeze] outputs: [/embedding_model/se_block_2/Unsqueeze_2_output_0 -> (-1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Less [Less] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Less [Less] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Less [Less] inputs: [/embedding_model/se_block_2/Expand_output_0 -> (-1, -1)[FLOAT]], [/embedding_model/se_block_2/Unsqueeze_2_output_0 -> (-1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Less for ONNX node: /embedding_model/se_block_2/Less [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Less_output_0 for ONNX tensor: /embedding_model/se_block_2/Less_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Less [Less] outputs: [/embedding_model/se_block_2/Less_output_0 -> (-1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Less_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Unsqueeze_3 [Unsqueeze] inputs: [/embedding_model/se_block_2/Less_output_0 -> (-1, -1)[BOOL]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2282 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2283 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2285 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2286 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2288 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2289 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, _), unsqueezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2290 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Unsqueeze_3 for ONNX node: /embedding_model/se_block_2/Unsqueeze_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Unsqueeze_3_output_0 for ONNX tensor: /embedding_model/se_block_2/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Unsqueeze_3 [Unsqueeze] outputs: [/embedding_model/se_block_2/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Cast_2 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Cast_2 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Cast_2 [Cast] inputs: [/embedding_model/se_block_2/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Cast_2 for ONNX node: /embedding_model/se_block_2/Cast_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Cast_2_output_0 for ONNX tensor: /embedding_model/se_block_2/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Cast_2 [Cast] outputs: [/embedding_model/se_block_2/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/ReduceSum [ReduceSum] inputs: [/embedding_model/se_block_2/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/ReduceSum for ONNX node: /embedding_model/se_block_2/ReduceSum [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/ReduceSum_output_0 for ONNX tensor: /embedding_model/se_block_2/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/ReduceSum [ReduceSum] outputs: [/embedding_model/se_block_2/ReduceSum_output_0 -> (-1, 1, 1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Cast_3 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Cast_3 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Cast_3 [Cast] inputs: [/embedding_model/se_block_2/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Cast_3 for ONNX node: /embedding_model/se_block_2/Cast_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Cast_3_output_0 for ONNX tensor: /embedding_model/se_block_2/Cast_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Cast_3 [Cast] outputs: [/embedding_model/se_block_2/Cast_3_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Cast_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Mul_2 [Mul] inputs: [/embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/se_block_2/Cast_3_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Mul_2 for ONNX node: /embedding_model/se_block_2/Mul_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Mul_2_output_0 for ONNX tensor: /embedding_model/se_block_2/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Mul_2 [Mul] outputs: [/embedding_model/se_block_2/Mul_2_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/ReduceSum_1 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/ReduceSum_1 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/ReduceSum_1 [ReduceSum] inputs: [/embedding_model/se_block_2/Mul_2_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/ReduceSum_1 for ONNX node: /embedding_model/se_block_2/ReduceSum_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/ReduceSum_1_output_0 for ONNX tensor: /embedding_model/se_block_2/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/ReduceSum_1 [ReduceSum] outputs: [/embedding_model/se_block_2/ReduceSum_1_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Cast_4 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Cast_4 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Cast_4 [Cast] inputs: [/embedding_model/se_block_2/ReduceSum_output_0 -> (-1, 1, 1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Cast_4 for ONNX node: /embedding_model/se_block_2/Cast_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Cast_4_output_0 for ONNX tensor: /embedding_model/se_block_2/Cast_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Cast_4 [Cast] outputs: [/embedding_model/se_block_2/Cast_4_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Cast_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Div [Div] inputs: [/embedding_model/se_block_2/ReduceSum_1_output_0 -> (-1, 1024, 1)[FLOAT]], [/embedding_model/se_block_2/Cast_4_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Div for ONNX node: /embedding_model/se_block_2/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Div_output_0 for ONNX tensor: /embedding_model/se_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Div [Div] outputs: [/embedding_model/se_block_2/Div_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/conv1/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/conv1/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.se_block.conv1.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.se_block.conv1.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv1/conv_2/Conv [Conv] inputs: [/embedding_model/se_block_2/Div_output_0 -> (-1, 1024, 1)[FLOAT]], [embedding_model.blocks.3.se_block.conv1.conv.weight -> (128, 1024, 1)[FLOAT]], [embedding_model.blocks.3.se_block.conv1.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 1024, 1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2291 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2292 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2294 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2295 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2297 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2298 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2299 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2300 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/conv1/conv_2/Conv for ONNX node: /embedding_model/se_block/conv1/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2302 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2303 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2304 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2305 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, 1, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2306 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2307 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, 1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/conv1/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/se_block/conv1/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv1/conv_2/Conv [Conv] outputs: [/embedding_model/se_block/conv1/conv_2/Conv_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/relu_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/relu_2/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/conv1/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/relu_2/Relu [Relu] inputs: [/embedding_model/se_block/conv1/conv_2/Conv_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/relu_2/Relu for ONNX node: /embedding_model/se_block/relu_2/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/relu_2/Relu_output_0 for ONNX tensor: /embedding_model/se_block/relu_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/relu_2/Relu [Relu] outputs: [/embedding_model/se_block/relu_2/Relu_output_0 -> (-1, 128, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/conv2/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/conv2/conv_2/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/relu_2/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.se_block.conv2.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.blocks.3.se_block.conv2.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv2/conv_2/Conv [Conv] inputs: [/embedding_model/se_block/relu_2/Relu_output_0 -> (-1, 128, 1)[FLOAT]], [embedding_model.blocks.3.se_block.conv2.conv.weight -> (1024, 128, 1)[FLOAT]], [embedding_model.blocks.3.se_block.conv2.conv.bias -> (1024)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, 1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2308 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2309 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2311 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2312 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2314 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2315 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2316 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2317 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/conv2/conv_2/Conv for ONNX node: /embedding_model/se_block/conv2/conv_2/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2319 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2320 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2321 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2322 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1024, 1, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2323 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2324 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 1024, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 1024, 1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/conv2/conv_2/Conv_output_0 for ONNX tensor: /embedding_model/se_block/conv2/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/conv2/conv_2/Conv [Conv] outputs: [/embedding_model/se_block/conv2/conv_2/Conv_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block/sigmoid_2/Sigmoid [Sigmoid] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block/sigmoid_2/Sigmoid [Sigmoid] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/conv2/conv_2/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/sigmoid_2/Sigmoid [Sigmoid] inputs: [/embedding_model/se_block/conv2/conv_2/Conv_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block/sigmoid_2/Sigmoid for ONNX node: /embedding_model/se_block/sigmoid_2/Sigmoid [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block/sigmoid_2/Sigmoid_output_0 for ONNX tensor: /embedding_model/se_block/sigmoid_2/Sigmoid_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block/sigmoid_2/Sigmoid [Sigmoid] outputs: [/embedding_model/se_block/sigmoid_2/Sigmoid_output_0 -> (-1, 1024, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/se_block_2/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/se_block_2/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/sigmoid_2/Sigmoid_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Mul_3 [Mul] inputs: [/embedding_model/se_block/sigmoid_2/Sigmoid_output_0 -> (-1, 1024, 1)[FLOAT]], [/embedding_model/tdnn2/norm/norm_2/BatchNormalization_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/se_block_2/Mul_3 for ONNX node: /embedding_model/se_block_2/Mul_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/se_block_2/Mul_3_output_0 for ONNX tensor: /embedding_model/se_block_2/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/se_block_2/Mul_3 [Mul] outputs: [/embedding_model/se_block_2/Mul_3_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/Add_2 [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/Add_2 [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block_2/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Add_2 [Add] inputs: [/embedding_model/se_block_2/Mul_3_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/Add_1_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/Add_2 for ONNX node: /embedding_model/Add_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/Add_2_output_0 for ONNX tensor: /embedding_model/Add_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Add_2 [Add] outputs: [/embedding_model/Add_2_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Add_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Add_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Concat [Concat] inputs: [/embedding_model/Add_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/Add_1_output_0 -> (-1, 1024, -1)[FLOAT]], [/embedding_model/Add_2_output_0 -> (-1, 1024, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/Concat for ONNX node: /embedding_model/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/Concat_output_0 for ONNX tensor: /embedding_model/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Concat [Concat] outputs: [/embedding_model/Concat_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/mfa/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/mfa/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.mfa.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.mfa.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/mfa/conv/conv/Conv [Conv] inputs: [/embedding_model/Concat_output_0 -> (-1, 3072, -1)[FLOAT]], [embedding_model.mfa.conv.conv.weight -> (3072, 3072, 1)[FLOAT]], [embedding_model.mfa.conv.conv.bias -> (3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 3072, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2325 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2326 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2328 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2329 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2331 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2332 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 3072, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2333 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2334 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/mfa/conv/conv/Conv for ONNX node: /embedding_model/mfa/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2336 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2337 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2338 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2339 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 3072, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2340 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2341 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 3072, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 3072, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/mfa/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/mfa/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/mfa/conv/conv/Conv [Conv] outputs: [/embedding_model/mfa/conv/conv/Conv_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/mfa/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/mfa/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/mfa/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/mfa/activation/Relu [Relu] inputs: [/embedding_model/mfa/conv/conv/Conv_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/mfa/activation/Relu for ONNX node: /embedding_model/mfa/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/mfa/activation/Relu_output_0 for ONNX tensor: /embedding_model/mfa/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/mfa/activation/Relu [Relu] outputs: [/embedding_model/mfa/activation/Relu_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/mfa/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/mfa/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/mfa/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.mfa.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.mfa.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.mfa.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.mfa.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/mfa/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/mfa/activation/Relu_output_0 -> (-1, 3072, -1)[FLOAT]], [embedding_model.mfa.norm.norm.weight -> (3072)[FLOAT]], [embedding_model.mfa.norm.norm.bias -> (3072)[FLOAT]], [embedding_model.mfa.norm.norm.running_mean -> (3072)[FLOAT]], [embedding_model.mfa.norm.norm.running_var -> (3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2342 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2343 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2345 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2346 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2348 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2349 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 3072, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2350 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2351 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/mfa/norm/norm/BatchNormalization for ONNX node: /embedding_model/mfa/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2352 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2353 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2354 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/mfa/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/mfa/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/mfa/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/mfa/norm/norm/BatchNormalization_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/mfa/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Shape [Shape] inputs: [/embedding_model/mfa/norm/norm/BatchNormalization_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Shape for ONNX node: /embedding_model/asp/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Shape_output_0 for ONNX tensor: /embedding_model/asp/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Shape [Shape] outputs: [/embedding_model/asp/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Gather [Gather] inputs: [/embedding_model/asp/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_14_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Gather for ONNX node: /embedding_model/asp/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Gather_output_0 for ONNX tensor: /embedding_model/asp/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Gather [Gather] outputs: [/embedding_model/asp/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Cast [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Cast [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Cast [Cast] inputs: [/embedding_model/asp/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Cast for ONNX node: /embedding_model/asp/Cast [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Cast_output_0 for ONNX tensor: /embedding_model/asp/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Cast [Cast] outputs: [/embedding_model/asp/Cast_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul [Mul] inputs: [/Reshape_output_0 -> (-1)[FLOAT]], [/embedding_model/asp/Cast_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2355 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2356 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Mul for ONNX node: /embedding_model/asp/Mul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Mul_output_0 for ONNX tensor: /embedding_model/asp/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul [Mul] outputs: [/embedding_model/asp/Mul_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Range [Range] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Range [Range] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Constant_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Cast_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Range [Range] inputs: [/embedding_model/se_block/Constant_1_output_0 -> ()[FLOAT]], [/embedding_model/asp/Cast_output_0 -> ()[FLOAT]], [/embedding_model/se_block/Constant_2_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2357 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2358 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeCastToInt64_2359 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2361 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2362 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2363 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2364 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeFill_2365 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Range for ONNX node: /embedding_model/asp/Range [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2366 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Range_output_0 for ONNX tensor: /embedding_model/asp/Range_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Range [Range] outputs: [/embedding_model/asp/Range_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Shape_1 [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Shape_1 [Shape] inputs: [/embedding_model/asp/Mul_output_0 -> (-1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Shape_1 for ONNX node: /embedding_model/asp/Shape_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Shape_1_output_0 for ONNX tensor: /embedding_model/asp/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Shape_1 [Shape] outputs: [/embedding_model/asp/Shape_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Shape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Gather_1 [Gather] inputs: [/embedding_model/asp/Shape_1_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Gather_1 for ONNX node: /embedding_model/asp/Gather_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Gather_1_output_0 for ONNX tensor: /embedding_model/asp/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Gather_1 [Gather] outputs: [/embedding_model/asp/Gather_1_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze [Unsqueeze] inputs: [/embedding_model/asp/Gather_1_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2367 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Unsqueeze for ONNX node: /embedding_model/asp/Unsqueeze [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Unsqueeze_output_0 for ONNX tensor: /embedding_model/asp/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze [Unsqueeze] outputs: [/embedding_model/asp/Unsqueeze_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_1 [Unsqueeze] inputs: [/embedding_model/asp/Gather_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2368 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Unsqueeze_1 for ONNX node: /embedding_model/asp/Unsqueeze_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Unsqueeze_1_output_0 for ONNX tensor: /embedding_model/asp/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_1 [Unsqueeze] outputs: [/embedding_model/asp/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Concat [Concat] inputs: [/embedding_model/asp/Unsqueeze_output_0 -> (1)[INT64]], [/embedding_model/asp/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Concat for ONNX node: /embedding_model/asp/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Concat_output_0 for ONNX tensor: /embedding_model/asp/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Concat [Concat] outputs: [/embedding_model/asp/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/Mul_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Equal [Equal] inputs: [/embedding_model/asp/Concat_output_0 -> (2)[INT64]], [/embedding_model/se_block/Mul_1_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Equal for ONNX node: /embedding_model/asp/Equal [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Equal_output_0 for ONNX tensor: /embedding_model/asp/Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Equal [Equal] outputs: [/embedding_model/asp/Equal_output_0 -> (2)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Where [Where] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Where [Where] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/se_block/ConstantOfShape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Where [Where] inputs: [/embedding_model/asp/Equal_output_0 -> (2)[BOOL]], [/embedding_model/se_block/ConstantOfShape_output_0 -> (2)[INT64]], [/embedding_model/asp/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Where for ONNX node: /embedding_model/asp/Where [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Where_output_0 for ONNX tensor: /embedding_model/asp/Where_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Where [Where] outputs: [/embedding_model/asp/Where_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Expand [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Range_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Where_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Expand [Expand] inputs: [/embedding_model/asp/Range_output_0 -> (-1)[FLOAT]], [/embedding_model/asp/Where_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2370 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2371 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2372 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2373 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2374 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2376 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2377 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2378 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2379 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2380 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2382 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2383 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2384 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2385 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Expand for ONNX node: /embedding_model/asp/Expand [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Expand_output_0 for ONNX tensor: /embedding_model/asp/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Expand [Expand] outputs: [/embedding_model/asp/Expand_output_0 -> (-1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_2 [Unsqueeze] inputs: [/embedding_model/asp/Mul_output_0 -> (-1)[FLOAT]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2386 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2387 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2389 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2390 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2392 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2393 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_,), unsqueezing to: (_, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2394 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Unsqueeze_2 for ONNX node: /embedding_model/asp/Unsqueeze_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Unsqueeze_2_output_0 for ONNX tensor: /embedding_model/asp/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_2 [Unsqueeze] outputs: [/embedding_model/asp/Unsqueeze_2_output_0 -> (-1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Less [Less] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Less [Less] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Expand_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Less [Less] inputs: [/embedding_model/asp/Expand_output_0 -> (-1, -1)[FLOAT]], [/embedding_model/asp/Unsqueeze_2_output_0 -> (-1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Less for ONNX node: /embedding_model/asp/Less [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Less_output_0 for ONNX tensor: /embedding_model/asp/Less_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Less [Less] outputs: [/embedding_model/asp/Less_output_0 -> (-1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Less_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_3 [Unsqueeze] inputs: [/embedding_model/asp/Less_output_0 -> (-1, -1)[BOOL]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2395 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2396 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2398 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2399 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2401 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2402 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, _), unsqueezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2403 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Unsqueeze_3 for ONNX node: /embedding_model/asp/Unsqueeze_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Unsqueeze_3_output_0 for ONNX tensor: /embedding_model/asp/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_3 [Unsqueeze] outputs: [/embedding_model/asp/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Cast_2 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Cast_2 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Cast_2 [Cast] inputs: [/embedding_model/asp/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Cast_2 for ONNX node: /embedding_model/asp/Cast_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Cast_2_output_0 for ONNX tensor: /embedding_model/asp/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Cast_2 [Cast] outputs: [/embedding_model/asp/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/ReduceSum [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum [ReduceSum] inputs: [/embedding_model/asp/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/ReduceSum for ONNX node: /embedding_model/asp/ReduceSum [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/ReduceSum_output_0 for ONNX tensor: /embedding_model/asp/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum [ReduceSum] outputs: [/embedding_model/asp/ReduceSum_output_0 -> (-1, 1, 1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Cast_3 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Cast_3 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ReduceSum_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Cast_3 [Cast] inputs: [/embedding_model/asp/ReduceSum_output_0 -> (-1, 1, 1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Cast_3 for ONNX node: /embedding_model/asp/Cast_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Cast_3_output_0 for ONNX tensor: /embedding_model/asp/Cast_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Cast_3 [Cast] outputs: [/embedding_model/asp/Cast_3_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Cast_4 [Cast] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Cast_4 [Cast] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Cast_4 [Cast] inputs: [/embedding_model/asp/Unsqueeze_3_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Casting to type: float32 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Cast_4 for ONNX node: /embedding_model/asp/Cast_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Cast_4_output_0 for ONNX tensor: /embedding_model/asp/Cast_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Cast_4 [Cast] outputs: [/embedding_model/asp/Cast_4_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Div [Div] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Cast_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Cast_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Div [Div] inputs: [/embedding_model/asp/Cast_4_output_0 -> (-1, 1, -1)[FLOAT]], [/embedding_model/asp/Cast_3_output_0 -> (-1, 1, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Div for ONNX node: /embedding_model/asp/Div [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Div_output_0 for ONNX tensor: /embedding_model/asp/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Div [Div] outputs: [/embedding_model/asp/Div_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Mul_2 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/mfa/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul_2 [Mul] inputs: [/embedding_model/mfa/norm/norm/BatchNormalization_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/asp/Div_output_0 -> (-1, 1, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Mul_2 for ONNX node: /embedding_model/asp/Mul_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Mul_2_output_0 for ONNX tensor: /embedding_model/asp/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul_2 [Mul] outputs: [/embedding_model/asp/Mul_2_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/ReduceSum_1 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/ReduceSum_1 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Mul_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum_1 [ReduceSum] inputs: [/embedding_model/asp/Mul_2_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/ReduceSum_1 for ONNX node: /embedding_model/asp/ReduceSum_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/ReduceSum_1_output_0 for ONNX tensor: /embedding_model/asp/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum_1 [ReduceSum] outputs: [/embedding_model/asp/ReduceSum_1_output_0 -> (-1, 3072, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Sub [Sub] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Sub [Sub] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/mfa/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Sub [Sub] inputs: [/embedding_model/mfa/norm/norm/BatchNormalization_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/asp/ReduceSum_1_output_0 -> (-1, 3072, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Sub for ONNX node: /embedding_model/asp/Sub [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Sub_output_0 for ONNX tensor: /embedding_model/asp/Sub_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Sub [Sub] outputs: [/embedding_model/asp/Sub_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Pow [Pow] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Pow [Pow] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Sub_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Pow [Pow] inputs: [/embedding_model/asp/Sub_output_0 -> (-1, 3072, -1)[FLOAT]], [/compute_features/Constant_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2404 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2405 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Pow for ONNX node: /embedding_model/asp/Pow [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Pow_output_0 for ONNX tensor: /embedding_model/asp/Pow_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Pow [Pow] outputs: [/embedding_model/asp/Pow_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Mul_3 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Div_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Pow_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul_3 [Mul] inputs: [/embedding_model/asp/Div_output_0 -> (-1, 1, -1)[FLOAT]], [/embedding_model/asp/Pow_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Mul_3 for ONNX node: /embedding_model/asp/Mul_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Mul_3_output_0 for ONNX tensor: /embedding_model/asp/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul_3 [Mul] outputs: [/embedding_model/asp/Mul_3_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/ReduceSum_2 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/ReduceSum_2 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Mul_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum_2 [ReduceSum] inputs: [/embedding_model/asp/Mul_3_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/ReduceSum_2 for ONNX node: /embedding_model/asp/ReduceSum_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/ReduceSum_2_output_0 for ONNX tensor: /embedding_model/asp/ReduceSum_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum_2 [ReduceSum] outputs: [/embedding_model/asp/ReduceSum_2_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Clip [Clip] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Clip [Clip] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ReduceSum_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Constant_12_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Clip [Clip] inputs: [/embedding_model/asp/ReduceSum_2_output_0 -> (-1, 3072)[FLOAT]], [/embedding_model/asp/Constant_12_output_0 -> ()[FLOAT]], [optional input, not set], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Constant_12_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2407 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2408 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2409 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2410 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Clip_output_0 for ONNX tensor: /embedding_model/asp/Clip_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Clip [Clip] outputs: [/embedding_model/asp/Clip_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Sqrt [Sqrt] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Sqrt [Sqrt] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Clip_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Sqrt [Sqrt] inputs: [/embedding_model/asp/Clip_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Sqrt for ONNX node: /embedding_model/asp/Sqrt [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Sqrt_output_0 for ONNX tensor: /embedding_model/asp/Sqrt_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Sqrt [Sqrt] outputs: [/embedding_model/asp/Sqrt_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Concat_2 [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Concat_2 [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Concat_2 [Concat] inputs: [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [/embedding_model/asp/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Concat_2 for ONNX node: /embedding_model/asp/Concat_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Concat_2_output_0 for ONNX tensor: /embedding_model/asp/Concat_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Concat_2 [Concat] outputs: [/embedding_model/asp/Concat_2_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Expand_1 [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Expand_1 [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ReduceSum_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ConstantOfShape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Expand_1 [Expand] inputs: [/embedding_model/asp/ReduceSum_1_output_0 -> (-1, 3072, 1)[FLOAT]], [/embedding_model/asp/ConstantOfShape_1_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2412 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2413 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2414 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2415 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2417 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2418 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2419 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2421 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2422 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2423 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2424 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Expand_1 for ONNX node: /embedding_model/asp/Expand_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Expand_1_output_0 for ONNX tensor: /embedding_model/asp/Expand_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Expand_1 [Expand] outputs: [/embedding_model/asp/Expand_1_output_0 -> (-1, 3072, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Tile [Tile] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Tile [Tile] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Expand_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Concat_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Tile [Tile] inputs: [/embedding_model/asp/Expand_1_output_0 -> (-1, 3072, 1)[FLOAT]], [/embedding_model/asp/Concat_2_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2425 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2426 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2427 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2428 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Tile for ONNX node: /embedding_model/asp/Tile [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Tile_output_0 for ONNX tensor: /embedding_model/asp/Tile_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Tile [Tile] outputs: [/embedding_model/asp/Tile_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Unsqueeze_9 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Unsqueeze_9 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Sqrt_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_9 [Unsqueeze] inputs: [/embedding_model/asp/Sqrt_output_0 -> (-1, 3072)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2429 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2430 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2432 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2433 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2435 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2436 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 3072), unsqueezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2437 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Unsqueeze_9 for ONNX node: /embedding_model/asp/Unsqueeze_9 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Unsqueeze_9_output_0 for ONNX tensor: /embedding_model/asp/Unsqueeze_9_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_9 [Unsqueeze] outputs: [/embedding_model/asp/Unsqueeze_9_output_0 -> (-1, 3072, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Expand_2 [Expand] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Expand_2 [Expand] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_9_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ConstantOfShape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Expand_2 [Expand] inputs: [/embedding_model/asp/Unsqueeze_9_output_0 -> (-1, 3072, 1)[FLOAT]], [/embedding_model/asp/ConstantOfShape_1_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2439 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2440 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2441 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2442 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2444 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2445 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2446 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2448 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2449 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2450 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2451 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Expand_2 for ONNX node: /embedding_model/asp/Expand_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Expand_2_output_0 for ONNX tensor: /embedding_model/asp/Expand_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Expand_2 [Expand] outputs: [/embedding_model/asp/Expand_2_output_0 -> (-1, 3072, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Tile_1 [Tile] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Tile_1 [Tile] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Expand_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Concat_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Tile_1 [Tile] inputs: [/embedding_model/asp/Expand_2_output_0 -> (-1, 3072, 1)[FLOAT]], [/embedding_model/asp/Concat_2_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2452 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2453 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeElementWise_2454 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeSlice_2455 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Tile_1 for ONNX node: /embedding_model/asp/Tile_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Tile_1_output_0 for ONNX tensor: /embedding_model/asp/Tile_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Tile_1 [Tile] outputs: [/embedding_model/asp/Tile_1_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Concat_5 [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Concat_5 [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/mfa/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Tile_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Tile_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Concat_5 [Concat] inputs: [/embedding_model/mfa/norm/norm/BatchNormalization_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/asp/Tile_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/asp/Tile_1_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Concat_5 for ONNX node: /embedding_model/asp/Concat_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Concat_5_output_0 for ONNX tensor: /embedding_model/asp/Concat_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Concat_5 [Concat] outputs: [/embedding_model/asp/Concat_5_output_0 -> (-1, 9216, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/tdnn/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/tdnn/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Concat_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp.tdnn.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp.tdnn.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/tdnn/conv/conv/Conv [Conv] inputs: [/embedding_model/asp/Concat_5_output_0 -> (-1, 9216, -1)[FLOAT]], [embedding_model.asp.tdnn.conv.conv.weight -> (128, 9216, 1)[FLOAT]], [embedding_model.asp.tdnn.conv.conv.bias -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 9216, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2456 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2457 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2459 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2460 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2462 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2463 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 9216, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2464 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2465 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/tdnn/conv/conv/Conv for ONNX node: /embedding_model/asp/tdnn/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2467 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2468 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2469 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2470 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2471 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2472 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 128, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 128, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/tdnn/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/asp/tdnn/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/tdnn/conv/conv/Conv [Conv] outputs: [/embedding_model/asp/tdnn/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/tdnn/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/tdnn/activation/Relu [Relu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/tdnn/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/tdnn/activation/Relu [Relu] inputs: [/embedding_model/asp/tdnn/conv/conv/Conv_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/tdnn/activation/Relu for ONNX node: /embedding_model/asp/tdnn/activation/Relu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/tdnn/activation/Relu_output_0 for ONNX tensor: /embedding_model/asp/tdnn/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/tdnn/activation/Relu [Relu] outputs: [/embedding_model/asp/tdnn/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/tdnn/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/tdnn/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/tdnn/activation/Relu_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp.tdnn.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp.tdnn.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp.tdnn.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp.tdnn.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/tdnn/norm/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/asp/tdnn/activation/Relu_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.asp.tdnn.norm.norm.weight -> (128)[FLOAT]], [embedding_model.asp.tdnn.norm.norm.bias -> (128)[FLOAT]], [embedding_model.asp.tdnn.norm.norm.running_mean -> (128)[FLOAT]], [embedding_model.asp.tdnn.norm.norm.running_var -> (128)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2473 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2474 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2476 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2477 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2479 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2480 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2481 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2482 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/tdnn/norm/norm/BatchNormalization for ONNX node: /embedding_model/asp/tdnn/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2483 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2484 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2485 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/tdnn/norm/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/asp/tdnn/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/tdnn/norm/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/asp/tdnn/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/tanh/Tanh [Tanh] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/tanh/Tanh [Tanh] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/tdnn/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/tanh/Tanh [Tanh] inputs: [/embedding_model/asp/tdnn/norm/norm/BatchNormalization_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/tanh/Tanh for ONNX node: /embedding_model/asp/tanh/Tanh [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/tanh/Tanh_output_0 for ONNX tensor: /embedding_model/asp/tanh/Tanh_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/tanh/Tanh [Tanh] outputs: [/embedding_model/asp/tanh/Tanh_output_0 -> (-1, 128, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/conv/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/tanh/Tanh_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp.conv.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp.conv.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/conv/conv/Conv [Conv] inputs: [/embedding_model/asp/tanh/Tanh_output_0 -> (-1, 128, -1)[FLOAT]], [embedding_model.asp.conv.conv.weight -> (3072, 128, 1)[FLOAT]], [embedding_model.asp.conv.conv.bias -> (3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 128, -1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2486 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2487 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2489 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2490 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2492 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2493 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 128, _), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2494 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2495 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/conv/conv/Conv for ONNX node: /embedding_model/asp/conv/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2497 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2498 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2499 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2500 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 3072, _, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2501 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2502 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 3072, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 3072, -1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/conv/conv/Conv_output_0 for ONNX tensor: /embedding_model/asp/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/conv/conv/Conv [Conv] outputs: [/embedding_model/asp/conv/conv/Conv_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Equal_1 [Equal] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Equal_1 [Equal] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Cast_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Equal_1 [Equal] inputs: [/embedding_model/asp/Cast_2_output_0 -> (-1, 1, -1)[INT64]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2503 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2504 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Equal_1 for ONNX node: /embedding_model/asp/Equal_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Equal_1_output_0 for ONNX tensor: /embedding_model/asp/Equal_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Equal_1 [Equal] outputs: [/embedding_model/asp/Equal_1_output_0 -> (-1, 1, -1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Where_1 [Where] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Where_1 [Where] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Equal_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Constant_23_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/conv/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Where_1 [Where] inputs: [/embedding_model/asp/Equal_1_output_0 -> (-1, 1, -1)[BOOL]], [/embedding_model/asp/Constant_23_output_0 -> ()[FLOAT]], [/embedding_model/asp/conv/conv/Conv_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Constant_23_output_0 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2505 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2506 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Where_1 for ONNX node: /embedding_model/asp/Where_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Where_1_output_0 for ONNX tensor: /embedding_model/asp/Where_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Where_1 [Where] outputs: [/embedding_model/asp/Where_1_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Softmax [Softmax] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Softmax [Softmax] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Where_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Softmax [Softmax] inputs: [/embedding_model/asp/Where_1_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Softmax for ONNX node: /embedding_model/asp/Softmax [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2507 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2508 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2509 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Softmax_output_0 for ONNX tensor: /embedding_model/asp/Softmax_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Softmax [Softmax] outputs: [/embedding_model/asp/Softmax_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Mul_4 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Mul_4 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/mfa/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Softmax_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul_4 [Mul] inputs: [/embedding_model/mfa/norm/norm/BatchNormalization_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/asp/Softmax_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Mul_4 for ONNX node: /embedding_model/asp/Mul_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Mul_4_output_0 for ONNX tensor: /embedding_model/asp/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul_4 [Mul] outputs: [/embedding_model/asp/Mul_4_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/ReduceSum_3 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/ReduceSum_3 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Mul_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum_3 [ReduceSum] inputs: [/embedding_model/asp/Mul_4_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/ReduceSum_3 for ONNX node: /embedding_model/asp/ReduceSum_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/ReduceSum_3_output_0 for ONNX tensor: /embedding_model/asp/ReduceSum_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum_3 [ReduceSum] outputs: [/embedding_model/asp/ReduceSum_3_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Unsqueeze_10 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Unsqueeze_10 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ReduceSum_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_10 [Unsqueeze] inputs: [/embedding_model/asp/ReduceSum_3_output_0 -> (-1, 3072)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2510 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2511 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2513 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2514 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2516 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2517 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 3072), unsqueezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2518 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Unsqueeze_10 for ONNX node: /embedding_model/asp/Unsqueeze_10 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Unsqueeze_10_output_0 for ONNX tensor: /embedding_model/asp/Unsqueeze_10_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_10 [Unsqueeze] outputs: [/embedding_model/asp/Unsqueeze_10_output_0 -> (-1, 3072, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Sub_1 [Sub] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Sub_1 [Sub] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/mfa/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_10_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Sub_1 [Sub] inputs: [/embedding_model/mfa/norm/norm/BatchNormalization_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/asp/Unsqueeze_10_output_0 -> (-1, 3072, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Sub_1 for ONNX node: /embedding_model/asp/Sub_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Sub_1_output_0 for ONNX tensor: /embedding_model/asp/Sub_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Sub_1 [Sub] outputs: [/embedding_model/asp/Sub_1_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Pow_1 [Pow] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Pow_1 [Pow] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Sub_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Pow_1 [Pow] inputs: [/embedding_model/asp/Sub_1_output_0 -> (-1, 3072, -1)[FLOAT]], [/compute_features/Constant_output_0 -> ()[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2519 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2520 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Pow_1 for ONNX node: /embedding_model/asp/Pow_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Pow_1_output_0 for ONNX tensor: /embedding_model/asp/Pow_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Pow_1 [Pow] outputs: [/embedding_model/asp/Pow_1_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Mul_5 [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Mul_5 [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Softmax_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Pow_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul_5 [Mul] inputs: [/embedding_model/asp/Softmax_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/asp/Pow_1_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Mul_5 for ONNX node: /embedding_model/asp/Mul_5 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Mul_5_output_0 for ONNX tensor: /embedding_model/asp/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Mul_5 [Mul] outputs: [/embedding_model/asp/Mul_5_output_0 -> (-1, 3072, -1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/ReduceSum_4 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/ReduceSum_4 [ReduceSum] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Mul_5_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum_4 [ReduceSum] inputs: [/embedding_model/asp/Mul_5_output_0 -> (-1, 3072, -1)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/ReduceSum_4 for ONNX node: /embedding_model/asp/ReduceSum_4 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/ReduceSum_4_output_0 for ONNX tensor: /embedding_model/asp/ReduceSum_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/ReduceSum_4 [ReduceSum] outputs: [/embedding_model/asp/ReduceSum_4_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Clip_1 [Clip] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Clip_1 [Clip] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ReduceSum_4_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Constant_12_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Clip_1 [Clip] inputs: [/embedding_model/asp/ReduceSum_4_output_0 -> (-1, 3072)[FLOAT]], [/embedding_model/asp/Constant_12_output_0 -> ()[FLOAT]], [optional input, not set], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2522 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2523 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2524 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2525 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Clip_1_output_0 for ONNX tensor: /embedding_model/asp/Clip_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Clip_1 [Clip] outputs: [/embedding_model/asp/Clip_1_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Sqrt_1 [Sqrt] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Sqrt_1 [Sqrt] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Clip_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Sqrt_1 [Sqrt] inputs: [/embedding_model/asp/Clip_1_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Sqrt_1 for ONNX node: /embedding_model/asp/Sqrt_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Sqrt_1_output_0 for ONNX tensor: /embedding_model/asp/Sqrt_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Sqrt_1 [Sqrt] outputs: [/embedding_model/asp/Sqrt_1_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Concat_6 [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Concat_6 [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/ReduceSum_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Sqrt_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Concat_6 [Concat] inputs: [/embedding_model/asp/ReduceSum_3_output_0 -> (-1, 3072)[FLOAT]], [/embedding_model/asp/Sqrt_1_output_0 -> (-1, 3072)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Concat_6 for ONNX node: /embedding_model/asp/Concat_6 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Concat_6_output_0 for ONNX tensor: /embedding_model/asp/Concat_6_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Concat_6 [Concat] outputs: [/embedding_model/asp/Concat_6_output_0 -> (-1, 6144)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp/Unsqueeze_11 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp/Unsqueeze_11 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Concat_6_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/res2net_block/Constant_5_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_11 [Unsqueeze] inputs: [/embedding_model/asp/Concat_6_output_0 -> (-1, 6144)[FLOAT]], [/embedding_model/res2net_block/Constant_5_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2526 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2527 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2529 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2530 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2532 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2533 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 6144), unsqueezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2534 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp/Unsqueeze_11 for ONNX node: /embedding_model/asp/Unsqueeze_11 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp/Unsqueeze_11_output_0 for ONNX tensor: /embedding_model/asp/Unsqueeze_11_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp/Unsqueeze_11 [Unsqueeze] outputs: [/embedding_model/asp/Unsqueeze_11_output_0 -> (-1, 6144, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/asp_bn/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/asp_bn/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp/Unsqueeze_11_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp_bn.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp_bn.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp_bn.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.asp_bn.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp_bn/norm/BatchNormalization [BatchNormalization] inputs: [/embedding_model/asp/Unsqueeze_11_output_0 -> (-1, 6144, 1)[FLOAT]], [embedding_model.asp_bn.norm.weight -> (6144)[FLOAT]], [embedding_model.asp_bn.norm.bias -> (6144)[FLOAT]], [embedding_model.asp_bn.norm.running_mean -> (6144)[FLOAT]], [embedding_model.asp_bn.norm.running_var -> (6144)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2535 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2536 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2538 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2539 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2541 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2542 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 6144, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2543 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2544 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/asp_bn/norm/BatchNormalization for ONNX node: /embedding_model/asp_bn/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2545 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2546 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2547 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/asp_bn/norm/BatchNormalization_output_0 for ONNX tensor: /embedding_model/asp_bn/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/asp_bn/norm/BatchNormalization [BatchNormalization] outputs: [/embedding_model/asp_bn/norm/BatchNormalization_output_0 -> (-1, 6144, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/fc/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/fc/conv/Conv [Conv] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/asp_bn/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.fc.conv.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: embedding_model.fc.conv.bias [12/19/2024-01:43:34] [V] [TRT] /embedding_model/fc/conv/Conv [Conv] inputs: [/embedding_model/asp_bn/norm/BatchNormalization_output_0 -> (-1, 6144, 1)[FLOAT]], [embedding_model.fc.conv.weight -> (256, 6144, 1)[FLOAT]], [embedding_model.fc.conv.bias -> (256)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Convolution input dimensions: (-1, 6144, 1) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2548 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2549 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2551 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2552 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2554 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2555 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 6144, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2556 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2557 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/fc/conv/Conv for ONNX node: /embedding_model/fc/conv/Conv [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2559 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2560 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2561 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2562 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 256, 1, 1), squeezing to: (_, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2563 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_squeezeTensor_2564 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Using kernel: (1, 1), strides: (1, 1), prepadding: (0, 0), postpadding: (0, 0), dilations: (1, 1), numOutputs: 256, nbGroups: 1 [12/19/2024-01:43:34] [V] [TRT] Convolution output dimensions: (-1, 256, 1, 1) [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/fc/conv/Conv_output_0 for ONNX tensor: /embedding_model/fc/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/fc/conv/Conv [Conv] outputs: [/embedding_model/fc/conv/Conv_output_0 -> (-1, 256, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /embedding_model/Transpose_1 [Transpose] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /embedding_model/Transpose_1 [Transpose] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/fc/conv/Conv_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Transpose_1 [Transpose] inputs: [/embedding_model/fc/conv/Conv_output_0 -> (-1, 256, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /embedding_model/Transpose_1 for ONNX node: /embedding_model/Transpose_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /embedding_model/Transpose_1_output_0 for ONNX tensor: /embedding_model/Transpose_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /embedding_model/Transpose_1 [Transpose] outputs: [/embedding_model/Transpose_1_output_0 -> (-1, 1, 256)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/act/LeakyRelu [LeakyRelu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/act/LeakyRelu [LeakyRelu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /embedding_model/Transpose_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/act/LeakyRelu [LeakyRelu] inputs: [/embedding_model/Transpose_1_output_0 -> (-1, 1, 256)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/act/LeakyRelu for ONNX node: /classifier/act/LeakyRelu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/act/LeakyRelu_output_0 for ONNX tensor: /classifier/act/LeakyRelu_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/act/LeakyRelu [LeakyRelu] outputs: [/classifier/act/LeakyRelu_output_0 -> (-1, 1, 256)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/norm/Transpose [Transpose] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/norm/Transpose [Transpose] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/act/LeakyRelu_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/norm/Transpose [Transpose] inputs: [/classifier/act/LeakyRelu_output_0 -> (-1, 1, 256)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/norm/Transpose for ONNX node: /classifier/norm/Transpose [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/norm/Transpose_output_0 for ONNX tensor: /classifier/norm/Transpose_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/norm/Transpose [Transpose] outputs: [/classifier/norm/Transpose_output_0 -> (-1, 256, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/norm/Transpose_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /classifier/norm/norm/BatchNormalization [BatchNormalization] inputs: [/classifier/norm/Transpose_output_0 -> (-1, 256, 1)[FLOAT]], [classifier.norm.norm.weight -> (256)[FLOAT]], [classifier.norm.norm.bias -> (256)[FLOAT]], [classifier.norm.norm.running_mean -> (256)[FLOAT]], [classifier.norm.norm.running_var -> (256)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2565 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2566 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2568 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2569 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2571 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2572 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 256, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2573 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2574 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/norm/norm/BatchNormalization for ONNX node: /classifier/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2575 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2576 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2577 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/norm/norm/BatchNormalization_output_0 for ONNX tensor: /classifier/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/norm/norm/BatchNormalization [BatchNormalization] outputs: [/classifier/norm/norm/BatchNormalization_output_0 -> (-1, 256, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/norm/Transpose_1 [Transpose] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/norm/Transpose_1 [Transpose] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/norm/Transpose_1 [Transpose] inputs: [/classifier/norm/norm/BatchNormalization_output_0 -> (-1, 256, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/norm/Transpose_1 for ONNX node: /classifier/norm/Transpose_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/norm/Transpose_1_output_0 for ONNX tensor: /classifier/norm/Transpose_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/norm/Transpose_1 [Transpose] outputs: [/classifier/norm/Transpose_1_output_0 -> (-1, 1, 256)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/DNN/block_0/linear/w/MatMul [MatMul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/DNN/block_0/linear/w/MatMul [MatMul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/norm/Transpose_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::MatMul_1994 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/linear/w/MatMul [MatMul] inputs: [/classifier/norm/Transpose_1_output_0 -> (-1, 1, 256)[FLOAT]], [onnx::MatMul_1994 -> (256, 512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: onnx::MatMul_1994 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2578 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2579 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/DNN/block_0/linear/w/MatMul for ONNX node: /classifier/DNN/block_0/linear/w/MatMul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/DNN/block_0/linear/w/MatMul_output_0 for ONNX tensor: /classifier/DNN/block_0/linear/w/MatMul_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/linear/w/MatMul [MatMul] outputs: [/classifier/DNN/block_0/linear/w/MatMul_output_0 -> (-1, 1, 512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/DNN/block_0/linear/w/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/DNN/block_0/linear/w/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.DNN.block_0.linear.w.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/DNN/block_0/linear/w/MatMul_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/linear/w/Add [Add] inputs: [classifier.DNN.block_0.linear.w.bias -> (512)[FLOAT]], [/classifier/DNN/block_0/linear/w/MatMul_output_0 -> (-1, 1, 512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: classifier.DNN.block_0.linear.w.bias required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2580 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2581 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/DNN/block_0/linear/w/Add for ONNX node: /classifier/DNN/block_0/linear/w/Add [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/DNN/block_0/linear/w/Add_output_0 for ONNX tensor: /classifier/DNN/block_0/linear/w/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/linear/w/Add [Add] outputs: [/classifier/DNN/block_0/linear/w/Add_output_0 -> (-1, 1, 512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/DNN/block_0/act/LeakyRelu [LeakyRelu] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/DNN/block_0/act/LeakyRelu [LeakyRelu] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/DNN/block_0/linear/w/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/act/LeakyRelu [LeakyRelu] inputs: [/classifier/DNN/block_0/linear/w/Add_output_0 -> (-1, 1, 512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/DNN/block_0/act/LeakyRelu for ONNX node: /classifier/DNN/block_0/act/LeakyRelu [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/DNN/block_0/act/LeakyRelu_output_0 for ONNX tensor: /classifier/DNN/block_0/act/LeakyRelu_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/act/LeakyRelu [LeakyRelu] outputs: [/classifier/DNN/block_0/act/LeakyRelu_output_0 -> (-1, 1, 512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/DNN/block_0/norm/Transpose [Transpose] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/DNN/block_0/norm/Transpose [Transpose] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/DNN/block_0/act/LeakyRelu_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/norm/Transpose [Transpose] inputs: [/classifier/DNN/block_0/act/LeakyRelu_output_0 -> (-1, 1, 512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/DNN/block_0/norm/Transpose for ONNX node: /classifier/DNN/block_0/norm/Transpose [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/DNN/block_0/norm/Transpose_output_0 for ONNX tensor: /classifier/DNN/block_0/norm/Transpose_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/norm/Transpose [Transpose] outputs: [/classifier/DNN/block_0/norm/Transpose_output_0 -> (-1, 512, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/DNN/block_0/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/DNN/block_0/norm/norm/BatchNormalization [BatchNormalization] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/DNN/block_0/norm/Transpose_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.DNN.block_0.norm.norm.weight [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.DNN.block_0.norm.norm.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.DNN.block_0.norm.norm.running_mean [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.DNN.block_0.norm.norm.running_var [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/norm/norm/BatchNormalization [BatchNormalization] inputs: [/classifier/DNN/block_0/norm/Transpose_output_0 -> (-1, 512, 1)[FLOAT]], [classifier.DNN.block_0.norm.norm.weight -> (512)[FLOAT]], [classifier.DNN.block_0.norm.norm.bias -> (512)[FLOAT]], [classifier.DNN.block_0.norm.norm.running_mean -> (512)[FLOAT]], [classifier.DNN.block_0.norm.norm.running_var -> (512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2582 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2583 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2585 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeConcat_2586 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2588 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2589 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 512, 1), unsqueezing to: (_, _, _, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2590 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_unsqueezeTensor_2591 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/DNN/block_0/norm/norm/BatchNormalization for ONNX node: /classifier/DNN/block_0/norm/norm/BatchNormalization [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2592 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2593 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2594 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/DNN/block_0/norm/norm/BatchNormalization_output_0 for ONNX tensor: /classifier/DNN/block_0/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/norm/norm/BatchNormalization [BatchNormalization] outputs: [/classifier/DNN/block_0/norm/norm/BatchNormalization_output_0 -> (-1, 512, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/DNN/block_0/norm/Transpose_1 [Transpose] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/DNN/block_0/norm/Transpose_1 [Transpose] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/DNN/block_0/norm/norm/BatchNormalization_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/norm/Transpose_1 [Transpose] inputs: [/classifier/DNN/block_0/norm/norm/BatchNormalization_output_0 -> (-1, 512, 1)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/DNN/block_0/norm/Transpose_1 for ONNX node: /classifier/DNN/block_0/norm/Transpose_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/DNN/block_0/norm/Transpose_1_output_0 for ONNX tensor: /classifier/DNN/block_0/norm/Transpose_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/DNN/block_0/norm/Transpose_1 [Transpose] outputs: [/classifier/DNN/block_0/norm/Transpose_1_output_0 -> (-1, 1, 512)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/out/w/MatMul [MatMul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/out/w/MatMul [MatMul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/DNN/block_0/norm/Transpose_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::MatMul_1995 [12/19/2024-01:43:34] [V] [TRT] /classifier/out/w/MatMul [MatMul] inputs: [/classifier/DNN/block_0/norm/Transpose_1_output_0 -> (-1, 1, 512)[FLOAT]], [onnx::MatMul_1995 -> (512, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: onnx::MatMul_1995 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2595 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2596 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/out/w/MatMul for ONNX node: /classifier/out/w/MatMul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/out/w/MatMul_output_0 for ONNX tensor: /classifier/out/w/MatMul_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/out/w/MatMul [MatMul] outputs: [/classifier/out/w/MatMul_output_0 -> (-1, 1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/out/w/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/out/w/Add [Add] [12/19/2024-01:43:34] [V] [TRT] Searching for input: classifier.out.w.bias [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/out/w/MatMul_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/out/w/Add [Add] inputs: [classifier.out.w.bias -> (107)[FLOAT]], [/classifier/out/w/MatMul_output_0 -> (-1, 1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: classifier.out.w.bias required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2597 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_Broadcast_2598 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/out/w/Add for ONNX node: /classifier/out/w/Add [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/out/w/Add_output_0 for ONNX tensor: /classifier/out/w/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/out/w/Add [Add] outputs: [/classifier/out/w/Add_output_0 -> (-1, 1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/out/w/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Shape [Shape] inputs: [/classifier/out/w/Add_output_0 -> (-1, 1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Shape for ONNX node: /classifier/softmax/Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Shape_output_0 for ONNX tensor: /classifier/softmax/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Shape [Shape] outputs: [/classifier/softmax/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Gather [Gather] inputs: [/classifier/softmax/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Gather for ONNX node: /classifier/softmax/Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Gather_output_0 for ONNX tensor: /classifier/softmax/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Gather [Gather] outputs: [/classifier/softmax/Gather_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Gather_1 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Gather_1 [Gather] inputs: [/classifier/softmax/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_2_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Gather_1 for ONNX node: /classifier/softmax/Gather_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Gather_1_output_0 for ONNX tensor: /classifier/softmax/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Gather_1 [Gather] outputs: [/classifier/softmax/Gather_1_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Gather_2 [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Gather_2 [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_14_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Gather_2 [Gather] inputs: [/classifier/softmax/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_14_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Gather_2 for ONNX node: /classifier/softmax/Gather_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Gather_2_output_0 for ONNX tensor: /classifier/softmax/Gather_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Gather_2 [Gather] outputs: [/classifier/softmax/Gather_2_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Mul [Mul] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Mul [Mul] inputs: [/classifier/softmax/Gather_output_0 -> ()[INT64]], [/classifier/softmax/Gather_1_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Mul for ONNX node: /classifier/softmax/Mul [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Mul_output_0 for ONNX tensor: /classifier/softmax/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Mul [Mul] outputs: [/classifier/softmax/Mul_output_0 -> ()[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Unsqueeze [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Mul_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Unsqueeze [Unsqueeze] inputs: [/classifier/softmax/Mul_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2599 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Unsqueeze for ONNX node: /classifier/softmax/Unsqueeze [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Unsqueeze_output_0 for ONNX tensor: /classifier/softmax/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Unsqueeze [Unsqueeze] outputs: [/classifier/softmax/Unsqueeze_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Unsqueeze_1 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Gather_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Unsqueeze_1 [Unsqueeze] inputs: [/classifier/softmax/Gather_2_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2600 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Unsqueeze_1 for ONNX node: /classifier/softmax/Unsqueeze_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Unsqueeze_1_output_0 for ONNX tensor: /classifier/softmax/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Unsqueeze_1 [Unsqueeze] outputs: [/classifier/softmax/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Concat [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Unsqueeze_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Concat [Concat] inputs: [/classifier/softmax/Unsqueeze_output_0 -> (1)[INT64]], [/classifier/softmax/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Concat for ONNX node: /classifier/softmax/Concat [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Concat_output_0 for ONNX tensor: /classifier/softmax/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Concat [Concat] outputs: [/classifier/softmax/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Reshape [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/out/w/Add_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Concat_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Reshape [Reshape] inputs: [/classifier/out/w/Add_output_0 -> (-1, 1, 107)[FLOAT]], [/classifier/softmax/Concat_output_0 -> (2)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2601 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Reshape for ONNX node: /classifier/softmax/Reshape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Reshape_output_0 for ONNX tensor: /classifier/softmax/Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Reshape [Reshape] outputs: [/classifier/softmax/Reshape_output_0 -> (-1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/LogSoftmax [LogSoftmax] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/LogSoftmax [LogSoftmax] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Reshape_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/LogSoftmax [LogSoftmax] inputs: [/classifier/softmax/Reshape_output_0 -> (-1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/LogSoftmax for ONNX node: /classifier/softmax/LogSoftmax [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2602 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2603 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2604 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/LogSoftmax_output_0 for ONNX tensor: /classifier/softmax/LogSoftmax_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/LogSoftmax [LogSoftmax] outputs: [/classifier/softmax/LogSoftmax_output_0 -> (-1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Unsqueeze_2 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Unsqueeze_2 [Unsqueeze] inputs: [/classifier/softmax/Gather_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2605 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Unsqueeze_2 for ONNX node: /classifier/softmax/Unsqueeze_2 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Unsqueeze_2_output_0 for ONNX tensor: /classifier/softmax/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Unsqueeze_2 [Unsqueeze] outputs: [/classifier/softmax/Unsqueeze_2_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Unsqueeze_3 [Unsqueeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Gather_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: onnx::Unsqueeze_261 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Unsqueeze_3 [Unsqueeze] inputs: [/classifier/softmax/Gather_1_output_0 -> ()[INT64]], [onnx::Unsqueeze_261 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Original shape: (), unsqueezing to: (1,) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2606 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Unsqueeze_3 for ONNX node: /classifier/softmax/Unsqueeze_3 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Unsqueeze_3_output_0 for ONNX tensor: /classifier/softmax/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Unsqueeze_3 [Unsqueeze] outputs: [/classifier/softmax/Unsqueeze_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Concat_1 [Concat] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Concat_1 [Concat] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Unsqueeze_2_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Unsqueeze_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Unsqueeze_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Concat_1 [Concat] inputs: [/classifier/softmax/Unsqueeze_2_output_0 -> (1)[INT64]], [/classifier/softmax/Unsqueeze_3_output_0 -> (1)[INT64]], [/classifier/softmax/Unsqueeze_1_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Concat_1 for ONNX node: /classifier/softmax/Concat_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Concat_1_output_0 for ONNX tensor: /classifier/softmax/Concat_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Concat_1 [Concat] outputs: [/classifier/softmax/Concat_1_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /classifier/softmax/Reshape_1 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /classifier/softmax/Reshape_1 [Reshape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/LogSoftmax_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Concat_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Reshape_1 [Reshape] inputs: [/classifier/softmax/LogSoftmax_output_0 -> (-1, 107)[FLOAT]], [/classifier/softmax/Concat_1_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2607 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /classifier/softmax/Reshape_1 for ONNX node: /classifier/softmax/Reshape_1 [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /classifier/softmax/Reshape_1_output_0 for ONNX tensor: /classifier/softmax/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /classifier/softmax/Reshape_1 [Reshape] outputs: [/classifier/softmax/Reshape_1_output_0 -> (-1, 1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /Shape [Shape] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /Shape [Shape] inputs: [/classifier/softmax/Reshape_1_output_0 -> (-1, 1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /Shape for ONNX node: /Shape [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /Shape_output_0 for ONNX tensor: /Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] /Shape [Shape] outputs: [/Shape_output_0 -> (3)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /Gather [Gather] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /Shape_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /Gather [Gather] inputs: [/Shape_output_0 -> (3)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Using Gather axis: 0 [12/19/2024-01:43:34] [V] [TRT] Registering layer: /Gather for ONNX node: /Gather [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /Gather_output_0 for ONNX tensor: /Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] /Gather [Gather] outputs: [/Gather_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /Equal [Equal] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /Gather_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /compute_features/compute_STFT/Constant_4_output_0 [12/19/2024-01:43:34] [V] [TRT] /Equal [Equal] inputs: [/Gather_output_0 -> (1)[INT64]], [/compute_features/compute_STFT/Constant_4_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /Equal for ONNX node: /Equal [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /Equal_output_0 for ONNX tensor: /Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] /Equal [Equal] outputs: [/Equal_output_0 -> (1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /If [If] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /If [If] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /Equal_output_0 [12/19/2024-01:43:34] [V] [TRT] /If [If] inputs: [/Equal_output_0 -> (1)[BOOL]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_convertToScalar required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Importing initializer: /Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /Squeeze [Squeeze] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /Squeeze [Squeeze] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] Searching for input: /Constant_3_output_0 [12/19/2024-01:43:34] [V] [TRT] /Squeeze [Squeeze] inputs: [/classifier/softmax/Reshape_1_output_0 -> (-1, 1, 107)[FLOAT]], [/Constant_3_output_0 -> (1)[INT64]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensorFromDims_2609 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeTensor_2610 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_castHelper_2611 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeGather_2612 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Original shape: (_, 1, 107), squeezing to: (_, _) [12/19/2024-01:43:34] [V] [TRT] Registering layer: ONNXTRT_ShapeShuffle_2613 required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering layer: /Squeeze for ONNX node: /Squeeze [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /Squeeze_output_0 for ONNX tensor: /Squeeze_output_0 [12/19/2024-01:43:34] [V] [TRT] /Squeeze [Squeeze] outputs: [/Squeeze_output_0 -> (-1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Static check for parsing node: /Identity [Identity] [12/19/2024-01:43:34] [V] [TRT] Parsing node: /Identity [Identity] [12/19/2024-01:43:34] [V] [TRT] Searching for input: /classifier/softmax/Reshape_1_output_0 [12/19/2024-01:43:34] [V] [TRT] /Identity [Identity] inputs: [/classifier/softmax/Reshape_1_output_0 -> (-1, 1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /Identity for ONNX node: /Identity [12/19/2024-01:43:34] [V] [TRT] Registering tensor: /Identity_output_0 for ONNX tensor: /Identity_output_0 [12/19/2024-01:43:34] [V] [TRT] /Identity [Identity] outputs: [/Identity_output_0 -> (-1, 1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Registering layer: /If_OutputLayer required by ONNX-TRT [12/19/2024-01:43:34] [V] [TRT] Registering tensor: logits_2614 for ONNX tensor: logits [12/19/2024-01:43:34] [V] [TRT] /If [If] outputs: [logits -> (-1, 107)[FLOAT]], [12/19/2024-01:43:34] [V] [TRT] Marking logits_2614 as output: logits [12/19/2024-01:43:34] [I] Finished parsing network model. Parse time: 0.199672 [12/19/2024-01:43:34] [I] Set shape of input tensor wavforms for optimization profile 0 to: MIN=1x1 OPT=4x320000 MAX=4x320000 [12/19/2024-01:43:34] [I] Set shape of input tensor wav_lens for optimization profile 0 to: MIN=1x1 OPT=4x1 MAX=4x1 [12/19/2024-01:43:34] [E] Error[2]: [graphShapeAnalyzer.cpp::eraseFromTensorMaps::1138] Error Code 2: Internal Error (Assertion !mValueMapUndo failed. ) [12/19/2024-01:43:34] [E] Engine could not be created from network [12/19/2024-01:43:34] [E] Building engine failed [12/19/2024-01:43:34] [E] Failed to create engine from model or file. [12/19/2024-01:43:34] [E] Engine set up failed &&&& FAILED TensorRT.trtexec [TensorRT v100500] [b18] # trtexec --onnx=/workspace/model.onnx --saveEngine=/workspace/output/model.plan.bsz4.fp16 --memPoolSize=workspace:8192 --minShapes=wavforms:1x1,wav_lens:1x1 --optShapes=wavforms:4x320000,wav_lens:4x1 --maxShapes=wavforms:4x320000,wav_lens:4x1 --fp16 --verbose