diff --git a/.circleci/config.yml b/.circleci/config.yml index bd3f3c536c..dcbc84cc9a 100644 --- a/.circleci/config.yml +++ b/.circleci/config.yml @@ -19,6 +19,81 @@ commands: sudo wget -q https://github.com/bazelbuild/bazel/releases/download/<< parameters.version >>/bazel-<< parameters.version >>-linux-<< parameters.platform >> -O /usr/bin/bazel sudo chmod a+x /usr/bin/bazel + install-cmake: + description: Install CMake. + parameters: + cache: + default: true + description: Whether or not to cache the installation. + type: boolean + cache-key: + default: v1 + description: String to use in cache key. Typically overridden when needed to bust cache. + type: string + install-dir: + default: $HOME/cmake + description: The path to install CMake to. + type: string + version: + default: 3.18.2 + description: The version of CMake to install. + type: string + steps: + - when: + condition: + equal: + - << parameters.cache >> + - true + steps: + - run: + command: mkdir -pv << parameters.install-dir >> + name: Prep cache restore + - restore_cache: + keys: + - cmake-<< parameters.cache-key >>-<< parameters.version >> + - run: + command: | + echo 'export PATH="<< parameters.install-dir >>/bin:$PATH"' >> $BASH_ENV + name: Add CMake to PATH + - run: + command: | + if which cmake; then + if cmake --version | grep "<< parameters.version >>"; then + echo "CMake is already installed." + exit 0 + else + echo "CMake is already installed but it is the wrong version." + fi + fi + + rm -rf << parameters.install-dir >>/* + echo "Installing the requested version of CMake." + baseUrl="https://github.com/Kitware/CMake/releases/download/" + url="${baseUrl}/v<< parameters.version >>/cmake-<< parameters.version >>-Linux-x86_64.tar.gz" + curl -sSL -o /tmp/cmake.tar.gz $url + tar -C << parameters.install-dir >> --strip-components 1 -zxf /tmp/cmake.tar.gz + name: Install CMake + - run: + command: rm -rf << parameters.install-dir >>/{doc,man} + name: Remove unnecessary files + - run: + command: | + ls -l << parameters.install-dir >>/bin + echo $PATH + cmake --version + name: Verify CMake installation + - when: + condition: + equal: + - << parameters.cache >> + - true + steps: + - save_cache: + key: cmake-<< parameters.cache-key >>-<< parameters.version >> + paths: + - << parameters.install-dir >> + + install-cuda: description: "Install CUDA" parameters: @@ -207,6 +282,80 @@ commands: mkdir -p /tmp/dist/builds cp dist/* /tmp/dist/builds + build-py-ngc: + description: "Build the torch-tensorrt python release for NGC PyTorch (cxx11-abi)" + parameters: + release: + type: boolean + default: false + torch-base-image: + type: string + default: nvcr.io/nvidia/pytorch:latest + steps: + - run: + name: Log into docker + command: | + docker login --username="\$oauthtoken" --password=$NGC_TOKEN nvcr.io + - run: + name: Pull image + command: | + docker pull << parameters.torch-base-image >> + - run: + name: Create container + command: | + docker run -it -d --name ngc_build_container -v /home/circleci/project:/workspace -e BAZEL_VERSION="$(cat /home/circleci/project/.bazelversion)" -w /workspace << parameters.torch-base-image >> + - run: + name: Install build deps + command: | + export BAZEL_VERSION="$(cat /home/circleci/project/.bazelversion)" + docker exec ngc_build_container bash -c "wget https://github.com/bazelbuild/bazel/releases/download/$BAZEL_VERSION/bazel-$BAZEL_VERSION-linux-x86_64 -O /usr/bin/bazel && chmod a+x /usr/bin/bazel" + docker exec ngc_build_container bash -c "mv /workspace/docker/WORKSPACE.ngc /workspace/WORKSPACE" + docker exec ngc_build_container bash -c "cd /workspace/py && pip install wheel setuptools pybind11==2.6.2" + docker exec ngc_build_container bash -c "git config --global --add safe.directory /workspace" + - when: + condition: << parameters.release >> + steps: + - run: + name: Build torch-tensorrt release build for NGC + command: | + docker exec ngc_build_container bash -c "cd /workspace/py && python3 setup.py bdist_wheel --use-cxx11-abi --release" + - unless: + condition: << parameters.release >> + steps: + - run: + name: Build torch-tensorrt debug build for NGC + command: | + docker exec ngc_build_container bash -c "cd /workspace/py && python3 setup.py bdist_wheel --use-cxx11-abi" + - run: + name: Collect builds + command: | + mkdir -p /tmp/dist/builds + cp /home/circleci/project/py/dist/* /tmp/dist/builds + + build-cmake: + description: "Build the torch-tensorrt using CMake" + parameters: + platform: + type: string + default: "x86_64" + steps: + - run: + name: Build torch-tensorrt library with CMake + command: | + mkdir build + export PATH=$PATH:/usr/local/cuda/bin + ~/cmake/bin/cmake -S. -Bbuild \ + -DCMAKE_MODULE_PATH=cmake/Module \ + -DTorch_DIR=/opt/circleci/.pyenv/versions/3.9.4/lib/python3.9/site-packages/torch/share/cmake/Torch \ + -DTensorRT_ROOT=/usr \ + -DCMAKE_BUILD_TYPE=Debug + cmake --build build -- -j12 + mkdir -p /tmp/dist/builds + cp -r build/bin /tmp/dist/builds + cp -r build/lib /tmp/dist/builds + cp -r cpp/include /tmp/dist/builds + + dump-test-env: description: "Dump the test env to console" steps: @@ -632,7 +781,7 @@ jobs: platform: "x86_64" cudnn-version: << pipeline.parameters.cudnn-release-version >> trt-version-short: << pipeline.parameters.trt-release-version-short >> - bazel-version: "5.1.1" + bazel-version: << pipeline.parameters.bazel-version >> bazel-platform: "x86_64" - run: name: Build cxx11-abi tarball @@ -703,7 +852,7 @@ jobs: platform: "sbsa" cudnn-version: << pipeline.parameters.cudnn-jetson-version >> trt-version-short: << pipeline.parameters.trt-jetson-version-short >> - bazel-version: "5.1.1" + bazel-version: << pipeline.parameters.bazel-version >> bazel-platform: "arm64" - run: name: Set python version @@ -730,7 +879,7 @@ jobs: TORCHTRT_VERSION=$(cd torch_tensorrt && python3 -c "from _version import __version__;print(__version__)") TRT_VERSION=$(cd torch_tensorrt && python3 -c "from _version import __tensorrt_version__;print(__tensorrt_version__)") CUDNN_VERSION=$(cd torch_tensorrt && python3 -c "from _version import __cudnn_version__;print(__cudnn_version__)") - pip3 install -r ~/project/py/requirements.txt + python3 -m pip install pybind11==2.6.2 TORCH_VERSION=$(python3 -c "from torch import __version__;print(__version__.split('+')[0])") cp ~/project/bazel-bin/libtorchtrt.tar.gz ~/project/py/dist/libtorchtrt-${TORCHTRT_VERSION}-cudnn${CUDNN_VERSION}-tensorrt${TRT_VERSION}-cuda${CUDA_VERSION}-libtorch${TORCH_VERSION}-aarch64-linux-jp<< parameters.jetpack-version >>.tar.gz - run: @@ -742,6 +891,103 @@ jobs: path: /tmp/dist/jetson destination: aarch64-release-pkgs + build-x86_64-cmake: + parameters: + cudnn-version: + type: string + trt-version-short: + type: string + torch-build: + type: string + torch-build-index: + type: string + machine: + image: ubuntu-2004-cuda-11.4:202110-01 + resource_class: xlarge + steps: + - checkout + - create-env: + os: "ubuntu2004" + platform: "x86_64" + cudnn-version: << parameters.cudnn-version >> + trt-version-short: << parameters.trt-version-short >> + bazel-platform: "x86_64" + - install-cmake: + version: 3.24.1 + - install-torch-from-index: + torch-build: << parameters.torch-build >> + torch-build-index: << parameters.torch-build-index >> + - build-cmake + - run: + name: Move to cmake build dir + command: | + mkdir -p /tmp/dist/cmake + cp -r /tmp/dist/builds/* /tmp/dist/cmake + - persist_to_workspace: + root: /tmp/dist + paths: + - cmake + - store_artifacts: + path: /tmp/dist/cmake + destination: x86_64-cmake + + build-x86_64-pyt-ngc: + parameters: + torch-base-image: + type: string + machine: + image: ubuntu-2004-cuda-11.4:202110-01 + resource_class: xlarge + steps: + - checkout + - build-py-ngc: + release: false + torch-base-image: << parameters.torch-base-image >> + - run: + name: Move to NGC dir + command: | + mkdir -p /tmp/dist/ngc + cp -r /tmp/dist/builds/* /tmp/dist/ngc + - persist_to_workspace: + root: /tmp/dist + paths: + - ngc + - store_artifacts: + path: /tmp/dist/ngc + destination: x86_64-pyt-ngc + + package-x86_64-ngc: + parameters: + enabled: + type: boolean + default: false + torch-base-image: + type: string + machine: + image: ubuntu-2004-cuda-11.4:202110-01 + resource_class: xlarge + steps: + - when: + condition: << parameters.enabled >> + steps: + - checkout + - build-py-ngc: + release: true + torch-base-image: << parameters.torch-base-image >> + - run: + name: Collect packages + command: | + mkdir -p /tmp/dist/ngc + cp -r ~/project/py/dist/* /tmp/dist/ngc + - store_artifacts: + path: /tmp/dist/ngc + destination: x86_64-ngc-pkgs + - unless: + condition: << parameters.enabled >> + steps: + - run: + name: Skipped packaging + command: echo -e "Packaging stage not enabled" parameters: bazel-version: @@ -751,10 +997,10 @@ parameters: # Nightly platform config torch-nightly-build: type: string - default: "1.13.0.dev20220810+cu113" + default: "1.13.0.dev20220825+cu116" torch-nightly-build-index: type: string - default: "https://download.pytorch.org/whl/nightly/cu113" + default: "https://download.pytorch.org/whl/nightly/cu116" cudnn-nightly-version: type: string default: "8.4.1" @@ -763,15 +1009,15 @@ parameters: default: "8.4.1" trt-nightly-version-long: type: string - default: "8.4.1.5" + default: "8.4.3.1" # Release platform config torch-release-build: type: string - default: "1.12.0+cu113" + default: "1.12.1+cu116" torch-release-build-index: type: string - default: "https://download.pytorch.org/whl/cu113" + default: "https://download.pytorch.org/whl/cu116" cudnn-release-version: type: string default: "8.4.1" @@ -780,15 +1026,15 @@ parameters: default: "8.4.1" trt-release-version-long: type: string - default: "8.4.1.5" + default: "8.4.3.1" # Jetson platform config torch-jetson-build: type: string - default: "torch-1.13.0a0+340c4120.nv22.06-cp38-cp38-linux_aarch64.whl" + default: "torch-1.13.0a0+08820cb0.nv22.07-cp38-cp38-linux_aarch64.whl" jetpack-version: type: string - default: "50" + default: "502" cudnn-jetson-version: type: string default: "8.3.2" @@ -799,10 +1045,18 @@ parameters: type: string default: "8.4.1.5" + torch-ngc-base-image: + type: string + default: "nvcr.io/nvidia/pytorch:22.07-py3" + enable-packaging: type: boolean default: false + enable-ngc-packaging: + type: boolean + default: false + # Invoke jobs via workflows # See: https://circleci.com/docs/2.0/configuration-reference/#workflows workflows: @@ -821,7 +1075,6 @@ workflows: jetpack-version: << pipeline.parameters.jetpack-version >> python-version: 3.8.10 - - build-x86_64-pyt-release: torch-build: << pipeline.parameters.torch-release-build >> torch-build-index: << pipeline.parameters.torch-release-build-index >> @@ -855,7 +1108,6 @@ workflows: requires: - build-x86_64-pyt-release - - build-x86_64-pyt-nightly: torch-build: << pipeline.parameters.torch-nightly-build >> torch-build-index: << pipeline.parameters.torch-nightly-build-index >> @@ -892,16 +1144,11 @@ workflows: release: when: << pipeline.parameters.enable-packaging >> jobs: - - build-aarch64-pyt-jetson: - torch-build: << pipeline.parameters.torch-jetson-build >> - jetpack-version: << pipeline.parameters.jetpack-version >> - python-version: 3.8.10 - build-x86_64-pyt-release: torch-build: << pipeline.parameters.torch-release-build >> torch-build-index: << pipeline.parameters.torch-release-build-index >> - - test-core-cpp-x86_64: name: test-core-cpp-x86_64-pyt-release channel: "release" @@ -942,9 +1189,26 @@ workflows: - test-py-ts-x86_64-pyt-release - test-py-fx-x86_64-pyt-release + ngc-release: + when: << pipeline.parameters.enable-ngc-packaging >> + jobs: + - build-aarch64-pyt-jetson: + torch-build: << pipeline.parameters.torch-jetson-build >> + jetpack-version: << pipeline.parameters.jetpack-version >> + python-version: 3.8.10 + + - build-x86_64-pyt-ngc: + torch-base-image: << pipeline.parameters.torch-ngc-base-image >> + + - package-x86_64-ngc: + torch-base-image: << pipeline.parameters.torch-ngc-base-image >> + enabled: << pipeline.parameters.enable-ngc-packaging >> + requires: + - build-x86_64-pyt-ngc + - package-jetson: name: package-release-aarch64-jetson - enabled: << pipeline.parameters.enable-packaging >> + enabled: << pipeline.parameters.enable-ngc-packaging >> torch-build: << pipeline.parameters.torch-jetson-build >> jetpack-version: << pipeline.parameters.jetpack-version >> python-version: 3.8.10 @@ -958,7 +1222,6 @@ workflows: jetpack-version: << pipeline.parameters.jetpack-version >> python-version: 3.8.10 - - build-x86_64-pyt-release: torch-build: << pipeline.parameters.torch-release-build >> torch-build-index: << pipeline.parameters.torch-release-build-index >> @@ -1025,3 +1288,17 @@ workflows: trt-version-long: << pipeline.parameters.trt-nightly-version-long >> requires: - build-x86_64-pyt-nightly + + - build-x86_64-cmake: + name: build-x86_64-cmake-pyt-nightly + torch-build: << pipeline.parameters.torch-nightly-build >> + torch-build-index: << pipeline.parameters.torch-nightly-build-index >> + trt-version-short: << pipeline.parameters.trt-nightly-version-short >> + cudnn-version: << pipeline.parameters.cudnn-nightly-version >> + + - build-x86_64-cmake: + name: build-x86_64-cmake-pyt-release + torch-build: << pipeline.parameters.torch-release-build >> + torch-build-index: << pipeline.parameters.torch-release-build-index >> + trt-version-short: << pipeline.parameters.trt-release-version-short >> + cudnn-version: << pipeline.parameters.cudnn-release-version >> diff --git a/README.md b/README.md index 9cd32c9533..52232dddb4 100644 --- a/README.md +++ b/README.md @@ -113,10 +113,10 @@ torch.jit.save(trt_ts_module, "trt_torchscript_module.ts") # save the TRT embedd These are the following dependencies used to verify the testcases. Torch-TensorRT can work with other versions, but the tests are not guaranteed to pass. - Bazel 5.2.0 -- Libtorch 1.12.0 (built with CUDA 11.3) -- CUDA 11.3 +- Libtorch 1.12.1 (built with CUDA 11.6) +- CUDA 11.6 - cuDNN 8.4.1 -- TensorRT 8.4.1.5 +- TensorRT 8.4.3.1 ## Prebuilt Binaries and Wheel files diff --git a/WORKSPACE b/WORKSPACE index c93c342fc8..002e8ac276 100644 --- a/WORKSPACE +++ b/WORKSPACE @@ -56,17 +56,17 @@ new_local_repository( http_archive( name = "libtorch", build_file = "@//third_party/libtorch:BUILD", - sha256 = "80f089939de20e68e3fcad4dfa72a26c8bf91b5e77b11042f671f39ebac35865", + sha256 = "5a392132fbff9db1482eae72a30f74b09f53a47edf8305fe9688d4ce7ddb0b6b", strip_prefix = "libtorch", - urls = ["https://download.pytorch.org/libtorch/cu113/libtorch-cxx11-abi-shared-with-deps-1.12.0%2Bcu113.zip"], + urls = ["https://download.pytorch.org/libtorch/cu116/libtorch-cxx11-abi-shared-with-deps-1.12.1%2Bcu116.zip"], ) http_archive( name = "libtorch_pre_cxx11_abi", build_file = "@//third_party/libtorch:BUILD", - sha256 = "8e35371403f7052d9e9b43bcff383980dbde4df028986dc1dab539953481d55f", + sha256 = "5e044cc56a29cd4f3a7198c0fe5b2f0fa8f4c38cd71a0491274b6a914e8f24a7", strip_prefix = "libtorch", - urls = ["https://download.pytorch.org/libtorch/cu113/libtorch-shared-with-deps-1.12.0%2Bcu113.zip"], + urls = ["https://download.pytorch.org/libtorch/cu116/libtorch-shared-with-deps-1.12.1%2Bcu116.zip"], ) # Download these tarballs manually from the NVIDIA website @@ -86,10 +86,10 @@ http_archive( http_archive( name = "tensorrt", build_file = "@//third_party/tensorrt/archive:BUILD", - sha256 = "8107861af218694130f170e071f49814fa3e27f1386ce7cb6d807ac05a7fcf0e", - strip_prefix = "TensorRT-8.4.1.5", + sha256 = "8d7c2085c1639dcc73875048c23598a8526ce3089136876e31d90258e49e4f61", + strip_prefix = "TensorRT-8.4.3.1", urls = [ - "https://developer.nvidia.com/compute/machine-learning/tensorrt/secure/8.4.1/tars/tensorrt-8.4.1.5.linux.x86_64-gnu.cuda-11.6.cudnn8.4.tar.gz", + "https://developer.nvidia.com/compute/machine-learning/tensorrt/secure/8.4.3/tars/tensorrt-8.4.3.1.linux.x86_64-gnu.cuda-11.6.cudnn8.4.tar.gz", ], ) diff --git a/core/conversion/converters/impl/expand.cpp b/core/conversion/converters/impl/expand.cpp index e090261a2a..e379614ad3 100644 --- a/core/conversion/converters/impl/expand.cpp +++ b/core/conversion/converters/impl/expand.cpp @@ -282,6 +282,116 @@ auto expand_registrations TORCHTRT_UNUSED = auto out = ctx->AssociateValueAndTensor(n->outputs()[0], in); LOG_DEBUG("Repeat layer output tensor shape: " << out->getDimensions()); + return true; + }}) + .pattern( + {"aten::repeat_interleave.self_int(Tensor self, int repeats, int? dim=None, *, int? output_size=None) -> (Tensor)", + [](ConversionCtx* ctx, const torch::jit::Node* n, args& args) -> bool { + auto self = args[0].ITensorOrFreeze(ctx); + auto repeats = args[1].unwrapToScalar().to(); + + auto input_shape = self->getDimensions(); + + int dim; + if (args[2].IValue()->isNone()) { + dim = 0; + + // Flatten self tensor + int size; + if (ctx->input_is_dynamic) { + // Set size to -1 if input is dynamic + size = -1; + } else { + size = 1; + for (int i = 0; i < input_shape.nbDims; i++) { + size *= input_shape.d[i]; + } + } + auto flatten = ctx->net->addShuffle(*self); + TORCHTRT_CHECK(flatten, "Unable to create shuffle layer from node: " << *n); + flatten->setReshapeDimensions(util::toDims(std::vector({size}))); + self = flatten->getOutput(0); + input_shape = self->getDimensions(); + } else { + dim = args[2].unwrapToScalar().to(); + } + + if (ctx->input_is_dynamic) { + int dynamic_dims = 0; + for (int idx = 0; idx < input_shape.nbDims; idx++) { + if (input_shape.d[idx] == -1) { + dynamic_dims++; + } + } + + if (dynamic_dims > 1) { + TORCHTRT_THROW_ERROR( + "Repeat_interleave is currently not supported when target shape contains more than one dynamic dimension"); + } + } + + // Insert singleton dimension after desired repeat dimension + std::vector repeat_shape_vec; + for (int j = 0; j < input_shape.nbDims; j++) { + repeat_shape_vec.push_back(input_shape.d[j]); + if (j == dim) { + repeat_shape_vec.push_back(1); + } + } + auto expand = ctx->net->addShuffle(*self); + TORCHTRT_CHECK(expand, "Unable to create shuffle layer from node: " << *n); + auto repeat_shape_dims = util::toDims(repeat_shape_vec); + expand->setReshapeDimensions(repeat_shape_dims); + + // Expand on newly created singleton dimension + repeat_shape_dims.d[dim + 1] = repeats; + std::vector start_vec(repeat_shape_dims.nbDims, 0); + auto start_dims = util::toDims(start_vec); + + std::vector strides_vec(repeat_shape_dims.nbDims, 1); + strides_vec[dim + 1] = 0; + auto strides_dims = util::toDims(strides_vec); + + auto slice = ctx->net->addSlice(*expand->getOutput(0), start_dims, repeat_shape_dims, strides_dims); + + if (ctx->input_is_dynamic) { + auto start_tensor = tensor_to_const(ctx, torch::tensor(start_vec, torch::kInt32)); + + auto expand_output_shape = ctx->net->addShape(*expand->getOutput(0))->getOutput(0); + std::vector repeat_const_vec(repeat_shape_dims.nbDims, 1); + repeat_const_vec[dim + 1] = repeats; + auto repeat_const = tensor_to_const(ctx, torch::tensor(repeat_const_vec, torch::kInt32)); + auto repeat_shape_tensor = + ctx->net + ->addElementWise(*expand_output_shape, *repeat_const, nvinfer1::ElementWiseOperation::kPROD) + ->getOutput(0); + + auto strides_tensor = tensor_to_const(ctx, torch::tensor(strides_vec, torch::kInt32)); + slice->setInput(1, *start_tensor); + slice->setInput(2, *repeat_shape_tensor); + slice->setInput(3, *strides_tensor); + } + + // Collapse repeated dimension back into desired dimension + std::vector collapse_shape_vec; + for (int k = 0; k < repeat_shape_dims.nbDims; k++) { + if (k == dim) { + int64_t collapse_dim = repeat_shape_dims.d[k] * repeat_shape_dims.d[++k]; + // Set dim size to -1 if repeat is being done on dynamic dim + collapse_dim = std::max(collapse_dim, (int64_t)-1); + collapse_shape_vec.push_back(collapse_dim); + } else { + collapse_shape_vec.push_back(repeat_shape_dims.d[k]); + } + } + auto collapse = ctx->net->addShuffle(*slice->getOutput(0)); + TORCHTRT_CHECK(collapse, "Unable to create shuffle layer from node: " << *n); + collapse->setReshapeDimensions(util::toDims(collapse_shape_vec)); + + collapse->setName(util::node_info(n).c_str()); + auto out_tensor = ctx->AssociateValueAndTensor(n->outputs()[0], collapse->getOutput(0)); + LOG_DEBUG("Output tensor shape: " << out_tensor->getDimensions()); + return true; }}); diff --git a/core/conversion/converters/impl/select.cpp b/core/conversion/converters/impl/select.cpp index 8025a1086b..58f0aeae61 100644 --- a/core/conversion/converters/impl/select.cpp +++ b/core/conversion/converters/impl/select.cpp @@ -267,41 +267,234 @@ auto select_registrations TORCHTRT_UNUSED = .pattern( {"aten::index.Tensor(Tensor self, Tensor?[] indices) -> (Tensor)", [](ConversionCtx* ctx, const torch::jit::Node* n, args& args) -> bool { + // refer to https://github.com/pytorch/pytorch/blob/master/torch/onnx/symbolic_opset9.py#L4627 auto in = args[0].ITensorOrFreeze(ctx); auto ts = args[1].IValue()->toListRef(); std::vector tensors; - for (auto t : ts) { + std::vector adv_idx_indices; + for (auto i = 0; i < ts.size(); i++) { + auto t = ts[i]; if (t.isTensor()) { - auto torch_tensor = t.toTensor(); + auto torch_tensor = t.toTensor().to(torch::kInt32); tensors.push_back(tensor_to_const(ctx, torch_tensor)); + adv_idx_indices.push_back(i); } else { - auto cont = t.toCustomClass(); - tensors.push_back(cont->tensor()); + // IValue + if (!t.isNone()) { + adv_idx_indices.push_back(i); + auto cont = t.toCustomClass(); + // Set datatype for indices tensor to INT32 + auto identity = ctx->net->addIdentity(*cont->tensor()); + identity->setOutputType(0, nvinfer1::DataType::kINT32); + tensors.push_back(identity->getOutput(0)); + } } } - // In TorchScript, aten::index.Tensor indexes the self tensor along its each dimension by several - // indexes. In this version of Torch-TensorRT, it can only receive one index tensor which means it only - // indexes the self tensor along dimension 0. - TORCHTRT_CHECK( - tensors.size() == 1, - "In this version of Torch-TensorRT, aten::index.Tensor can only receive one index tensor which means it only indexes the self tensor along dimension 0."); - auto indicesTensor = tensors[0]; - // Set datatype for indices tensor to INT32 - auto identity = ctx->net->addIdentity(*indicesTensor); - identity->setOutputType(0, nvinfer1::DataType::kINT32); - indicesTensor = identity->getOutput(0); + if (tensors.size() == 0) { + auto identity_out = ctx->net->addIdentity(*in)->getOutput(0); + auto out = ctx->AssociateValueAndTensor(n->outputs()[0], identity_out); + LOG_DEBUG("Output tensor shape: " << out->getDimensions()); + } else if (tensors.size() == 1) { + auto indicesTensor = tensors[0]; + // Set datatype for indices tensor to INT32 + auto identity = ctx->net->addIdentity(*indicesTensor); + identity->setOutputType(0, nvinfer1::DataType::kINT32); + indicesTensor = identity->getOutput(0); + + // IGatherLayer takes in input tensor, the indices, and the axis of input tensor to take indices + // from + auto gather_layer = ctx->net->addGather(*in, *indicesTensor, 0); + TORCHTRT_CHECK(gather_layer, "Unable to create gather layer from node: " << *n); + auto gather_out = gather_layer->getOutput(0); + + auto out = ctx->AssociateValueAndTensor(n->outputs()[0], gather_out); + LOG_DEBUG("Output tensor shape: " << out->getDimensions()); + } else { + auto inDims = in->getDimensions(); + int rank = inDims.nbDims; + LOG_WARNING("If indices include negative values, the exported graph will produce incorrect results."); + int adv_idx_count = adv_idx_indices.size(); + auto in_shape_itensor = ctx->net->addShape(*in)->getOutput(0); + + std::vector dim_tensor_list; + for (int i = 0; i < rank; i++) { + auto dim_tensor = + ctx->net + ->addGather(*in_shape_itensor, *tensor_to_const(ctx, torch::tensor({i}, torch::kInt32)), 0) + ->getOutput(0); + dim_tensor_list.push_back(dim_tensor); + } - // IGatherLayer takes in input tensor, the indices, and the axis of input tensor to take indices - // from - auto gather_layer = ctx->net->addGather(*in, *indicesTensor, 0); - TORCHTRT_CHECK(gather_layer, "Unable to create gather layer from node: " << *n); - auto gather_out = gather_layer->getOutput(0); + // t: [x_1, y_1, y_2, ..., x_m, ..., y_n] -> t: [x_1, x_2, ..., x_m, y_1, y_2, ..., y_n], + // where t is a tensor of rank m+n, {x_i} are axes where tensor index is provided, and {y_i} are axes + // for ":". + auto in_transpose_layer = ctx->net->addShuffle(*in); + TORCHTRT_CHECK(in_transpose_layer, "Unable to create shuffle layer from node: " << *n); + nvinfer1::Permutation permute; + std::vector new_order; + for (int i = 0; i < adv_idx_count; i++) { + new_order.push_back(adv_idx_indices[i]); + } + for (int i = 0; i < rank; i++) { + if (std::find(adv_idx_indices.begin(), adv_idx_indices.end(), i) == adv_idx_indices.end()) { + new_order.push_back(i); + } + } + std::copy(new_order.begin(), new_order.end(), permute.order); + in_transpose_layer->setSecondTranspose(permute); + auto shuffle_out = in_transpose_layer->getOutput(0); + + // t: [x_1, x_2, ..., x_m, y_1, y_2, ..., y_n] -> t: [x_1*x_2* ...*x_m, y_1*y_2* ...*y_n] + nvinfer1::ITensor* flatten_tensor = NULL; + { + auto shuffle_shape_tensor = ctx->net->addShape(*shuffle_out)->getOutput(0); + auto d0 = tensor_to_const(ctx, torch::tensor({1}, torch::kInt32)); + for (int i = 0; i < adv_idx_count; i++) { + auto dim_tensor = + ctx->net + ->addGather( + *shuffle_shape_tensor, *tensor_to_const(ctx, torch::tensor({i}, torch::kInt32)), 0) + ->getOutput(0); + d0 = add_elementwise( + ctx, + nvinfer1::ElementWiseOperation::kPROD, + d0, + dim_tensor, + std::string("compute_dim0_") + std::to_string(i)) + ->getOutput(0); + } - auto out = ctx->AssociateValueAndTensor(n->outputs()[0], gather_out); + auto d1 = tensor_to_const(ctx, torch::tensor({1}, torch::kInt32)); + for (int i = adv_idx_count; i < rank; i++) { + auto dim_tensor = + ctx->net + ->addGather( + *shuffle_shape_tensor, *tensor_to_const(ctx, torch::tensor({i}, torch::kInt32)), 0) + ->getOutput(0); + d1 = add_elementwise( + ctx, + nvinfer1::ElementWiseOperation::kPROD, + d1, + dim_tensor, + std::string("compute_dim1_") + std::to_string(i)) + ->getOutput(0); + } - LOG_DEBUG("Output tensor shape: " << out->getDimensions()); + std::vector concat_tensors; + concat_tensors.push_back(d0); + concat_tensors.push_back(d1); + auto concat_layer = ctx->net->addConcatenation(concat_tensors.data(), concat_tensors.size()); + + auto shuffle = ctx->net->addShuffle(*shuffle_out); + shuffle->setInput(1, *concat_layer->getOutput(0)); + flatten_tensor = shuffle->getOutput(0); + LOG_DEBUG(flatten_tensor->getDimensions()); + } + + // tensor index = \sum_{i=1}^m (ind_i * \prod_{j=i+1}^m (x_j)), ind_i is input indices[i], x_j is the + // j dimension of input x. + nvinfer1::ITensor* multiplier = dim_tensor_list[adv_idx_indices[adv_idx_count - 1]]; + nvinfer1::ITensor* cum_adv_index = tensors[adv_idx_count - 1]; + for (int i = adv_idx_count - 2; i >= 0; i--) { + nvinfer1::ITensor* adv_index = add_elementwise( + ctx, + nvinfer1::ElementWiseOperation::kPROD, + tensors[i], + multiplier, + std::string("adv_index_") + std::to_string(i)) + ->getOutput(0); + cum_adv_index = add_elementwise( + ctx, + nvinfer1::ElementWiseOperation::kSUM, + cum_adv_index, + adv_index, + std::string("cum_adv_index_") + std::to_string(i)) + ->getOutput(0); + multiplier = add_elementwise( + ctx, + nvinfer1::ElementWiseOperation::kPROD, + multiplier, + dim_tensor_list[adv_idx_indices[i]], + std::string("multiplier_") + std::to_string(i)) + ->getOutput(0); + } + + // perform gather + auto gather_out = ctx->net->addGather(*flatten_tensor, *cum_adv_index, 0)->getOutput(0); + + nvinfer1::ITensor* reshape_output = NULL; + { + auto cum_adv_index_shape_tensor = ctx->net->addShape(*cum_adv_index)->getOutput(0); + // check if all advanced indices are consecutive. + if (adv_idx_count == (adv_idx_indices[adv_idx_count - 1] - adv_idx_indices[0] + 1)) { + // unfold regular index axes + std::vector concat_tensors; + concat_tensors.push_back(tensor_to_const(ctx, torch::tensor({-1}, torch::kInt32))); + for (int i = 0; i < rank; i++) { + if (std::find(adv_idx_indices.begin(), adv_idx_indices.end(), i) == adv_idx_indices.end()) { + nvinfer1::ITensor* current_dim = dim_tensor_list[i]; + concat_tensors.push_back(current_dim); + } + } + auto concat_layer = ctx->net->addConcatenation(concat_tensors.data(), concat_tensors.size()); + auto regular_index_shuffle_layer = ctx->net->addShuffle(*gather_out); + regular_index_shuffle_layer->setInput(1, *concat_layer->getOutput(0)); + auto unfold_tensor = regular_index_shuffle_layer->getOutput(0); + + // Transpose folded advanced indexed axis to its original location. + auto transpose_advanced_shuffle_layer = ctx->net->addShuffle(*unfold_tensor); + nvinfer1::Permutation permute; + std::vector new_order; + for (int i = 1; i < adv_idx_indices[0] + 1; i++) { + new_order.push_back(i); + } + new_order.push_back(0); + for (int i = adv_idx_indices[0] + 1; i < rank - adv_idx_count + 1; i++) { + new_order.push_back(i); + } + std::copy(new_order.begin(), new_order.end(), permute.order); + transpose_advanced_shuffle_layer->setSecondTranspose(permute); + auto shuffle_out = transpose_advanced_shuffle_layer->getOutput(0); + + // unfold advanced index axes + std::vector concat_final_tensors; + for (int i = 0; i < adv_idx_indices[0]; i++) { + nvinfer1::ITensor* current_dim = dim_tensor_list[i]; + concat_final_tensors.push_back(current_dim); + } + concat_final_tensors.push_back(cum_adv_index_shape_tensor); + for (int i = adv_idx_indices[0]; i < rank; i++) { + if (std::find(adv_idx_indices.begin(), adv_idx_indices.end(), i) == adv_idx_indices.end()) { + nvinfer1::ITensor* current_dim = dim_tensor_list[i]; + concat_final_tensors.push_back(current_dim); + } + } + auto concat_final_shape_layer = + ctx->net->addConcatenation(concat_final_tensors.data(), concat_final_tensors.size()); + auto unfold_advanced_shuffle_layer = ctx->net->addShuffle(*shuffle_out); + unfold_advanced_shuffle_layer->setInput(1, *concat_final_shape_layer->getOutput(0)); + reshape_output = unfold_advanced_shuffle_layer->getOutput(0); + } else { + std::vector concat_tensors; + concat_tensors.push_back(cum_adv_index_shape_tensor); + for (int i = 0; i < rank; i++) { + if (std::find(adv_idx_indices.begin(), adv_idx_indices.end(), i) == adv_idx_indices.end()) { + nvinfer1::ITensor* current_dim = dim_tensor_list[i]; + concat_tensors.push_back(current_dim); + } + } + auto concat_layer = ctx->net->addConcatenation(concat_tensors.data(), concat_tensors.size()); + auto shuffle_layer = ctx->net->addShuffle(*gather_out); + shuffle_layer->setInput(1, *concat_layer->getOutput(0)); + reshape_output = shuffle_layer->getOutput(0); + } + } + + auto out = ctx->AssociateValueAndTensor(n->outputs()[0], reshape_output); + LOG_DEBUG("Output tensor shape: " << out->getDimensions()); + } return true; }}) .pattern( diff --git a/core/conversion/evaluators/prim.cpp b/core/conversion/evaluators/prim.cpp index 2245ca05dc..81a7bb9991 100644 --- a/core/conversion/evaluators/prim.cpp +++ b/core/conversion/evaluators/prim.cpp @@ -100,7 +100,12 @@ auto prim_registrations = auto ival = c10::IValue(std::move(c10::make_intrusive(tensor_holder))); list.emplace_back(std::move(ival)); } else { - list.emplace_back(std::move(args.at(in).unwrapToTensor())); + if (args.at(in).IValue()->isNone()) { + auto ival = torch::jit::IValue(); + list.emplace_back(std::move(ival)); + } else { + list.emplace_back(std::move(args.at(in).unwrapToTensor())); + } } } return c10::optional(std::move(torch::jit::IValue(list))); diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 6c296818b0..c5baedfa0a 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html index dc6319f769..ee631a4842 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html index b7aed51b34..6c81106e8e 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1TensorFormat.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html index 893d077356..ae03830ea8 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html index e6c620c5ce..8a782a7aa9 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html index 5fb653946f..3d01828515 100644 --- a/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html +++ b/docs/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html index 5bd4c83533..602c0b350a 100644 --- a/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html +++ b/docs/_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html index 4172371cce..38e962e08c 100644 --- a/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html +++ b/docs/_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html index f2d5dee85a..9a1fa322c1 100644 --- a/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html +++ b/docs/_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html index df6c659561..a5b3fec8be 100644 --- a/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html +++ b/docs/_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html index a60117538d..91089891e4 100644 --- a/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html +++ b/docs/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html index c270256961..bbe72d9894 100644 --- a/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html +++ b/docs/_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html index 5952185e14..b4290b153d 100644 --- a/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html +++ b/docs/_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/dir_cpp.html b/docs/_cpp_api/dir_cpp.html index 131b688299..dea0115edc 100644 --- a/docs/_cpp_api/dir_cpp.html +++ b/docs/_cpp_api/dir_cpp.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/dir_cpp_include.html b/docs/_cpp_api/dir_cpp_include.html index e00ed4c2d1..60d6e3b0f1 100644 --- a/docs/_cpp_api/dir_cpp_include.html +++ b/docs/_cpp_api/dir_cpp_include.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html index 64e4011a12..6b900ef21f 100644 --- a/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html +++ b/docs/_cpp_api/dir_cpp_include_torch_tensorrt.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558.html b/docs/_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558.html index bc34c408d1..1b9b5c91fe 100644 --- a/docs/_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558.html +++ b/docs/_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb.html b/docs/_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb.html index 3741915056..b0f505eab7 100644 --- a/docs/_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb.html +++ b/docs/_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html index 230b2b4379..faadfd3afb 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_logging.h.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html index 6a658b1d39..765669e1c2 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_macros.h.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html index 8e0603aeca..62510e6f52 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index 1707fff746..4e154e62bc 100644 --- a/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3.html b/docs/_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3.html index fb1566a207..df0c38386b 100644 --- a/docs/_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3.html +++ b/docs/_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650.html b/docs/_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650.html index 2c458d2e5e..a49a6ee55f 100644 --- a/docs/_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650.html +++ b/docs/_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a.html b/docs/_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a.html index 0a7b9c023f..481caf4a35 100644 --- a/docs/_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a.html +++ b/docs/_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2.html b/docs/_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2.html index fa91fec6ca..c7de101a0b 100644 --- a/docs/_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2.html +++ b/docs/_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8.html b/docs/_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8.html index 1c67b1683e..8aed7c5567 100644 --- a/docs/_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8.html +++ b/docs/_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5.html b/docs/_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5.html index a351284c33..a16b425bcd 100644 --- a/docs/_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5.html +++ b/docs/_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc.html b/docs/_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc.html index 4698c66df3..cd0b618f85 100644 --- a/docs/_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc.html +++ b/docs/_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_ptq_8h_1a226e3c83379d1012cde8578c1c86b16c.html b/docs/_cpp_api/function_ptq_8h_1a226e3c83379d1012cde8578c1c86b16c.html index 7f9c342618..8067e27a03 100644 --- a/docs/_cpp_api/function_ptq_8h_1a226e3c83379d1012cde8578c1c86b16c.html +++ b/docs/_cpp_api/function_ptq_8h_1a226e3c83379d1012cde8578c1c86b16c.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_ptq_8h_1a6186e305f47c1d94b6130ef6c7f7e178.html b/docs/_cpp_api/function_ptq_8h_1a6186e305f47c1d94b6130ef6c7f7e178.html index 15a26d285d..443027515f 100644 --- a/docs/_cpp_api/function_ptq_8h_1a6186e305f47c1d94b6130ef6c7f7e178.html +++ b/docs/_cpp_api/function_ptq_8h_1a6186e305f47c1d94b6130ef6c7f7e178.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797.html b/docs/_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797.html index 2380fd87a6..99928f04a8 100644 --- a/docs/_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797.html +++ b/docs/_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9.html b/docs/_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9.html index afc7fac9f3..721759731d 100644 --- a/docs/_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9.html +++ b/docs/_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef.html b/docs/_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef.html index ee5c9eeeaf..fe2cc70617 100644 --- a/docs/_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef.html +++ b/docs/_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528.html b/docs/_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528.html index ef05a43236..bcf3fb3dc7 100644 --- a/docs/_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528.html +++ b/docs/_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384.html b/docs/_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384.html index 0800bfd9d5..0c8d8f790b 100644 --- a/docs/_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384.html +++ b/docs/_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html b/docs/_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html index 13ffd4f11e..1c451af297 100644 --- a/docs/_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html +++ b/docs/_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2.html b/docs/_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2.html index 24a33c656a..3b244e5516 100644 --- a/docs/_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2.html +++ b/docs/_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/namespace_torch_tensorrt.html b/docs/_cpp_api/namespace_torch_tensorrt.html index 5595cd85dc..c1279521c6 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt.html +++ b/docs/_cpp_api/namespace_torch_tensorrt.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/namespace_torch_tensorrt__logging.html b/docs/_cpp_api/namespace_torch_tensorrt__logging.html index aaf7d4a8b7..f57d3c7ec9 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__logging.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__logging.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html index 3f745972a2..64439cce4b 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__ptq.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__ptq.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html index a17966e46f..5f3cefef91 100644 --- a/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html +++ b/docs/_cpp_api/namespace_torch_tensorrt__torchscript.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html index 75df4e2f05..e6ad942d63 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html index 89a914803b..b619b14f7a 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html index ea0511efeb..ba7274cf5a 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html index c0cecb4d5b..f2ba470f1f 100644 --- a/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html +++ b/docs/_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html index 76b6aaca8d..ca9d929ab5 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Device.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Device.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html index 1d11b6b737..cd1762f9d3 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1GraphInputs.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html index bf03c2dd95..2ea3ccbaab 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1Input.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1Input.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html index 7c2a1f9b19..194e5e3d6e 100644 --- a/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html +++ b/docs/_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/torch_tensort_cpp.html b/docs/_cpp_api/torch_tensort_cpp.html index 8df5a59b70..210493e0cd 100644 --- a/docs/_cpp_api/torch_tensort_cpp.html +++ b/docs/_cpp_api/torch_tensort_cpp.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_cpp_api/unabridged_orphan.html b/docs/_cpp_api/unabridged_orphan.html index 829e950e98..9c6d73ec1d 100644 --- a/docs/_cpp_api/unabridged_orphan.html +++ b/docs/_cpp_api/unabridged_orphan.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/index.html b/docs/_modules/index.html index 6b6deeec58..edb7839310 100644 --- a/docs/_modules/index.html +++ b/docs/_modules/index.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/_Device.html b/docs/_modules/torch_tensorrt/_Device.html index 3b334c07f7..f147135f2a 100644 --- a/docs/_modules/torch_tensorrt/_Device.html +++ b/docs/_modules/torch_tensorrt/_Device.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/_Input.html b/docs/_modules/torch_tensorrt/_Input.html index 43d553088c..1ac20dc47e 100644 --- a/docs/_modules/torch_tensorrt/_Input.html +++ b/docs/_modules/torch_tensorrt/_Input.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/_compile.html b/docs/_modules/torch_tensorrt/_compile.html index 9f7248fec6..2246ec1eae 100644 --- a/docs/_modules/torch_tensorrt/_compile.html +++ b/docs/_modules/torch_tensorrt/_compile.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/_util.html b/docs/_modules/torch_tensorrt/_util.html index 212fa7f667..989cb3e61a 100644 --- a/docs/_modules/torch_tensorrt/_util.html +++ b/docs/_modules/torch_tensorrt/_util.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/fx/fx2trt.html b/docs/_modules/torch_tensorrt/fx/fx2trt.html index 44fb8d37fc..e849401545 100644 --- a/docs/_modules/torch_tensorrt/fx/fx2trt.html +++ b/docs/_modules/torch_tensorrt/fx/fx2trt.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html index 67d1c71800..6467052426 100644 --- a/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html +++ b/docs/_modules/torch_tensorrt/fx/input_tensor_spec.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/fx/trt_module.html b/docs/_modules/torch_tensorrt/fx/trt_module.html index 39fe510d36..a57f5176fc 100644 --- a/docs/_modules/torch_tensorrt/fx/trt_module.html +++ b/docs/_modules/torch_tensorrt/fx/trt_module.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html index 6ab6f3440d..6128cc05ed 100644 --- a/docs/_modules/torch_tensorrt/logging.html +++ b/docs/_modules/torch_tensorrt/logging.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html index 6b177a1601..b85374f7d8 100644 --- a/docs/_modules/torch_tensorrt/ptq.html +++ b/docs/_modules/torch_tensorrt/ptq.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html index 98cefa3cab..f873b32923 100644 --- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html +++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html index fd0dbb07e9..ba86b16c3d 100644 --- a/docs/_modules/torch_tensorrt/ts/_compiler.html +++ b/docs/_modules/torch_tensorrt/ts/_compiler.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/_sources/cli/torchtrtc.rst.txt b/docs/_sources/cli/torchtrtc.rst.txt index 68f599a5cd..69292c491c 100644 --- a/docs/_sources/cli/torchtrtc.rst.txt +++ b/docs/_sources/cli/torchtrtc.rst.txt @@ -135,12 +135,15 @@ e.g. torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@f16%contiguous" -p f16 +- To include a set of custom operators -To run with custom torch operators .. code-block:: shell -torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-torch-ops= "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16 + torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-torch-ops= "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16 + + +- To include a set of custom converters -To run with custom converters .. code-block:: shell -torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-converters= "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16 + + torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-converters= "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16 diff --git a/docs/cli/torchtrtc.html b/docs/cli/torchtrtc.html index 7c175f7f61..e16f9bd1f6 100644 --- a/docs/cli/torchtrtc.html +++ b/docs/cli/torchtrtc.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
@@ -476,12 +476,18 @@
torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@f16%contiguous" -p f16
 
-

To run with custom torch operators -.. code-block:: shell -torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts –custom-torch-ops=<path to custom library> “[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous” -p f16

-

To run with custom converters -.. code-block:: shell -torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts –custom-converters=<path to custom library> “[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous” -p f16

+
    +
  • To include a set of custom operators

  • +
+
torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-torch-ops=<path to custom library .so file> "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16
+
+
+
    +
  • To include a set of custom converters

  • +
+
torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-converters=<path to custom library .so file> "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16
+
+
diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html index b9164795c4..c0c13ea1c6 100644 --- a/docs/contributors/conversion.html +++ b/docs/contributors/conversion.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html index e057a313f0..2d9a812750 100644 --- a/docs/contributors/lowering.html +++ b/docs/contributors/lowering.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html index 1919fb324c..f524e76918 100644 --- a/docs/contributors/partitioning.html +++ b/docs/contributors/partitioning.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html index 70b42dc3e5..2a93a59124 100644 --- a/docs/contributors/phases.html +++ b/docs/contributors/phases.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html index ddab876ee2..08b4da78ee 100644 --- a/docs/contributors/runtime.html +++ b/docs/contributors/runtime.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html index f090147448..0601b9307b 100644 --- a/docs/contributors/system_overview.html +++ b/docs/contributors/system_overview.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html index 3d75767894..57cd2fe3cc 100644 --- a/docs/contributors/useful_links.html +++ b/docs/contributors/useful_links.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html index 34cf78f647..956ec8702e 100644 --- a/docs/contributors/writing_converters.html +++ b/docs/contributors/writing_converters.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/genindex.html b/docs/genindex.html index a849429db9..7af5bb2ab6 100644 --- a/docs/genindex.html +++ b/docs/genindex.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/getting_started/getting_started_with_cpp_api.html b/docs/getting_started/getting_started_with_cpp_api.html index a44b83520c..fcce40782e 100644 --- a/docs/getting_started/getting_started_with_cpp_api.html +++ b/docs/getting_started/getting_started_with_cpp_api.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/getting_started/getting_started_with_python_api.html b/docs/getting_started/getting_started_with_python_api.html index dacf186929..effd46eabc 100644 --- a/docs/getting_started/getting_started_with_python_api.html +++ b/docs/getting_started/getting_started_with_python_api.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/getting_started/installation.html b/docs/getting_started/installation.html index 7d810d4220..a51adc6deb 100644 --- a/docs/getting_started/installation.html +++ b/docs/getting_started/installation.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/index.html b/docs/index.html index d80253f5dd..81c151175f 100644 --- a/docs/index.html +++ b/docs/index.html @@ -198,7 +198,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html index c6dd319808..d230472422 100644 --- a/docs/indices/supported_ops.html +++ b/docs/indices/supported_ops.html @@ -198,7 +198,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/objects.inv b/docs/objects.inv index 1f9384a266..71491c9fdf 100644 Binary files a/docs/objects.inv and b/docs/objects.inv differ diff --git a/docs/py-modindex.html b/docs/py-modindex.html index 49929853f2..226e8ddf92 100644 --- a/docs/py-modindex.html +++ b/docs/py-modindex.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/py_api/fx.html b/docs/py_api/fx.html index 58c1b808cc..ef36006a65 100644 --- a/docs/py_api/fx.html +++ b/docs/py_api/fx.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html index c71d83c7c8..e7f157b23b 100644 --- a/docs/py_api/logging.html +++ b/docs/py_api/logging.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html index 69c668aad3..e2a4f71ded 100644 --- a/docs/py_api/ptq.html +++ b/docs/py_api/ptq.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html index 89c1769df0..c5428f6c8e 100644 --- a/docs/py_api/torch_tensorrt.html +++ b/docs/py_api/torch_tensorrt.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html index f78a9fbda9..02b8bbe6ed 100644 --- a/docs/py_api/ts.html +++ b/docs/py_api/ts.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
@@ -567,7 +567,7 @@

Functions
-torch_tensorrt.ts.TensorRTCompileSpec(inputs=[], input_signature=None, device=None, disable_tf32=False, sparse_weights=False, enabled_precisions={}, refit=False, debug=False, capability=<EngineCapability.default: 0>, num_avg_timing_iters=1, workspace_size=0, dla_sram_size=1048576, dla_local_dram_size=1073741824, dla_global_dram_size=536870912, truncate_long_and_double=False, calibrator=None) <torch.ScriptClass object at 0x7f7cd523a630>[source]
+torch_tensorrt.ts.TensorRTCompileSpec(inputs=[], input_signature=None, device=None, disable_tf32=False, sparse_weights=False, enabled_precisions={}, refit=False, debug=False, capability=<EngineCapability.default: 0>, num_avg_timing_iters=1, workspace_size=0, dla_sram_size=1048576, dla_local_dram_size=1073741824, dla_global_dram_size=536870912, truncate_long_and_double=False, calibrator=None) <torch.ScriptClass object at 0x7f89ba6d5eb0>[source]

Utility to create a formated spec dictionary for using the PyTorch TensorRT backend

Keyword Arguments
diff --git a/docs/search.html b/docs/search.html index 27a67603a2..c5405377d8 100644 --- a/docs/search.html +++ b/docs/search.html @@ -196,7 +196,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/searchindex.js b/docs/searchindex.js index 3f70a3a0e4..6125435bfd 100644 --- a/docs/searchindex.js +++ b/docs/searchindex.js @@ -1 +1 @@ -Search.setIndex({docnames:["_cpp_api/classtorch__tensorrt_1_1DataType","_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType","_cpp_api/classtorch__tensorrt_1_1TensorFormat","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502","_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268","_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e","_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827","_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da","_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59","_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883","_cpp_api/dir_cpp","_cpp_api/dir_cpp_include","_cpp_api/dir_cpp_include_torch_tensorrt","_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558","_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb","_cpp_api/file_cpp_include_torch_tensorrt_logging.h","_cpp_api/file_cpp_include_torch_tensorrt_macros.h","_cpp_api/file_cpp_include_torch_tensorrt_ptq.h","_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h","_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3","_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650","_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a","_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2","_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8","_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5","_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc","_cpp_api/function_ptq_8h_1a226e3c83379d1012cde8578c1c86b16c","_cpp_api/function_ptq_8h_1a6186e305f47c1d94b6130ef6c7f7e178","_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797","_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9","_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef","_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528","_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384","_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1","_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2","_cpp_api/namespace_torch_tensorrt","_cpp_api/namespace_torch_tensorrt__logging","_cpp_api/namespace_torch_tensorrt__ptq","_cpp_api/namespace_torch_tensorrt__torchscript","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h","_cpp_api/structtorch__tensorrt_1_1Device","_cpp_api/structtorch__tensorrt_1_1GraphInputs","_cpp_api/structtorch__tensorrt_1_1Input","_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec","_cpp_api/torch_tensort_cpp","_cpp_api/unabridged_orphan","cli/torchtrtc","contributors/conversion","contributors/lowering","contributors/partitioning","contributors/phases","contributors/runtime","contributors/system_overview","contributors/useful_links","contributors/writing_converters","getting_started/getting_started_with_cpp_api","getting_started/getting_started_with_python_api","getting_started/installation","index","indices/supported_ops","py_api/fx","py_api/logging","py_api/ptq","py_api/torch_tensorrt","py_api/ts","src/pytorch-sphinx-theme/docs/changelog","src/pytorch-sphinx-theme/docs/configuring","src/pytorch-sphinx-theme/docs/demo/api","src/pytorch-sphinx-theme/docs/demo/demo","src/pytorch-sphinx-theme/docs/demo/lists_tables","src/pytorch-sphinx-theme/docs/demo/long","src/pytorch-sphinx-theme/docs/demo/structure","src/pytorch-sphinx-theme/docs/index","src/pytorch-sphinx-theme/docs/installing","tutorials/creating_torchscript_module_in_python","tutorials/getting_started_with_fx_path","tutorials/notebooks","tutorials/ptq","tutorials/runtime","tutorials/serving_torch_tensorrt_with_triton","tutorials/use_from_pytorch","tutorials/using_dla"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":5,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":3,"sphinx.domains.rst":2,"sphinx.domains.std":2,"sphinx.ext.intersphinx":1,"sphinx.ext.todo":2,"sphinx.ext.viewcode":1,nbsphinx:4,sphinx:56},filenames:["_cpp_api/classtorch__tensorrt_1_1DataType.rst","_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.rst","_cpp_api/classtorch__tensorrt_1_1TensorFormat.rst","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.rst","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.rst","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.rst","_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.rst","_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.rst","_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.rst","_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.rst","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.rst","_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.rst","_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.rst","_cpp_api/dir_cpp.rst","_cpp_api/dir_cpp_include.rst","_cpp_api/dir_cpp_include_torch_tensorrt.rst","_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558.rst","_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb.rst","_cpp_api/file_cpp_include_torch_tensorrt_logging.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_macros.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst","_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3.rst","_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650.rst","_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a.rst","_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2.rst","_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8.rst","_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5.rst","_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc.rst","_cpp_api/function_ptq_8h_1a226e3c83379d1012cde8578c1c86b16c.rst","_cpp_api/function_ptq_8h_1a6186e305f47c1d94b6130ef6c7f7e178.rst","_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797.rst","_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9.rst","_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef.rst","_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528.rst","_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384.rst","_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.rst","_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2.rst","_cpp_api/namespace_torch_tensorrt.rst","_cpp_api/namespace_torch_tensorrt__logging.rst","_cpp_api/namespace_torch_tensorrt__ptq.rst","_cpp_api/namespace_torch_tensorrt__torchscript.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst","_cpp_api/structtorch__tensorrt_1_1Device.rst","_cpp_api/structtorch__tensorrt_1_1GraphInputs.rst","_cpp_api/structtorch__tensorrt_1_1Input.rst","_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.rst","_cpp_api/torch_tensort_cpp.rst","_cpp_api/unabridged_orphan.rst","cli/torchtrtc.rst","contributors/conversion.rst","contributors/lowering.rst","contributors/partitioning.rst","contributors/phases.rst","contributors/runtime.rst","contributors/system_overview.rst","contributors/useful_links.rst","contributors/writing_converters.rst","getting_started/getting_started_with_cpp_api.rst","getting_started/getting_started_with_python_api.rst","getting_started/installation.rst","index.rst","indices/supported_ops.rst","py_api/fx.rst","py_api/logging.rst","py_api/ptq.rst","py_api/torch_tensorrt.rst","py_api/ts.rst","src/pytorch-sphinx-theme/docs/changelog.rst","src/pytorch-sphinx-theme/docs/configuring.rst","src/pytorch-sphinx-theme/docs/demo/api.rst","src/pytorch-sphinx-theme/docs/demo/demo.rst","src/pytorch-sphinx-theme/docs/demo/lists_tables.rst","src/pytorch-sphinx-theme/docs/demo/long.rst","src/pytorch-sphinx-theme/docs/demo/structure.rst","src/pytorch-sphinx-theme/docs/index.rst","src/pytorch-sphinx-theme/docs/installing.rst","tutorials/creating_torchscript_module_in_python.rst","tutorials/getting_started_with_fx_path.rst","tutorials/notebooks.rst","tutorials/ptq.rst","tutorials/runtime.rst","tutorials/serving_torch_tensorrt_with_triton.rst","tutorials/use_from_pytorch.rst","tutorials/using_dla.rst"],objects:{"":[[5,0,1,"c.STR","STR"],[9,0,1,"c.TORCHTRT_API","TORCHTRT_API"],[11,0,1,"c.TORCHTRT_HIDDEN","TORCHTRT_HIDDEN"],[7,0,1,"c.TORCH_TENSORRT_MAJOR_VERSION","TORCH_TENSORRT_MAJOR_VERSION"],[8,0,1,"c.TORCH_TENSORRT_MINOR_VERSION","TORCH_TENSORRT_MINOR_VERSION"],[6,0,1,"c.TORCH_TENSORRT_PATCH_VERSION","TORCH_TENSORRT_PATCH_VERSION"],[12,0,1,"c.TORCH_TENSORRT_VERSION","TORCH_TENSORRT_VERSION"],[10,0,1,"c.XSTR","XSTR"],[0,1,1,"_CPPv4N14torch_tensorrt8DataTypeE","torch_tensorrt::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeE5Value","torch_tensorrt::DataType::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEN3c1010ScalarTypeE","torch_tensorrt::DataType::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEv","torch_tensorrt::DataType::DataType"],[0,3,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeE5Value","torch_tensorrt::DataType::DataType::t"],[0,3,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEN3c1010ScalarTypeE","torch_tensorrt::DataType::DataType::t"],[0,4,1,"_CPPv4N14torch_tensorrt8DataType5ValueE","torch_tensorrt::DataType::Value"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kBoolE","torch_tensorrt::DataType::Value::kBool"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kCharE","torch_tensorrt::DataType::Value::kChar"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value6kFloatE","torch_tensorrt::DataType::Value::kFloat"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kHalfE","torch_tensorrt::DataType::Value::kHalf"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value4kIntE","torch_tensorrt::DataType::Value::kInt"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value8kUnknownE","torch_tensorrt::DataType::Value::kUnknown"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kBoolE","torch_tensorrt::DataType::kBool"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kCharE","torch_tensorrt::DataType::kChar"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value6kFloatE","torch_tensorrt::DataType::kFloat"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kHalfE","torch_tensorrt::DataType::kHalf"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value4kIntE","torch_tensorrt::DataType::kInt"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value8kUnknownE","torch_tensorrt::DataType::kUnknown"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypecv5ValueEv","torch_tensorrt::DataType::operator Value"],[0,2,1,"_CPPv4N14torch_tensorrt8DataTypecvbEv","torch_tensorrt::DataType::operator bool"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeneE8DataType","torch_tensorrt::DataType::operator!="],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeneEN8DataType5ValueE","torch_tensorrt::DataType::operator!="],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeneE8DataType","torch_tensorrt::DataType::operator!=::other"],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeneEN8DataType5ValueE","torch_tensorrt::DataType::operator!=::other"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeeqE8DataType","torch_tensorrt::DataType::operator=="],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeeqEN8DataType5ValueE","torch_tensorrt::DataType::operator=="],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeeqE8DataType","torch_tensorrt::DataType::operator==::other"],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeeqEN8DataType5ValueE","torch_tensorrt::DataType::operator==::other"],[46,1,1,"_CPPv4N14torch_tensorrt6DeviceE","torch_tensorrt::Device"],[46,2,1,"_CPPv4N14torch_tensorrt6Device6DeviceEv","torch_tensorrt::Device::Device"],[1,1,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypeE","torch_tensorrt::Device::DeviceType"],[46,1,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypeE","torch_tensorrt::Device::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEv","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEv","torch_tensorrt::Device::DeviceType::DeviceType"],[1,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType::t"],[1,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType::t"],[46,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType::t"],[46,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType::t"],[1,4,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5ValueE","torch_tensorrt::Device::DeviceType::Value"],[46,4,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5ValueE","torch_tensorrt::Device::DeviceType::Value"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::Value::kDLA"],[46,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::Value::kDLA"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::Value::kGPU"],[46,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::Value::kGPU"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::kDLA"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::kGPU"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypecv5ValueEv","torch_tensorrt::Device::DeviceType::operator Value"],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypecv5ValueEv","torch_tensorrt::Device::DeviceType::operator Value"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypecvbEv","torch_tensorrt::Device::DeviceType::operator bool"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypecvbEv","torch_tensorrt::Device::DeviceType::operator bool"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!="],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!="],[1,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!=::other"],[46,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!=::other"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator=="],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator=="],[1,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator==::other"],[46,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator==::other"],[46,6,1,"_CPPv4N14torch_tensorrt6Device18allow_gpu_fallbackE","torch_tensorrt::Device::allow_gpu_fallback"],[46,6,1,"_CPPv4N14torch_tensorrt6Device11device_typeE","torch_tensorrt::Device::device_type"],[46,6,1,"_CPPv4N14torch_tensorrt6Device8dla_coreE","torch_tensorrt::Device::dla_core"],[46,6,1,"_CPPv4N14torch_tensorrt6Device6gpu_idE","torch_tensorrt::Device::gpu_id"],[17,4,1,"_CPPv4N14torch_tensorrt16EngineCapabilityE","torch_tensorrt::EngineCapability"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability15kDLA_STANDALONEE","torch_tensorrt::EngineCapability::kDLA_STANDALONE"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability7kSAFETYE","torch_tensorrt::EngineCapability::kSAFETY"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability9kSTANDARDE","torch_tensorrt::EngineCapability::kSTANDARD"],[47,1,1,"_CPPv4N14torch_tensorrt11GraphInputsE","torch_tensorrt::GraphInputs"],[47,6,1,"_CPPv4N14torch_tensorrt11GraphInputs15input_signatureE","torch_tensorrt::GraphInputs::input_signature"],[47,6,1,"_CPPv4N14torch_tensorrt11GraphInputs6inputsE","torch_tensorrt::GraphInputs::inputs"],[48,1,1,"_CPPv4N14torch_tensorrt5InputE","torch_tensorrt::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN2at6TensorE","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEv","torch_tensorrt::Input::Input"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN2at6TensorE","torch_tensorrt::Input::Input::tensor"],[48,6,1,"_CPPv4N14torch_tensorrt5Input5dtypeE","torch_tensorrt::Input::dtype"],[48,6,1,"_CPPv4N14torch_tensorrt5Input6formatE","torch_tensorrt::Input::format"],[48,6,1,"_CPPv4N14torch_tensorrt5Input9max_shapeE","torch_tensorrt::Input::max_shape"],[48,6,1,"_CPPv4N14torch_tensorrt5Input9min_shapeE","torch_tensorrt::Input::min_shape"],[48,6,1,"_CPPv4N14torch_tensorrt5Input9opt_shapeE","torch_tensorrt::Input::opt_shape"],[48,6,1,"_CPPv4N14torch_tensorrt5Input5shapeE","torch_tensorrt::Input::shape"],[2,1,1,"_CPPv4N14torch_tensorrt12TensorFormatE","torch_tensorrt::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatE5Value","torch_tensorrt::TensorFormat::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEN2at12MemoryFormatE","torch_tensorrt::TensorFormat::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEv","torch_tensorrt::TensorFormat::TensorFormat"],[2,3,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatE5Value","torch_tensorrt::TensorFormat::TensorFormat::t"],[2,3,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEN2at12MemoryFormatE","torch_tensorrt::TensorFormat::TensorFormat::t"],[2,4,1,"_CPPv4N14torch_tensorrt12TensorFormat5ValueE","torch_tensorrt::TensorFormat::Value"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value13kChannelsLastE","torch_tensorrt::TensorFormat::Value::kChannelsLast"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value11kContiguousE","torch_tensorrt::TensorFormat::Value::kContiguous"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value8kUnknownE","torch_tensorrt::TensorFormat::Value::kUnknown"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value13kChannelsLastE","torch_tensorrt::TensorFormat::kChannelsLast"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value11kContiguousE","torch_tensorrt::TensorFormat::kContiguous"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value8kUnknownE","torch_tensorrt::TensorFormat::kUnknown"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatcv5ValueEv","torch_tensorrt::TensorFormat::operator Value"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormatcvbEv","torch_tensorrt::TensorFormat::operator bool"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatneE12TensorFormat","torch_tensorrt::TensorFormat::operator!="],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatneEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator!="],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormatneE12TensorFormat","torch_tensorrt::TensorFormat::operator!=::other"],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormatneEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator!=::other"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormateqE12TensorFormat","torch_tensorrt::TensorFormat::operator=="],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormateqEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator=="],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormateqE12TensorFormat","torch_tensorrt::TensorFormat::operator==::other"],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormateqEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator==::other"],[36,2,1,"_CPPv4N14torch_tensorrt15dump_build_infoEv","torch_tensorrt::dump_build_info"],[34,2,1,"_CPPv4N14torch_tensorrt14get_build_infoEv","torch_tensorrt::get_build_info"],[16,4,1,"_CPPv4N14torch_tensorrt7logging5LevelE","torch_tensorrt::logging::Level"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kDEBUGE","torch_tensorrt::logging::Level::kDEBUG"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kERRORE","torch_tensorrt::logging::Level::kERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kGRAPHE","torch_tensorrt::logging::Level::kGRAPH"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level5kINFOE","torch_tensorrt::logging::Level::kINFO"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level15kINTERNAL_ERRORE","torch_tensorrt::logging::Level::kINTERNAL_ERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level8kWARNINGE","torch_tensorrt::logging::Level::kWARNING"],[24,2,1,"_CPPv4N14torch_tensorrt7logging24get_is_colored_output_onEv","torch_tensorrt::logging::get_is_colored_output_on"],[22,2,1,"_CPPv4N14torch_tensorrt7logging18get_logging_prefixEv","torch_tensorrt::logging::get_logging_prefix"],[23,2,1,"_CPPv4N14torch_tensorrt7logging24get_reportable_log_levelEv","torch_tensorrt::logging::get_reportable_log_level"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kDEBUGE","torch_tensorrt::logging::kDEBUG"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kERRORE","torch_tensorrt::logging::kERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kGRAPHE","torch_tensorrt::logging::kGRAPH"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level5kINFOE","torch_tensorrt::logging::kINFO"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level15kINTERNAL_ERRORE","torch_tensorrt::logging::kINTERNAL_ERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level8kWARNINGE","torch_tensorrt::logging::kWARNING"],[26,2,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log"],[26,3,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log::lvl"],[26,3,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log::msg"],[27,2,1,"_CPPv4N14torch_tensorrt7logging24set_is_colored_output_onEb","torch_tensorrt::logging::set_is_colored_output_on"],[27,3,1,"_CPPv4N14torch_tensorrt7logging24set_is_colored_output_onEb","torch_tensorrt::logging::set_is_colored_output_on::colored_output_on"],[28,2,1,"_CPPv4N14torch_tensorrt7logging18set_logging_prefixENSt6stringE","torch_tensorrt::logging::set_logging_prefix"],[28,3,1,"_CPPv4N14torch_tensorrt7logging18set_logging_prefixENSt6stringE","torch_tensorrt::logging::set_logging_prefix::prefix"],[25,2,1,"_CPPv4N14torch_tensorrt7logging24set_reportable_log_levelE5Level","torch_tensorrt::logging::set_reportable_log_level"],[25,3,1,"_CPPv4N14torch_tensorrt7logging24set_reportable_log_levelE5Level","torch_tensorrt::logging::set_reportable_log_level::lvl"],[3,1,1,"_CPPv4I0EN14torch_tensorrt3ptq19Int8CacheCalibratorE","torch_tensorrt::ptq::Int8CacheCalibrator"],[3,7,1,"_CPPv4I0EN14torch_tensorrt3ptq19Int8CacheCalibratorE","torch_tensorrt::ptq::Int8CacheCalibrator::Algorithm"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE","torch_tensorrt::ptq::Int8CacheCalibrator::Int8CacheCalibrator"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE","torch_tensorrt::ptq::Int8CacheCalibrator::Int8CacheCalibrator::cache_file_path"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::bindings"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::names"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::nbBindings"],[3,2,1,"_CPPv4NK14torch_tensorrt3ptq19Int8CacheCalibrator12getBatchSizeEv","torch_tensorrt::ptq::Int8CacheCalibrator::getBatchSize"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibratorcvPN8nvinfer115IInt8CalibratorEEv","torch_tensorrt::ptq::Int8CacheCalibrator::operator nvinfer1::IInt8Calibrator*"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::readCalibrationCache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::readCalibrationCache::length"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache::cache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache::length"],[4,1,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator"],[4,7,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator::Algorithm"],[4,7,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator::DataLoaderUniquePtr"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::cache_file_path"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::dataloader"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::use_cache"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::bindings"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::names"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::nbBindings"],[4,2,1,"_CPPv4NK14torch_tensorrt3ptq14Int8Calibrator12getBatchSizeEv","torch_tensorrt::ptq::Int8Calibrator::getBatchSize"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8CalibratorcvPN8nvinfer115IInt8CalibratorEEv","torch_tensorrt::ptq::Int8Calibrator::operator nvinfer1::IInt8Calibrator*"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8Calibrator::readCalibrationCache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8Calibrator::readCalibrationCache::length"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache::cache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache::length"],[29,2,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator"],[29,7,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator::Algorithm"],[29,3,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator::cache_file_path"],[30,2,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator"],[30,7,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::Algorithm"],[30,7,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::DataLoader"],[30,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::cache_file_path"],[30,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::dataloader"],[30,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::use_cache"],[35,2,1,"_CPPv4N14torch_tensorrt10set_deviceEKi","torch_tensorrt::set_device"],[35,3,1,"_CPPv4N14torch_tensorrt10set_deviceEKi","torch_tensorrt::set_device::gpu_id"],[49,1,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpecE","torch_tensorrt::torchscript::CompileSpec"],[49,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecEN5torch3jit6IValueE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[49,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorI5InputEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[49,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorIN3c108ArrayRefI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[49,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[49,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorIN3c108ArrayRefI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::fixed_sizes"],[49,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::fixed_sizes"],[49,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecEN5torch3jit6IValueE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::input_signature"],[49,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorI5InputEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::inputs"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec10capabilityE","torch_tensorrt::torchscript::CompileSpec::capability"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec5debugE","torch_tensorrt::torchscript::CompileSpec::debug"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec6deviceE","torch_tensorrt::torchscript::CompileSpec::device"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec12disable_tf32E","torch_tensorrt::torchscript::CompileSpec::disable_tf32"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec20dla_global_dram_sizeE","torch_tensorrt::torchscript::CompileSpec::dla_global_dram_size"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec19dla_local_dram_sizeE","torch_tensorrt::torchscript::CompileSpec::dla_local_dram_size"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec13dla_sram_sizeE","torch_tensorrt::torchscript::CompileSpec::dla_sram_size"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec18enabled_precisionsE","torch_tensorrt::torchscript::CompileSpec::enabled_precisions"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec12graph_inputsE","torch_tensorrt::torchscript::CompileSpec::graph_inputs"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14min_block_sizeE","torch_tensorrt::torchscript::CompileSpec::min_block_size"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec20num_avg_timing_itersE","torch_tensorrt::torchscript::CompileSpec::num_avg_timing_iters"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14ptq_calibratorE","torch_tensorrt::torchscript::CompileSpec::ptq_calibrator"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec5refitE","torch_tensorrt::torchscript::CompileSpec::refit"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec24require_full_compilationE","torch_tensorrt::torchscript::CompileSpec::require_full_compilation"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14sparse_weightsE","torch_tensorrt::torchscript::CompileSpec::sparse_weights"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec22torch_executed_modulesE","torch_tensorrt::torchscript::CompileSpec::torch_executed_modules"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec18torch_executed_opsE","torch_tensorrt::torchscript::CompileSpec::torch_executed_ops"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec24truncate_long_and_doubleE","torch_tensorrt::torchscript::CompileSpec::truncate_long_and_double"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14workspace_sizeE","torch_tensorrt::torchscript::CompileSpec::workspace_size"],[31,2,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support"],[31,3,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support::method_name"],[31,3,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support::module"],[32,2,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile"],[32,3,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile::info"],[32,3,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile::module"],[37,2,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::info"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::method_name"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::module"],[33,2,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module"],[33,3,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module::device"],[33,3,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module::engine"],[69,8,0,"-","torch_tensorrt"]],"torch_tensorrt.Device":[[69,10,1,"","__init__"],[69,11,1,"","allow_gpu_fallback"],[69,11,1,"","device_type"],[69,11,1,"","dla_core"],[69,11,1,"","gpu_id"]],"torch_tensorrt.Input":[[69,10,1,"","__init__"],[69,11,1,"","dtype"],[69,11,1,"","format"],[69,11,1,"","shape"],[69,11,1,"","shape_mode"]],"torch_tensorrt.fx":[[66,9,1,"","InputTensorSpec"],[66,9,1,"","TRTInterpreter"],[66,9,1,"","TRTInterpreterResult"],[66,9,1,"","TRTModule"]],"torch_tensorrt.logging":[[67,9,1,"","Level"],[67,9,1,"","debug"],[67,9,1,"","errors"],[67,12,1,"","get_is_colored_output_on"],[67,12,1,"","get_logging_prefix"],[67,12,1,"","get_reportable_log_level"],[67,9,1,"","graphs"],[67,9,1,"","info"],[67,9,1,"","internal_errors"],[67,12,1,"","log"],[67,12,1,"","set_is_colored_output_on"],[67,12,1,"","set_logging_prefix"],[67,12,1,"","set_reportable_log_level"],[67,9,1,"","warnings"]],"torch_tensorrt.logging.Level":[[67,11,1,"","Debug"],[67,11,1,"","Error"],[67,11,1,"","Graph"],[67,11,1,"","Info"],[67,11,1,"","InternalError"],[67,11,1,"","Warning"]],"torch_tensorrt.ptq":[[68,9,1,"id1","CacheCalibrator"],[68,9,1,"id2","CalibrationAlgo"],[68,9,1,"id0","DataLoaderCalibrator"],[68,12,1,"","get_batch"],[68,12,1,"","get_batch_size"],[68,12,1,"","get_cache_mode_batch"],[68,12,1,"","read_calibration_cache"],[68,12,1,"","write_calibration_cache"]],"torch_tensorrt.ptq.CacheCalibrator":[[68,10,1,"","__init__"]],"torch_tensorrt.ptq.CalibrationAlgo":[[68,11,1,"","ENTROPY_CALIBRATION"],[68,11,1,"","ENTROPY_CALIBRATION_2"],[68,11,1,"","LEGACY_CALIBRATION"],[68,11,1,"","MINMAX_CALIBRATION"]],"torch_tensorrt.ptq.DataLoaderCalibrator":[[68,10,1,"","__init__"]],"torch_tensorrt.ts":[[70,12,1,"","TensorRTCompileSpec"],[70,12,1,"","check_method_op_support"],[70,12,1,"","compile"],[70,12,1,"","convert_method_to_trt_engine"],[70,12,1,"","embed_engine_in_new_module"]],torch_tensorrt:[[69,9,1,"","Device"],[69,9,1,"","DeviceType"],[69,9,1,"","EngineCapability"],[69,9,1,"","Input"],[69,9,1,"","TensorFormat"],[69,12,1,"","compile"],[69,12,1,"","convert_method_to_trt_engine"],[69,9,1,"","dtype"],[69,12,1,"","dump_build_info"],[66,8,0,"-","fx"],[69,12,1,"","get_build_info"],[67,8,0,"-","logging"],[68,8,0,"-","ptq"],[69,12,1,"","set_device"],[70,8,0,"-","ts"]]},objnames:{"0":["c","macro","C macro"],"1":["cpp","class","C++ class"],"10":["py","method","Python method"],"11":["py","attribute","Python attribute"],"12":["py","function","Python function"],"2":["cpp","function","C++ function"],"3":["cpp","functionParam","C++ function parameter"],"4":["cpp","enum","C++ enum"],"5":["cpp","enumerator","C++ enumerator"],"6":["cpp","member","C++ member"],"7":["cpp","templateParam","C++ template parameter"],"8":["py","module","Python module"],"9":["py","class","Python class"]},objtypes:{"0":"c:macro","1":"cpp:class","10":"py:method","11":"py:attribute","12":"py:function","2":"cpp:function","3":"cpp:functionParam","4":"cpp:enum","5":"cpp:enumerator","6":"cpp:member","7":"cpp:templateParam","8":"py:module","9":"py:class"},terms:{"0":[33,43,44,45,49,52,58,60,61,63,65,67,68,69,70,71,73,74,81,83,85,86,87],"0000":75,"01":[61,65,75],"0208":61,"03":75,"0358":61,"0383":61,"04":[61,85],"0435":61,"0464":61,"0530":61,"0678":61,"0805":61,"0818":61,"0932":61,"0a0":74,"0x7f7cd523a630":70,"1":[3,4,33,43,44,45,48,49,52,54,55,57,60,61,62,63,65,66,67,68,69,70,71,72,74,75,78,80,81,82,83,86,87],"10":[49,61,63,70,78,80,82,83,85],"100":[66,81],"1000":85,"1012":54,"1013":54,"1024":[52,69,70,82],"1045":61,"1048576":[45,49,70],"1056":61,"1063":61,"1073741824":[45,49,70],"109":61,"11":[54,61,63,74,78,85],"119":80,"12":[54,61,74,78,80,85],"120":[61,80],"123":75,"129":80,"13":[74,78],"136":85,"137":80,"138":80,"14":[78,85],"1409":83,"15":[74,78],"1502":61,"1549":61,"1556":83,"16":[61,62,69,78,80],"1691":61,"17":78,"18":[61,78],"19":[75,78],"1994":83,"1d":54,"1e":52,"2":[33,43,55,60,61,63,65,67,68,69,70,72,74,75,78,80,81,83],"20":78,"2009":83,"2010":83,"2012":75,"2014":83,"2020":[61,64],"2023":83,"22":85,"224":[55,66,69,70,82,85],"225":[66,85],"229":85,"23":[49,54,70,75],"234375":85,"24":54,"244":[69,70],"248":54,"249":54,"25":[61,66,81],"256":85,"258":74,"27":61,"28":61,"2802":61,"2822":74,"287":74,"29":61,"2c3":75,"3":[45,49,52,54,55,57,61,63,65,67,68,69,70,74,75,78,80,81,82,83,86,87],"300":[52,86],"31":61,"32":[52,61,62,69,80,83,87],"320":83,"32bit":52,"33":61,"346":61,"35":61,"36":61,"3677":54,"37":61,"38":80,"39":80,"3d":81,"4":[57,61,63,65,67,72,74,75,78,81],"406":85,"429688":85,"4465":83,"456":85,"468750":85,"4822":83,"485":85,"4914":83,"5":[52,57,58,61,63,67,69,74,75,78,80,81,85],"50":82,"512":[52,69,70,82],"523438":85,"53":75,"536870912":[45,49,70],"539":61,"56":61,"576":61,"6":[54,57,61,63,65,78,80],"622":54,"64":[62,81],"64bit":52,"664062":85,"7":[57,58,61,78],"72048":63,"7302":75,"8":[3,52,54,61,63,69,74,75,78,85],"8000":85,"8001":85,"8002":85,"84":[61,80],"9":[61,78,85],"90":85,"92":85,"9223372036854775807":65,"abstract":[57,60,75],"boolean":[69,81],"break":[74,81],"byte":[69,70,82],"case":[0,1,2,46,49,53,57,60,63,81,83,84],"catch":[54,61],"char":[3,4,44,52,61],"class":[17,29,30,44,45,46,51,57,60,61,62,67,74,75,80,81,82,83],"const":[0,1,2,3,4,29,30,31,32,33,35,37,44,45,46,54,60,61,65,83],"default":[0,1,2,3,4,16,29,30,43,45,46,48,49,52,55,61,62,63,66,69,70,72,73,74,81,83,86],"do":[53,54,55,60,61,62,73,75,80,81,83,87],"enum":[0,1,2,42,45,46,51,67,70,83],"export":63,"final":[53,56,58,63,82],"float":[49,52,61,62,65,69,80,83,86],"function":[0,1,2,3,4,46,48,49,51,54,55,57,60,61,63,80,81,82,83,85,86,87],"import":[52,54,55,61,62,63,72,74,80,81,84,85,86],"int":[0,3,4,35,44,45,49,52,61,65,66,69,70,72],"long":[49,52,53,74,75],"new":[0,1,2,3,4,32,33,46,48,49,57,58,60,61,67,70,74,81,85],"public":[0,1,2,3,4,44,45,46,47,48,49,75,83],"return":[0,1,2,3,4,23,24,29,30,31,32,33,34,37,42,43,44,45,46,54,56,57,58,60,61,62,67,69,70,80,81,83,85],"short":[54,74,75],"static":[48,49,53,60,61,69,70,72],"super":[44,80],"throw":[52,54,61],"true":[0,1,2,4,46,49,54,55,60,61,65,66,69,70,72,75,81,83,85,86,87],"try":[58,61,74,75,86],"var":65,"void":[3,4,25,26,27,28,35,36,42,44,45],"while":[63,82,83,85],A:[4,29,30,32,33,47,48,54,55,60,63,70,75,83,85],And:61,As:[61,81],At:73,But:[61,74],By:[29,30,51,55,72,80],For:[53,55,61,63,66,72,74,75,80,81,82,83,84,85,86],If:[27,53,54,61,62,63,66,67,69,72,74,81,83,84,85,87],In:[0,1,2,46,53,56,57,58,60,62,63,64,74,75,77,81,82,83,84,85],Is:[24,69],It:[52,54,55,56,58,60,63,72,74,81,82],Its:[60,74],Not:3,On:55,One:[61,74,75,81,82],Or:74,THE:74,TO:61,That:74,Thats:61,The:[1,46,48,49,52,53,54,55,56,57,58,60,62,63,67,69,70,72,75,80,81,82,83,85,86],Then:[55,63,83,86],There:[4,53,58,60,63,75,80,81,82,83,84,85],These:[53,57,72,74,83,85],To:[1,46,52,55,61,62,63,72,80,85,86],Will:31,With:[61,72,74,83,85],_:[74,81],___torch_mangle_10:80,___torch_mangle_4847:57,___torch_mangle_5:80,___torch_mangle_9:80,__and__:65,__attribute__:43,__getitem__:65,__gnuc__:43,__init__:[68,69,74,80],__is__:65,__isnot__:65,__not__:65,__or__:65,__range_length:65,__round_to_zero_floordiv:65,__torch__:[57,61,80],__torch___pytorch_detection_ssd_src_model_ssd300_trt_engin:57,__torch___torchvision_models_resnet____torch_mangle_4847_resnet_trt_engin:57,__visibility__:43,__xor__:65,_all_:54,_c:[70,86],_convolut:[61,65],_jit_to_backend:86,_script:70,_shapemod:69,_theme:79,_validate_not_a_forked_repo:85,a1b:75,aarch64:58,ab:65,abi:84,abl:[53,54,60,64,81,83,86],about:[52,53,57,60,61,63,69,72,85],abov:[25,61,63,67,73,74,81],absolut:52,ac:77,acc_mod:81,acc_norm:81,acc_op:81,acc_op_convert:81,acc_ops_sigmoid:81,acc_trac:81,acceler:87,accept:[48,52,57,60,61,62,69],access:[54,60,61,64,72,81,86],accord:[60,70],accordingli:[72,81],account:85,accumsan:77,accumul:[49,70],accuraci:[82,83],achiev:82,aco:65,acosh:65,acoust:82,acquir:61,across:[49,52,54,70,72],acthardtanh:60,action:[74,81],activ:[61,70,74,81,82,83,87],activationtyp:[60,81],actual:[54,57,60,61,67,80,81],ad:[25,52,53,81],adaptive_avg_pool1d:65,adaptive_avg_pool2d:65,adaptive_avg_pool3d:65,adaptive_max_pool1d:65,adaptive_max_pool2d:65,adaptive_max_pool3d:65,add:[26,53,54,55,60,61,62,63,65,67,72,74,79],add_:[54,61,65],add_activ:81,addactiv:60,addit:[54,61,69,81,82],addlay:61,address:75,addshuffl:61,adipisc:[75,77],adjac:74,adjust:74,adopt:82,advanc:[75,83],advis:74,aenean:77,afford:81,aforement:85,after:[52,53,54,55,61,62,64,80,81,84,85],again:[44,57,60,74],against:[52,61],agx:45,ahead:61,aim:54,algo_typ:[68,83],algorithm:[3,4,29,30,44,68,81,83],algorithm_selector:81,alias:43,align:74,align_corn:65,aliquam:77,aliquet:[75,77],all:[16,42,43,44,45,49,52,54,55,57,61,62,63,67,69,74,75,80,81,82,83,84,85],alloc:60,allow:[48,49,52,53,54,69,72,81],allow_gpu_fallback:[45,46,69,70,83,86,87],allow_tf32:65,almost:61,alpha:[65,75,81],alreadi:[52,53,54,61,83],also:[29,53,60,61,62,63,64,72,74,75,82,83],altern:[48,82],although:74,altogeth:[55,72],alwai:[3,4,27,52,74],amet:[75,77],an:[2,3,4,48,49,52,53,54,55,56,57,58,60,61,62,63,64,68,69,70,72,74,75,80,81,82,83,84,85],analogu:60,analysi:55,analyt:72,analytics_id:72,ancient:74,ani:[48,52,53,60,61,62,63,69,72,74,81,83],ann:74,annot:[60,61],anonym:74,anoth:[62,74,75,80],ant:77,anyon:75,anyth:[74,75,84],aot:[61,64],api:[55,58,60,61,62,69,70,73,81,82,83,84,85,86],appear:74,append:65,appli:83,applic:[1,29,46,52,54,58,61,62,84,86,87],apr:61,ar:[42,46,49,52,53,54,55,57,58,60,61,63,64,69,70,72,74,75,76,80,81,82,83,84,85,86],arab:75,arang:65,architectur:[63,64,82],archiv:63,arcu:[75,77],area:76,aren:61,arg:[53,61,68,69,78,81,82],arg_replacement_tupl:81,argc:61,argument:[48,52,54,57,60,61,69,70,74,75,81],argv:61,around:[54,57,60,74,77,80],arrai:[3,4,33,53,70],arrayref:[45,48,49],arxiv:83,as_numpi:85,asin:65,asinh:65,aspect:52,assembl:[53,61],assign:[3,4,73],associ:[53,60,61],associatevalueandivalu:60,associatevalueandtensor:[60,61],assum:86,atan:65,atanh:65,aten:[49,54,55,59,60,61,65,70],atol:52,attrdict:85,attribut:[54,55,57,61,74,81],auctor:77,audio:82,augu:77,author:75,auto:[44,55,60,61,74,75,83,87],autodoc:[74,75],automat:[61,74],avail:[52,60,63,72,81,87],averag:[49,52,70],avg:52,avg_pool1d:65,avg_pool2d:65,avg_pool3d:65,awai:74,awaken:74,axi:65,b0:82,b:[63,65,75,85],b_hh:65,b_ih:65,back:[54,55,57,58,61,69,74,80],back_insert:44,backend:[70,73,86],background:[74,80],backlink:74,backward:81,bar:[72,74],base:[36,50,57,63,67,68,69,74,80,82,83],bash:63,basi:74,basic:[52,75,81,85],batch:[3,4,44,66,81,83,85,87],batch_norm:[60,65],batch_siz:[44,83],batched_data_:44,batchnorm:54,batchtyp:44,bathroom:74,bazel:[58,63],bazel_vers:63,bazelbuild:63,bazelisk:63,bazelvers:63,bdist_wheel:63,beat:75,becaus:[60,61,63,66,80,81],becom:60,bee:74,been:[53,60,61,75],befor:[49,54,58,60,61,63,64,70,81,85],beforehand:61,begin:[44,63,74,81],beginn:80,begun:74,behav:76,behavior:[49,69,70,81],behind:74,being:[61,81],belong:74,below:[60,61,63,74,81,85],benchmark:65,benefit:[60,61],besid:74,best:[63,74,81],beta:[65,70,81],better:[80,82],between:[54,60,63,74,75,83],bia:[54,61,65],bibendum:77,bibliograph:75,bigger:74,bin:63,binari:[44,83],binary_data:85,bind:[3,4,33,44,70,74],bird:85,bit:[49,60,61,69,70,81],bitbucket:72,bitbucket_url:72,blandit:77,blank:74,blob:[59,72,83],block0:54,block1:54,block:[52,53,54,78],blue:74,bmm:65,bodi:[74,75],bold:74,bool:[0,1,2,3,4,24,27,30,31,42,44,45,46,49,54,60,61,65,66,67,69,70,72,83],border:74,both:[63,72,74,80,83],bottom:72,box:74,bracket:74,branch:63,bread:74,brief:55,briefli:80,brontosaurus:74,browser:74,bsd:[42,43,44,45],buffer:[3,4,81],bug:63,bui:75,build:[29,30,34,49,52,53,56,58,60,61,69,73,78,81,83],build_fil:63,build_model:81,builder:81,builderconfig:45,built:[33,52,57,58,63,70],builtin:81,button:[72,74],bytearrai:81,c10:[0,1,45,46,48,49,61,83],c83e09:74,c:[42,43,44,45,52,58,62,65,75,84,85,87],c_api:59,c_str:[60,61],cach:[3,4,29,30,44,52,61,68,81,83],cache_:44,cache_fil:[44,68,83],cache_file_path:[3,4,29,30,44],cache_file_path_:44,cache_size_:44,cachecalibr:[68,83],cackl:75,calcul:[48,53,55,61],calibr:[3,4,29,30,44,49,52,61,68,70,83],calibration_cache_fil:[29,30,83],calibration_dataload:[30,83],calibration_dataset:83,calibrationalgo:[68,83],call:[29,30,32,49,54,57,60,61,70,74,80,81,82,86],call_funct:81,callmethod:80,can:[0,1,4,29,30,37,46,47,48,49,52,53,54,55,56,57,58,60,61,62,63,69,70,72,74,80,81,82,83,84,85,86],canada:75,cannot:[48,54,55,63,69,70,73,80,81],canon:72,canonical_url:72,capabl:[17,45,49,52,57,69,70,86],capit:74,caption:[74,77],cast:[3,4,54],cat:[63,65],caught:54,caus:[60,63,72],cd:[63,85],cdll:61,ceil:65,ceil_mod:65,cell:75,centercrop:85,cerr:61,certain:[63,81],cfg:55,chain:60,challeng:85,chanc:60,chang:[29,54,58,70,72,81,83,85],changelog:78,channel:[2,69,73],channel_last:[69,70,82],channels_last:69,charact:74,check:[0,1,31,46,52,54,60,61,63,70,81,84,85],check_method_op_support:70,check_method_operator_support:[21,41,45,50],checkmethodoperatorsupport:61,child:75,children:81,choic:[63,68],choos:[80,81],cifar10:83,cifar:83,clamp:65,clamp_max:65,clamp_min:65,class_count:85,classif:[61,80,82],classifi:[75,82],classification_index:85,clean:74,clear:44,cli:[52,62],clickabl:74,clone:65,close:61,closer:54,closet:74,cnn:82,co:[65,75,82],code:[52,55,58,61,64,73,75,80,81,83],coeffici:82,collapse_navig:72,collat:75,collect:[61,70],colon:74,color:[24,27,67,74],colored_output_on:[27,42,67],column:75,com:[59,61,63,83,84,85],combin:81,come:[63,73,81,85],command:[52,61,63,74,75,80,85],comment:[63,74],commodo:77,common:[53,54,66,74,81],common_subexpression_elimin:54,commonli:75,commun:[49,52,61,70],compar:[62,81],comparis:[0,2],comparison:[1,46],compat:[0,1,46,54,57,63,70,81],compil:[21,31,37,41,45,49,50,52,54,55,57,60,62,67,69,70,72,80,81,83,84,85,86,87],compile_spec:[83,87],compilegraph:[61,83],compilesepc:33,compilespec:[3,4,21,32,37,41,45,50,55,61,83,87],compilespecstruct:50,complet:[55,61,80],complex:[47,49,63,80],complianc:52,compliat:83,complic:63,compon:[56,58,80,84],compos:[80,81,83,85],composit:61,compound:82,comput:[49,74,81,82,83],conceiv:74,concorr:85,condimentum:77,condit:74,conf:[72,79],confidence_scor:85,config:[63,85],configur:[32,37,48,61,63,64,69,70,78,83,85],congu:77,connect:[54,70,74,85,87],consectetur:[75,77],consecut:55,consid:[61,70],consider:85,consist:[54,74,81],consol:52,consolid:80,constant:[53,54,61],constant_pad_nd:65,constexpr:[0,1,2,45,46],construct:[0,1,2,3,4,46,48,49,53,54,56,58,60,61,68,69,74,75,81,83],constructor:[0,2,46,48,49,57,80],consult:73,consum:[4,53,80],contact:75,contain:[30,31,52,53,54,60,61,63,66,69,74,75,80,81,83,84,85],content:[78,83,85],context:[53,56,57,58,67],contextnet:82,contigu:[2,48,49,52,69,70],continu:[74,81,84],contributor:61,control:[80,81],conv1:[61,80],conv2:[61,80],conv2d:80,conv:[49,52,61],conval:77,convect:48,conveni:[82,83],converison:81,convers:[54,55,57,61,69,70,81],conversionctx:[60,61],convert:[3,4,31,32,37,52,54,55,56,58,62,64,69,70,82,84,86],convert_method_to_trt_engin:[21,41,45,50,69,70,86],convertgraphtotrtengin:61,convien:49,convienc:[3,4,49],convolut:[70,83,87],convtert:81,coordin:58,copi:[44,60,65,68,75,81,85],copy_:65,copyright:[42,43,44,45,61,75],core:[45,52,54,55,58,61,69,87],core_id:69,corpor:[42,43,44,45],corpu:82,correct:[57,63,72],correctli:63,correspond:[60,63,81],cosh:65,could:81,count_include_pad:65,coupl:[53,58,81,84],cout:61,cover:82,cp:63,cpp:[14,15,42,43,44,45,51,54,58,61,63,83],cpp_frontend:83,cppdirectori:50,cppdoc:61,cpu:66,cra:77,creat:[29,30,33,52,53,57,60,61,64,70,74,81,85],credit:61,criteria:[55,56,58],cross:74,cs:83,csrc:[54,59],cstddef:83,ctx:[60,61],ctype:61,cuda113:63,cuda:[49,57,61,62,63,66,69,83,85,86],cuda_graph_batch_s:66,cuda_runtim:[21,45],cudafloattyp:61,cudasetdevic:35,cudnn_en:65,cumsum:65,curabitur:77,curl:[63,74],current:[23,57,60,63,70,72,81],cursu:77,custom:[52,63,81],custom_class:[21,45],custom_mapp:81,customclasshold:[45,48],cut:74,cxx11:84,d:[52,74,75,87],dapibu:77,data:[0,2,3,4,29,30,44,46,48,49,52,53,55,56,58,60,65,68,69,70,74,78,82,83],data_dir:83,data_item_1:73,data_typ:85,dataclass:81,dataflow:[60,61],dataload:[4,29,30,44,49,68,83],dataloader_:44,dataloadercalibr:[68,83],dataloaderopt:83,dataloaderuniqueptr:[4,44],dataset:[29,68,82,83],datatyp:[1,21,38,45,46,48,49,50,62,69,70,85],datatypeclass:50,date:75,david:75,dbg:63,dcmake_build_typ:63,dcmake_module_path:63,dead_code_elimin:54,deal:60,debug:[16,27,45,49,52,60,67,70,86],debugg:[52,70],decid:69,declar:63,deconvolut:87,decor:81,dedic:[54,75],deep:[60,64,72,83,87],deeplearn:[59,81],def:[74,80,81,85],defin:[0,1,2,3,4,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,43,46,47,48,49,51,52,61,62,69,72,80,81,82,83],definit:[51,60,74],deiti:74,delet:[0,1,2,45,46,54],delimit:54,demo:[74,83],demonstr:[74,75,76,82,83,85],demostr:82,denot:74,dep:63,depend:[29,34,53,55,58,61,62,81,84,85],depickl:57,deploi:[56,58,61,64,83,85],deploy:[52,61,62,82,83,84,85,87],deprec:[65,81],depth:[72,82],descclassnam:74,descnam:74,describ:[49,60,80,85,86],descript:[55,75],deseri:[61,69,70],design:[81,82,87],desir:[75,83],destini:75,destroi:[60,75],destructor:60,detail:[61,80,81,84,85],detect:[48,57],determin:[54,81],determinist:65,develop:[61,63,64,74,75,81],deviat:52,devic:[21,33,35,38,45,49,50,52,57,62,65,66,68,69,70,82,83,86,87],device_typ:[45,46,69,83,86,87],deviceclass:50,devicetyp:[21,38,45,46,50,69,83,86,87],devicetypestruct:50,diam:77,dict:[69,70],dictionari:[69,70,86],dictum:77,dictumst:77,did:74,didn:74,differ:[29,54,58,63,64,72,80,81],dignissim:77,dilat:65,dim0:65,dim1:65,dim:[65,85],dim_int:65,dim_intlist:65,dimens:[48,54,66,81,82],direct:[78,84],directli:[60,63,64,68,83],directori:[18,19,20,21,42,43,44,45,50,63,83],disabl:[52,67,72,73],disable_tf32:[45,49,70,83],disclos:63,disconnect:74,discret:74,discuss:85,displai:[52,67,72],display_github:72,display_gitlab:72,display_vers:72,dist:63,distdir:63,distribut:[61,69,83,84],div:65,div_:65,divisor_overrid:65,django:73,dl:74,dl_open:84,dla:[1,45,46,49,52,64,69,70],dla_cor:[45,46,52,69,83,86,87],dla_global_dram_s:[45,49,52,70],dla_local_dram_s:[45,49,52,70],dla_sram_s:[45,49,52,70],dla_standalon:52,dlacor:52,dll:52,doc:[58,59,63,72,73,74,79],docker:85,docsrc:58,docstr:[74,75],document:[42,43,44,45,50,58,61,72,74,75,79,80,83,84,85,86],docutil:[74,75],doe:[43,44,54,55,60,74,81,83],doesn:[61,63,74,80],dolor:[75,77],domain:[75,83],don:[60,72,74,75,81,83,85],done:[53,55,58,85],donec:[75,77],dont:42,dothismethod:74,dotpai:73,dotpayprovid:73,doubl:[49,52,70,74],down:[63,72,81],download:[63,78,83,85],downstream:82,doxygen_should_skip_thi:[44,45],dpython:[69,70],dram:52,dream:75,driver:63,drop:[63,72],dt:74,dtensorrt_root:63,dtorch_dir:63,dtyep:66,dtype:[45,48,49,52,62,65,66,69,70,81,82],dual:74,due:[3,4,63,73,74],dui:[75,77],dump:[36,52,63],dump_build_info:[21,38,45,50,69],durat:74,dure:[49,52,60,68,82,83,84],dynam:[48,49,66,69,70,81],dynamic_batch:81,e:[29,30,52,54,60,61,63,66,69,80,81,83],each:[3,4,49,53,54,55,57,60,61,63,66,72,74,81],ear:74,earli:81,eas:43,easi:[52,53,54,61,83],easier:[56,58,60,61,81,83],easiest:63,easili:[3,4],echo:74,edg:74,edit:72,edu:83,effect:[54,61,72,81,82,83],effici:60,efficientnet:82,efficitur:77,eg:85,egesta:77,eget:77,either:[47,48,52,60,61,62,63,69,70,72,74,80],el:65,eleifend:75,element:[57,74,75,78,81],element_typ:44,elementum:77,elit:[75,77],elk:74,els:[43,44,48,70,74,75],elu:65,emb:[33,52,70,75],embed:[52,57,65,70,74,87],embed_engine_in_new_modul:[21,41,45,50,70],emit:53,emphasi:74,empti:[49,66,70,75,80],emum:[16,17],en:72,enabl:[3,4,24,49,52,55,56,58,67,68,70,72,81],enable_precis:61,enabled_precis:[45,49,61,62,69,70,83,85,86,87],enalbed_precis:87,encod:[57,82],encount:63,encourag:85,end:[44,52,60,61,65,70,74,83],end_dim:[61,65],endif:[43,44,45],energi:74,enforc:61,engin:[0,1,17,32,33,37,45,46,48,49,52,53,55,56,58,61,62,64,66,69,70,72,83,84,86,87],engine_converted_from_jit:61,enginecap:[21,38,45,49,50,69,70,86],english:82,enhanc:74,enim:77,ensur:[29,54,55],enter:53,entir:74,entiti:74,entri:[49,60],entropi:[29,30,83],entropy_calibr:68,entropy_calibration_2:[68,83],enumer:[0,1,2,16,17,46,68],environ:[81,85],ep:65,eq:[65,74],equat:74,equival:[32,56,58,60,61,70,80,83],equivil:37,erat:77,erf:65,eric:74,ero:77,error:[16,49,52,53,54,58,61,63,67,70,74,81],essenc:74,essenti:81,est:77,et:77,etc:[72,74,81,87],etiam:77,eu:77,euismod:77,eval:[61,62,85],evalu:[56,57,58],evaluated_value_map:[53,60],even:61,event:48,everi:[55,61,66],everyth:16,ex:[0,1,2,33,46,70,75,77],exact:85,examin:81,exampl:[48,55,57,58,60,61,64,67,69,70,72,73,75,78,80,81,83,84,85],exceedingli:74,except:81,exception_elimin:54,excerpt:75,excit:82,execpt:54,execut:[33,49,52,54,56,57,58,61,63,69,70,80,81,83,85],execute_engin:[57,61],exert:74,exeuct:57,exhaust:61,exist:[4,31,32,37,63,68,69,70,81,82,83],exit:85,exp:65,expand:[54,65],expand_a:65,expect:[48,54,60,61,69,82],experiment:81,explain:81,explan:81,explic:44,explicit:[0,1,2,3,4,45,46,54,64,74,81,83],explicit_batch_dimens:[66,81],explicit_precis:66,explicitli:[55,56,58,62,83,86],explict:44,explictli:0,expon:65,expos:83,express:74,ext:[74,75],extend:[56,58,60,61,65,82],extent:[61,64],extern:[72,74],extra:61,extract:[61,82],extrem:74,ey:74,f16:[52,61,87],f32:52,f:[63,74,80,81],facilisi:77,fact:63,facto:74,factori:[4,29,30,83],fail:[61,87],fake_quantize_per_channel_affin:65,fake_quantize_per_tensor_affin:65,fall:69,fallback:[52,56,58,60,87],fals:[0,1,2,3,4,44,45,46,49,61,65,66,69,70,72,73,74,75,81,83,86],fame:77,familiar:85,far:[74,81],fashion:[61,82],fast:[49,52,70],faster:82,faucibu:77,fc1:[61,80],fc2:[61,80],fc3:[61,80],fc:[49,52,54],feat:[61,80],featur:[52,55,61,81,82,83,86],fed:[3,4,48],feed:[29,30,61],feedforward:82,feel:64,feli:77,feugiat:[75,77],few:[63,69,81],field:[3,4,66,83],fifth:75,figur:[55,75,77],file:[0,1,2,3,4,5,6,7,8,9,10,11,12,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,49,52,55,57,58,61,63,68,69,70,72,73,75,79,81,83,85],file_path:52,find:[4,61,63,81],finder:63,finibu:77,finish:81,first:[48,53,54,61,62,74,75,81,83,85],firstli:85,fit:74,fix:[49,74,81,87],fixed_s:[45,49],flag:[52,55,56,58,62,63,68,84],flaten:49,flatten:[45,47,61,65,80],flatten_convert:61,flesh:85,float16:[52,69],float32:[48,49,52,69,70,81],float64:70,float_int:65,floor:65,floor_divid:65,floordiv:65,flow:[60,74,80,81,82],flox:74,flush:74,fly:80,fold:75,folder:81,follow:[33,52,55,57,61,63,70,72,74,75,79,80,81,82,83,84,85],foo:[74,75,81],foo_kwarg:81,foo_nod:81,forc:[52,70,72,81],force_fp32_output:81,forced_fallback_op:55,form:[53,69,74,85],format:[33,45,48,49,52,62,65,69,70,74,75,82,85],forth:75,forum:63,forward:[29,30,32,33,55,57,60,61,69,70,80,83,86],found:[42,43,44,45,61,63,74,83,84],four:[74,75],fp16:[0,48,49,52,61,62,64,87],fp32:[0,48,49,52,64,70,81,82,83,85],frac:74,freed:60,freeze_modul:54,friend:45,fringilla:77,from:[0,1,2,3,4,29,30,44,46,48,49,52,53,54,55,56,57,58,60,61,64,66,70,72,73,74,75,80,81,82,83,85],from_tensor:81,frontend:[62,64],fssl:63,fstream:[20,44],full:[45,49,52,60,61,67,83,84,85,87],fulli:[31,52,54,61,70,83,87],further:81,fusc:77,fuse_addmm_branch:54,fuse_flatten_linear:54,fuse_linear:54,fusion:[60,81],futur:[70,81],fx2trt_exampl:81,fx:[62,64,69],g:[29,30,52,54,63,66,69,74,81,83],g_:74,gamma:65,gatewai:73,gaurd:43,gcc:[58,61],ge:65,gear:83,gener:[3,4,29,52,54,57,58,60,61,63,66,72,74,75,78,80,81,83],get:[0,1,2,3,4,23,34,44,46,54,55,60,61,63,67,69,81,82,83,85],get_batch:68,get_batch_impl:44,get_batch_s:68,get_build_info:[21,38,45,50,69],get_cache_mode_batch:68,get_is_colored_output_on:[18,39,42,50,67],get_logging_prefix:[18,39,42,50,67],get_output:81,get_reportable_log_level:[18,39,42,50,67],getattr:[54,57,61,80],getbatch:[3,4,44],getbatchs:[3,4,44],getdimens:[60,61],getoutput:[60,61],git:78,github:[59,61,63,72,83,84,85],github_url:72,gitlab:72,gitlab_url:72,give:[72,74,81],given:[48,49,52,54,61,62,66,68,69,70,80,81,86],global:[26,52,61],gnu:63,go:[44,54,55,61,64,80,81,82,85],goal:60,goe:[74,81],good:[44,60,74,81],goodger:75,googl:72,got:[61,74],gpu:[1,32,35,37,45,46,52,61,69,70,81,83,85,86,87],gpu_id:[35,45,46,52,69,83,86,87],graph:[16,31,32,37,45,52,53,55,56,58,60,61,64,67,70,80,81,82],graph_input:[45,49],graph_modul:66,graphinput:[21,38,45,49,50],graphinputsstruct:50,graphmodul:[62,66],gravida:77,great:[61,74],greater:67,group:[65,74,75],grpc:85,gru_cel:65,gt:65,gtc:64,guangzhou:75,guard:54,guard_elimin:54,gui:74,guid:[64,73],gulf:85,gz:[74,75,83],h:[0,1,2,3,4,5,6,7,8,9,10,11,12,15,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,49,50,51,52,54,61,83],ha:[49,53,54,55,56,58,60,61,66,74,75,80,81,82,83],habit:77,habitass:77,hac:77,hack:44,hakaimagazin:85,half:[52,61,62,69,74,83,85,86,87],hand:85,handl:[54,57,81],happen:[80,81],hardtanh:[60,65],hardtanh_:65,hardwar:87,has_batch_dim:66,hash:63,have:[29,33,44,52,53,54,60,61,63,64,66,69,70,74,80,81,82,83,85],haven:61,header:[61,72,74,75,85],heart:75,heaven:74,heck:74,heh:75,hehe:75,height:74,help:[27,52,53,60,61,81,82,84],helper:60,hendrerit:77,here:[44,53,55,57,61,63,72,74,75,80,81,83,84,85],hermet:63,hexagram:74,hfile:50,hi:[65,74,75],hidden:[43,72],high:[54,55,72],higher:[54,72,74,80],highli:[82,85],highlight:74,hinton:83,hold:[46,47,48,53,60,83],holder:[57,76],holi:74,home:63,hood:58,hope:75,host:[49,52,63,70,85],how:[3,4,63,74,76,78,80,82,84,85,86],howev:[29,63,72,73,85],html:[59,63,74,80,83],html_theme:79,html_theme_opt:72,html_theme_path:79,http:[59,61,63,72,74,80,82,83,84,85],http_archiv:63,httpclient:85,hub:85,huggingfac:82,human:74,humankind:75,hx:65,hybrid:70,hyperlink:74,hyphen:74,i8:52,i:[52,54,60,61,74,75,80,83],iaculi:77,icon:[72,74],id:[35,45,52,69,72,73,77,87],idea:[54,74],ident:52,idx:65,ifndef:[44,45],ifstream:44,ignor:69,iii:75,iint8calibr:[3,4,29,30,44,45,49,70,83],iint8entropycalibrator2:[3,4,29,30,44,83],iint8minmaxcalibr:[29,30,83],ilay:60,illustr:[81,82],imag:[83,85],imagenet:82,imagenett:82,images_:83,img1:85,img:85,img_path:85,imperdiet:77,implement:[3,4,54,55,57,61,73,81,83,84],implic:54,implicit:[65,74,81],implicitli:69,implictli:69,improv:75,in_shap:61,in_tensor:80,incas:44,includ:[13,15,16,34,36,42,43,44,45,51,52,55,56,57,58,61,63,66,72,74,80,81,83],includedirectori:50,includehidden:72,incompat:63,incorpor:75,indent:74,index:[33,59,64,65,70,72,78,83],indic:[65,72,74],indirect:74,inetworkdefinit:53,infer:[54,61,69,70,81,82,83],inference_output:85,inferenceservercli:85,inferinput:85,inferrequestedoutput:85,info:[16,32,37,45,52,60,61,67,69],inform:[25,33,34,36,48,52,53,55,57,61,63,64,66,67,69,74,80,81,83,86],infrastructur:[83,85],ingest:58,inherit:[50,81,83],initi:74,injuri:74,inlin:[0,1,2,3,4,29,30,44,46,48,54,61,75,78],inner:[49,75,82],input0:61,input1:61,input2:61,input:[3,4,21,29,33,38,44,45,47,49,50,52,53,54,55,57,60,61,62,65,66,67,69,70,75,80,81,82,83,85,86,87],input_0:[57,61],input__0:85,input_data:[62,80],input_file_path:[52,87],input_is_dynam:45,input_nam:[66,81],input_s:[55,61],input_scal:65,input_shap:[83,87],input_signatur:[45,47,49,70],input_spec:[52,66,81],input_tensor_spec:[66,81],input_v:81,inputclass:50,inputrang:[55,61],inputtensorspec:[66,81],insert:[61,83],inserting_befor:81,insid:[74,85],inspect:[60,61,80],instal:[61,64,78,84,85],instanc:[54,61,68,80,82],instance_norm:65,instanti:[56,57,58,60,61],instatin:[0,1,2,46],instead:[49,52,53,54,61,63,84],instnanti:57,instruct:[55,56,58,61,63,81,85],insur:63,int32:[69,70,82],int64:70,int64_t:[45,46,48,49,83,87],int8:[0,44,48,49,52,64,69,70,83,87],int8_t:[17,45],int8cachecalibr:[20,29,40,44,50],int8cachecalibratortempl:50,int8calibr:[3,20,30,40,44,50],int8calibratornamespac:50,int_float:65,integ:[69,77],integr:64,intend:63,intent:[54,74],interact:74,interdum:77,interest:[54,74],interfac:[0,1,2,46,57,58,60,83],interfer:74,intermedi:[16,49,52,67,70,80],intern:[1,16,46,60,61,67,74],internal_error:67,internalerror:67,interpol:74,interpret:[57,74,81],intro_to_torchscript_tutori:80,introduc:[81,82],invok:[61,80,81],io:[44,85],iostream:[20,21,44,45,61],ipso:74,ipsum:[75,77],ir:[56,58,60,62,69,80],is_floating_point:65,is_train:83,iscustomclass:60,isinst:81,isn:[72,74],issu:[3,4,61,63],istensor:60,istream_iter:44,it_:44,ital:74,item:[73,75],itensor:[53,60,61,81],iter:[20,44,49,52,53,68,70],its:[29,53,57,60,63,74],itself:[0,1,2,46,52,54,63,85,86],iv:75,ivalu:[45,47,49,53,57,60,61],jan:75,jetpack:63,jetpack_5:63,jetpack_x:63,jetson:[69,82],jit:[31,32,33,37,45,47,49,52,53,54,55,56,57,58,59,60,61,62,69,70,80,85,86],jp_workspac:63,jpg:85,jump:85,just:[44,45,54,61,62,64,67,74,76,80,81,82,84,86],justo:[75,77],k:[65,83],kbool:[0,45],kchannelslast:[2,45],kchar:[0,45],kclip:60,kcontigu:[2,45,48],kcpu:[1,46],kcuda:[1,46,55,61],kdebug:[16,42,44],kdla:[1,45,46,87],kdla_standalon:[17,45],keepdim:65,kei:[74,80,85],kept:75,kernel:[48,49,52,60,69,70,81],kernel_s:65,kerror:[16,42],keyboard:74,keyword:[69,70],kf16:[83,87],kfloat:[0,45,49],kgpu:[1,45,46],kgraph:[16,42,54],khalf:[0,45,61],ki8:83,kind:[53,69,81],kinfo:[16,42,44],kint:[0,45],kinternal_error:[16,42],know:[42,60,72,74],knowledg:74,kriz:83,krizhevski:83,ksafeti:[17,45],kstandard:[17,45,49],ktest:83,ktrain:83,kunknown:[0,2,45],kwarg:[68,69,81,82],kwarn:[16,42],l:65,label:[74,82,83,85],lacinia:77,lack:[55,56,58,81],lacu:77,laid:61,lambda:[60,61,74,85],lang:73,languag:[73,74,75,80,85],laoreet:77,larg:[56,58,61,72,74,82,83],larger:[72,82],largest:65,last:[2,54,69,81],lastli:85,later:[29,61],latest:[63,72],launch:85,layer:[46,49,52,53,54,60,61,70,81,82,83,85,87],layer_norm:65,layout:[2,48,65,69,70],ld_library_path:63,ld_preload:84,ldd:63,le:65,lead:74,leader:74,leaky_relu:65,leaky_relu_:65,learn:[61,64,83,85,87],leas:75,least:[74,75],leav:54,lectu:[75,77],left:[72,74],legacy_calibr:68,legend:74,len:65,lenet:[61,80],lenet_script:[61,80],lenetclassifi:80,lenetfeatextractor:80,length:[3,4,44,65,75,81],leo:77,let:[46,52,54,60,69,70,72,74,81,82,85],letter:[75,82],level:[18,23,25,26,39,42,44,50,54,55,58,67,70,78,80,81,85],levelnamespac:50,leverag:[81,83],lib:[54,61,63],libero:[75,77],librari:[34,42,43,44,45,52,56,57,58,60,61],libtorch:[4,36,60,61,63,83],libtorch_pre_cxx11_abi:63,libtorchtrt:[52,61,63],libtorchtrt_plugin:84,libtorchtrt_runtim:84,licens:[42,43,44,45,61],light:74,ligula:77,like:[52,53,54,57,60,61,62,63,73,74,80,81,83,84,85],limit:[54,67,73,83],line:[52,61,75],linear:[2,65,69,80],link:[52,53,61,64,72,73,78,84],linux:[58,61,63],list:[18,19,20,21,31,49,51,53,55,57,60,61,62,63,65,66,69,70,78,81,85],listconstruct:[53,57,61],listunpack:[57,61],liter:75,literal:75,literal_block:74,live:[60,74],ll:81,lo:65,load:[52,55,57,61,62,68,70,81,82,83,84,85,86],load_librari:84,loading_data_recip:83,loborti:[75,77],local:[52,54,61,72],localhost:85,locat:[63,83],lock:73,log:[15,16,19,20,38,44,50,51,54,60,64,65,69,81],log_debug:60,logger:67,logger_level:66,loggingenum:50,logic:81,login:85,logist:81,loglevel:67,logo_onli:72,lone:75,longer:[72,84],look:[53,54,80,83,85,86],loop:81,loop_unrol:54,lorem:[75,77],lose:72,loss:[82,83],lot:60,low:81,lower:[16,67,69,75,82],lower_exampl:81,lower_graph:54,lower_precis:81,lower_tupl:54,loweralltupl:54,lowersimpletupl:54,lstm_cell:65,lt:65,ltorchtrt:84,luctu:77,lvl:[25,26,42],m:75,machin:[57,83,85],macro:[5,6,7,8,9,10,11,12,15,18,20,21,42,44,45,50,51],mad:74,made:[54,56,58,74],maecena:77,magna:77,mai:[53,57,58,61,62,70,74,75,80,81,83,85],main:[54,55,56,57,58,60,61,72,74,76,81],mainli:81,maintain:[55,57,60],major:[58,81],make:[53,61,62,63,74,76,81,82,83,85,87],make_data_load:[4,83],make_int8_cache_calibr:[20,40,44,50,83],make_int8_calibr:[20,29,40,44,50,83],malesuada:77,man:[74,75],manag:[49,52,53,56,58,60,61,67,69,70],mangag:54,mani:[72,74,75,81],mantissa:[49,70],manual:[73,74,81],map:[1,46,53,54,56,58,60,61,81,82,83,85,86],mapper:81,mark:[54,72],marknodesforfallback:54,markup:[75,78],markup_process:74,mask:65,masked_fil:65,massa:77,master:[59,63,74,83,84],mat2:65,match:[54,63],math:78,matmul:[54,61,65],matrix:59,matter:81,matti:75,matur:58,mauri:[75,77],max:[48,52,60,65,69,72],max_batch_s:[81,85],max_c:52,max_h:52,max_input_shap:66,max_n:52,max_pool1d:65,max_pool2d:[61,65,80],max_pool3d:65,max_shap:[45,48,62,69,70,81,82],max_val:[60,65],max_w:52,max_workspace_s:81,maximu:77,maximum:[48,49,52,70,81,85],mayb:74,mb:52,md:59,me:[74,75],mean:[55,60,64,65,81,85],mechan:[60,81,82],medium:74,meet:69,member:[46,47,48,49,69],memeori:2,memori:[20,21,44,45,54,60,61,62,69,70],memory_format:[65,69],memoryformat:[2,45],men:74,mental:74,menu:[52,72,74],menuselect:74,messag:[16,25,26,52,67],meta:[78,81],metadata:[49,52,57,60,70,72],meth:74,method:[31,32,33,37,48,52,54,60,61,63,69,70,74,80,82,86],method_nam:[31,37,45,52,61,69,70],metu:77,mi:77,middl:74,might:[54,63,72],min:[48,52,60,65,69],min_block_s:[45,49,55,70],min_c:52,min_h:52,min_input_shap:66,min_n:52,min_shap:[45,48,62,69,70,81,82],min_val:[60,65],min_w:52,mind:74,mine:74,minim:83,minimum:[48,49,52,55,67,70],minmax:[29,30,83],minmax_calibr:68,misbuild:72,miss:[61,74],mkdir:63,mm:85,mmb:74,mobilenet_v2:86,mobilenetv2:82,mod:[52,55,61,78,81,83],mode:[62,81,83],mode_:83,model:[52,55,57,61,62,64,66,67,80,83,86],model_nam:85,model_repositori:85,model_torchtrt:67,model_trt:67,modifi:[75,81],modul:[31,32,33,37,45,49,52,55,56,57,58,60,62,63,64,66,69,70,73,74,75,81,82,83,86,87],modular:61,module_fallback:54,module_nam:52,molesti:77,momentum:65,morbi:77,more:[53,61,63,64,69,72,75,80,81,83,84,85,86],most:[58,63,66,81,84,85],mother:74,motion:74,mous:74,move:[30,44,54,57,61,70,83],msg:[26,42,67],mu:74,much:[60,72,74,83],mul:65,mul_:65,multi:52,multipl:[57,74,75,83,85],multipli:[49,70],must:[33,48,49,52,54,55,60,61,63,69,70,74,75,81,84],mutil:75,my:74,my_pytorch_model:81,myclass:74,mymodel:[55,62],myself:75,n:[52,60,61,83],nabla:74,nam:[75,77],name:[3,4,31,33,37,44,55,57,60,61,63,68,70,74,75,80,81,85,86],namedtupl:81,namespac:[42,43,44,45,51,54,64,83],narrow:65,nativ:[58,59,61],native_funct:59,natur:74,nav:[72,78],navig:72,navigation_depth:72,nbbind:[3,4,44],nchw:[2,69,70],ne:[54,65],nec:77,necessari:[42,84],need:[0,1,2,25,29,43,46,53,54,60,61,62,63,66,74,81,82,83,84,85],neg:65,negative_slop:65,nequ:[75,77],nest:[45,49,50,74,75],net:[60,61,74,75],netu:77,network:[29,30,60,61,81,82,83,85,87],neural:87,new_lay:60,new_local_repositori:63,new_siz:83,newer:63,next:[3,4,53,57,72,74,75,83,85],ngc:[63,85],nhwc:[2,52,69],nibh:[75,77],nice:63,nickel:74,night:75,nightli:81,ninja:63,nisi:77,nisl:77,nlp:[29,30,83],nn:[54,59,61,62,69,70,80,81],node:[54,55,56,58,60,61,81,82],node_info:[60,61],noexcept:[3,4,44,83],non:[75,77],non_block:65,none:[60,65,66,69,70,72,74,81],nonetheless:74,nonexist:74,norm:65,normal:[0,1,2,46,61,74,80,81,83,85,87],normalized_shap:65,noskipw:44,notatemoduleforfallback:54,note:[1,46,48,60,61,63,69,72,74,81,87],notebook:[58,64],now:[54,58,60,61,63,74,81,86],np:85,nu:74,nulla:77,nullptr:[44,45,49],num:52,num_avg_timing_it:[45,49,70,86],num_it:52,num_op:52,num_work:83,number:[3,4,49,52,54,55,60,61,62,69,70,72,81,82],numel:65,numer:[52,75,81],numpi:85,nunc:77,nvcr:85,nvidia:[32,37,42,43,44,45,52,59,61,63,69,70,81,85,87],nvinfer1:[3,4,29,30,44,45,49,60,83],nvinfer:[20,44],o:[63,74,85],obj:65,object:[0,1,2,3,4,46,48,49,52,57,60,67,68,70,83,86],obtain:82,obvious:80,odio:[75,77],off:[55,57],offici:63,ofstream:[44,61],often:74,oh:75,ok:[61,74],okai:49,older:58,onc:[42,43,44,45,53,54,57,81,83,84,85],one:[47,54,60,61,62,67,69,74,80,81,85],ones:[42,55,56,58,61,63,74],onli:[1,3,4,16,29,44,46,48,52,54,55,58,60,63,66,67,69,74,81,83,84,87],onnx:54,onto:[52,57],op:[52,53,54,56,58,60,61,69,84],op_and_target:81,op_nam:52,open:[82,85],oper:[0,1,2,3,4,31,44,45,46,49,52,53,54,55,56,57,58,60,62,64,69,70,81,83,87],oppos:70,opset:[56,58],opt:[48,63,69],opt_c:52,opt_h:52,opt_n:52,opt_shap:[45,48,62,69,70,82],opt_w:52,optim:[48,52,54,61,62,64,66,80,81,82],optimin:48,optimiz:80,optimize_target_shap:81,optimized_input_shap:66,optimz:85,option:[44,48,52,55,56,58,63,69,74,78,81,83,84,87],orchestra:74,orci:77,order:[49,55,60,61,62,63,66,70,81],org:[59,61,63,72,74,80,83],organ:75,origin:81,ornar:[75,77],os:45,ostream:45,other:[0,1,2,45,46,52,53,54,57,61,62,63,64,65,73,74,81,84],otherwis:[63,84],our:[55,58,61,80,85],out:[31,44,53,54,55,56,58,60,61,63,67,70,74,85],out_shap:61,out_tensor:[60,61],output0:54,output:[24,27,33,49,52,53,54,55,57,60,61,63,67,70,72,74,75,81,82,85],output__0:85,output_file_path:[52,87],output_nam:[66,81],output_pad:65,output_s:65,outself:61,outsid:74,over:[56,58,74,81,85],overal:82,overrid:[3,4,29,30,44,69,81,83],overview:[59,64],own:[60,61,63,74,85],p:[52,61,65,85,87],packag:[52,54,61],pad:65,padding_idx:65,page:[64,76,78,85],pair:[54,60,63,74,82,83],pane:74,paragraph:[75,78],param:[68,73],paramet:[0,1,2,3,4,25,26,27,29,30,31,32,33,35,37,46,48,49,53,54,60,61,67,69,70,78,80,81],parent:[14,15,18,19,20,21],pars:[61,74],parser:74,part:[52,55,58,72,73,74,81],partial:[52,74],partit:54,partitioninfo:55,pass:[53,55,56,57,58,60,61,63,67,68,80,81,83],past:74,path:[4,13,14,15,29,30,52,61,63,68,69,80,81,83,85],path_to_torchtrt_root:63,pathwai:80,pattern:[60,61,69],payment:73,pbtxt:85,peephole_optimz:54,pellentesqu:77,peopl:74,pep:74,perforamnc:81,perform:[29,30,82,83,85],permit:74,permut:[65,81],persist:74,pharetra:77,phase:[16,60,61],phasellu:77,phi:74,philosoph:74,phrase:74,pi:74,pick:80,pickler:57,piec:82,pil:85,pin:73,pin_memori:65,pip3:63,pip:[63,85],pipelin:[52,87],piplein:61,pixel_shuffl:65,pl:73,place:[48,54,63,74,75,76,81,83],placerat:77,plan:[52,58],platea:77,platform:[45,52,58,63,85,87],pleas:[61,63,74,81,85],plugin:81,point:[61,69,72,73,74,85],pointer:[3,4,83],polish:73,pool:87,pop:57,popul:66,popular:[63,73,82],portabl:[57,70],portion:74,porttitor:[75,77],posit:[52,69,72,81],possibl:[63,74,82,85],post:[29,30,49,52,61,64],posuer:[75,77],potenti:[49,77],pow:65,power:[61,74,81,82],pr:61,praesent:77,pragma:[42,43,44,45,83],pre:[33,54,68,70,83,84],pre_cxx11_abi:63,preced:74,precis:[49,52,61,62,64,69,81,83,87],prefer:61,prefix:[27,28,42,67,74],preinstal:63,prelu:65,prepar:[81,85],preprint:83,preproc:68,preprocess:[83,85],preserv:[74,80,83],prespect:80,press:74,pretium:77,pretrain:[82,85,86],pretti:61,prev_next_buttons_loc:72,prevent:[49,52],previou:72,previous:[29,33,61],prim:[53,54,57,61,65,80],prim_devic:65,primal:74,primarili:[58,61],print:[16,31,44,61,67,69,70,74,85,86],priorit:63,privat:[3,4,44,45,83],problem:74,problemat:74,proce:85,proceed:85,process:[52,55,73,74,80,82,83,85,86],prod:65,produc:[48,53,57,60,61,74,82],product:49,profil:[48,66],profiling_verbos:81,program:[18,19,20,21,29,51,52,56,57,58,64,80],programm:74,progress:75,proin:77,project:[63,73,78],promis:81,prop:66,properli:63,properti:72,propog:54,prose:74,provid:[3,4,49,52,55,57,60,61,62,63,66,69,70,74,81,83,84,85,86],providi:[56,58],provok:74,pt:[52,61,81,85],ptq:[3,4,15,18,19,38,50,51,52,64,69,70],ptq_calibr:[3,4,45,49,83],ptqtemplat:50,publish:85,pull:[63,85],purchas:73,pure:31,purpos:[63,81,82,85],puru:77,push:57,push_back:[44,55],put:[74,82],pwd:85,py3:85,py:[54,58,61,63,72,74,79,80,81,83],pyindex:85,pypi:63,python3:[54,61,63],python:[52,55,58,61,69,70,74,75,81,82,84,85,86,87],python_api:59,pytorch:[48,49,52,54,55,56,57,58,60,61,62,63,68,69,70,80,83,84,85],pytorch_libtorch:85,pytorch_sphinx_them:[72,79],qat:82,quant_max:65,quant_min:65,quantiz:[29,30,52,61,64],quantizatiom:49,quartznet:82,question:61,qui:[75,77],quickli:[52,61,83],quisqu:77,quit:[60,61,82],quot:75,r:74,rais:[54,81],raiseexcept:54,ram:[49,52,70],rand:[61,81],randn:[55,61,69,70,86],rang:[48,49,52,69,81,82],rank:72,rather:54,raw:72,re:[74,81],read:[3,4,29,30,44,72,74,83],read_calibration_cach:68,readcalibrationcach:[3,4,44],reader:74,realiz:57,realli:60,reason:[0,80,81],reattribut:75,recalibr:29,receiv:81,recip:83,reciproc:65,recognit:[82,83],recomend:[29,30],recommend:[29,30,61,63,74,81,85],record:[53,80],recurs:53,redistribut:75,reduc:[54,56,58,81,82,83],redund:81,ref:74,refer:[48,56,58,61,73,78,81,83,85],referenc:63,refit:[45,49,70,86],reflect:45,reflection_pad1d:65,reflection_pad2d:65,regard:[63,74],regardless:75,region:81,regist:[33,57,60,70,81],register_acc_op:81,register_acc_op_map:81,register_custom_acc_mapper_fn:81,registernodeconversionpattern:[60,61],registr:81,registri:[53,61],reinterpret_cast:44,rel:52,relat:[46,74],relationship:50,releas:74,reload_model_output:81,reload_trt_mod:81,relu:[55,61,65,80],relu_:65,remain:[54,83],rememb:81,remov:72,remove_contigu:54,remove_dropout:54,remove_to:54,render:72,rent:75,repack:57,repeat:[52,65],replac:[54,63],replication_pad1d:65,replication_pad2d:65,replication_pad3d:65,report:[23,44],reportable_log_level:67,repositori:[58,72,79,85],repres:[48,49,60,67,74,81],represent:[54,60,80,81,82],request:[61,69,85],requir:[29,49,52,53,54,61,67,69,70,72,81,83,84,85],require_full_compil:[45,49,70],requires_grad:65,research:81,reserv:[42,43,44,45],reset:44,reshap:[65,85],resiz:85,resnet50:85,resnet:[57,82,85],resnet_trt:57,resolut:82,resolv:[53,54,56,58],resourc:[53,83],respons:[29,57,74],rest:[74,75,81],restrict:[49,70],restructuredtext:[74,75],result:[53,54,62,67,70,72,80,85],ret:54,reus:[54,81,83],revert:72,revis:[74,75],revisit:74,rfc:74,rho_:74,rhoncu:77,right:[42,43,44,45,54,58,60,74],risu:77,rm:85,rn50_preprocess:85,role:74,roll:65,roman:75,room:74,root:[42,43,44,45,63,72,83],roughli:55,round:[49,70],rounding_mod:65,row:75,rst:[72,74],rsub:65,rtol:52,rule:[63,70,81],ruler:74,run:[1,37,46,49,52,53,54,55,56,57,58,60,61,62,63,64,66,69,70,74,80,81,82,83,84,85,86,87],running_mean:65,running_var:65,runtim:[61,64],runtimeerror:81,rutrum:[75,77],s:[48,49,55,57,60,61,62,63,64,66,69,72,74,75,80,81,82,83,85],safe:[60,70],safe_dla:69,safe_gpu:69,safeti:[49,52,69],sage:74,sagitti:[75,77],sai:[75,82],said:74,same:[57,61,63,72,74,80,81,85,86],sampl:[74,81,83,85],sample_input:81,sapien:77,satisfi:[55,81],save:[29,44,52,57,61,62,69,70,81,82,84,85],saw:61,scalar:[60,65],scalaropt_dim:65,scalartyp:[0,45,65],scale:[65,82,83],scale_factor:65,scale_grad_by_freq:65,scales_d:65,scales_h:65,scales_w:65,scelerisqu:77,schedul:[69,85],schema:[60,61],scheme:81,scientist:74,scope:54,scratch:29,scratch_spac:85,screen:72,script:[31,54,55,61,62,69,70,80,86],script_model:[80,86],scriptclass:70,scripted_model:87,scriptmodul:[61,62,69,70],scroll:[72,76],sdk:59,se:82,seamlessli:64,search:[64,72],second:[54,74,81],secondli:85,section:[61,72,74,75,76,78,81,83,85],sed:[75,77],see:[31,54,57,61,63,69,70,74,80,81],seen:[74,75],segment:[55,82],select:[17,29,30,37,49,52,57,62,63,65,69,70,73,76,81,83],self:[54,57,60,61,65,68,80,82,87],self_1:[57,61],self_int:65,sell:75,seller:73,seller_id:73,sem:77,semant:74,semper:77,send:85,senectu:77,sens:[61,74],sentenc:[74,82],sentinel:[0,2],separ:[55,56,58],sequenc:[66,74,81,82],serial:[33,37,52,56,58,61,69,70],seriali:70,serializ:[57,80],serialized_cach:[66,81],serialized_engin:70,seril:57,serv:[52,57,64,81],servic:74,session:74,session_nam:74,set:[3,4,16,21,25,27,29,32,35,37,45,46,48,49,53,54,55,56,57,58,61,62,63,64,66,67,69,70,72,76,79,80,81,82,83,87],set_data_from_numpi:85,set_devic:[21,38,45,50,69],set_is_colored_output_on:[18,39,42,50,67],set_logging_prefix:[18,39,42,50,67],set_reportable_log_level:[18,39,42,50,67],setalpha:60,setbeta:60,setnam:[60,61],setreshapedimens:61,setup:[43,83,85],sever:[16,26,67],sh:63,sha256:63,shape:[45,47,48,49,52,55,60,62,65,66,69,70,81,85,87],shape_mod:69,shape_rang:[66,81],share:[49,52,63,70],shell:52,shell_command:74,shift:[63,65,74],ship:[61,84],shorthand:74,should:[0,3,4,29,45,49,52,53,54,55,56,58,60,64,67,69,70,72,74,77,81,83,85],show:[72,74,82],shown:[61,72,74],shuffl:[61,83],side:[54,61,72],sidebar:[72,78],sigmoid:[65,81],sigmoid_:65,sign:85,signatur:70,signifi:[48,54],signific:74,significantli:[54,72],similar:[60,61,81,84,86],simonyan:83,simpil:83,simpl:[74,75,80,81,82,85],simplest:85,simpli:[54,82],simplifi:53,simul:82,sin:[65,74],sinc:[54,61,74,80,81,83],sing:74,singl:[48,52,54,61,69,74,80,81,83],singular:60,sinh:65,sink:74,sit:[75,77],site:[54,61,63,74],six:74,sixth:75,size:[3,4,44,48,49,52,54,55,61,65,69,70,72,81,82,83],size_t:[3,4,44,83],skip:52,slash:72,slice:65,slightli:81,sm:57,small:[54,85],smaller:82,so:[0,44,52,53,54,57,58,60,61,63,64,73,74,75,81,83],sodal:77,softmax:[54,65,81],softwar:[49,52,70,74],sole:[62,83],sollicitudin:77,solv:85,some:[53,54,56,57,58,60,61,73,74,81,83],some_funct:74,someth:[43,54,74,85],someurl:74,sort:[60,65,86],sourc:[42,43,44,45,58,66,67,68,69,70,81],sourceforg:[74,75],space:[74,75,83],spaces_and_linebreak:74,span:75,spars:[52,65],sparse_weight:[45,49,70,81],sparsiti:[49,52,70,81],spec:[45,48,49,52,67,69,70,86],specif:[32,49,54,56,58,69,70,74,82],specifi:[3,4,52,60,62,63,64,67,69,70,72,74,81,85,86],specifii:69,speech:82,speedup:82,sphinx:[72,73,74,75,79],sphinx_rtd_them:[74,75],spin:85,spirit:74,split:[65,81],split_siz:65,split_with_s:65,sqrt:65,squeez:[65,82],sram:52,src:[57,59,65],ss:44,ssd300_trt:57,ssd:57,ssd_trace:52,ssd_trt:52,sstream:[20,44],stabl:[59,70,72],stack:[57,65,83],stage:[53,81],stand:[57,74],standalon:74,standard:[52,57,64,74,82,84,86],stapl:75,start:[53,55,61,63,65,75,81,82,86],start_dim:[61,65],start_step:65,state:[53,60,61],statement:[54,74],static_cast:44,statu:[44,75],std:[3,4,22,26,28,29,30,31,33,34,37,42,44,45,47,48,49,55,61,83,85,87],stdout:[36,67,69],steamlin:83,step:[64,65,81,82,83],stick:72,sticki:[72,78],sticky_navig:[72,76],still:[44,55,81,83],stitch:[55,61],stop:61,storag:83,store:[2,4,49,52,53,57,60,61,70,80,81],str:[19,43,44,50,65,67,69,70,81],straight:60,strang:74,strategi:69,street:75,strict:84,strict_type_constraint:81,stride:65,string:[3,4,18,20,21,22,26,28,29,30,31,33,34,37,42,44,45,49,55,57,60,61,69,72,83],stringstream:44,strip_prefix:63,strong:74,strongli:74,struct:[1,21,38,41,45,83],structur:[29,46,49,55,58,60,72,74,78,80,85],structuredtext:74,stub:75,stuff:74,style:[42,43,44,45,72,74,75],style_external_link:72,sub:[65,74,80],sub_:65,subdirectori:51,subexpress:54,subgraph:[49,52,53,54,60,61],subject:58,submenu:78,submodul:80,subscript:74,subsect:74,subset:[82,83],substitut:74,subtitl:74,subtre:79,subword:82,sudo:63,suffic:54,suggest:85,suit:64,suitabl:81,sum:[49,65,70,81],superscript:74,supervis:82,suppli:74,support:[0,1,2,27,31,46,48,49,52,55,59,61,62,63,64,69,70,72,73,80,81,85,87],sure:[61,62,63,85,87],suscipit:[75,77],suspendiss:77,symbol:[33,63,70,74,81,84],symlink:79,system:[53,60,63,64,70],t1:65,t2:65,t:[0,1,2,45,46,54,60,61,63,65,72,74,75,80,81,83,85],t_:74,tabl:[63,78],tag:[74,85],take:[31,32,33,37,53,56,57,58,60,61,69,70,72,74,81,82,83,86],taken:74,talk:64,tan:65,tanh:65,tanh_:65,tar:[63,74,83],tarbal:[61,83],target:[1,33,45,46,48,49,52,57,58,62,64,69,70,81,83,86,87],targets_:83,task:[29,30,81,82,83],techinqu:61,techniqu:83,tell:[54,55,56,57,58,60,74],tellu:77,tem:52,templat:[20,40,44,45,50,61,72],temporari:81,tempu:77,tensor:[2,33,44,45,48,49,52,53,54,55,57,60,61,65,66,69,70,80,81,82,83],tensor_mod:65,tensor_scalar:65,tensor_tensor:65,tensorcontain:60,tensorformat:[21,38,45,48,50,69],tensorformatenum:50,tensorlist:[55,60],tensorrt:[0,1,3,4,29,30,31,32,33,36,37,44,45,46,48,49,52,53,54,55,56,58,60,66,68,69,70,80,83],tensorrt_convert:81,tensorrtcompilespec:[70,86],tensort:81,teo:52,term:[69,74,75,82,83],termin:[27,52,61],test:[52,58,63,74,75,81,82,83,85],test_acc_trac:81,test_ptq_dataloader_calibr:83,test_ptq_trt_calibr:83,test_py_modul:[74,78],testing_dataload:83,testing_dataset:83,text:[67,75,77,82],tf32:[49,52],than:[54,64,73,74,82,84],thats:[53,83],the_model_repositori:85,thei:[46,52,53,54,57,60,62,63,69,72,74,81],them:[54,55,57,61,63,72,81,82],theori:[53,74],therebi:[57,82],therefor:[29,57,61,74,81,82],theres:84,therfor:84,theta:74,thi:[0,1,2,29,30,42,43,44,45,46,47,48,49,52,53,54,55,56,57,58,60,61,63,66,69,70,72,73,74,76,77,80,81,82,83,84,85,86],thicker:74,thin:74,thing1:74,thing2:74,thing3:74,thing:[63,74,81],think:[60,74],third:[75,81],third_parti:[58,63],this_arg_is_opt:81,those:[53,74],though:[52,58,60,61,80],thought:74,three:[48,56,58,66,69,74,75,81,82,85],threshold:52,through:[48,53,54,55,57,61,62,64,67,68,74,81,82],throught:81,thrown:[49,70],thu:74,time:[49,52,53,54,56,57,58,60,61,70,72,74,81,83],timing_cach:81,tincidunt:77,tini:83,titles_onli:72,tmp:61,toctre:72,tocustomclass:60,todim:61,todo:[72,81],togeth:[53,60,61],token:82,toler:52,too:[63,72,74,75],tool:[60,61,81,82],toolchain:[58,63],top:[58,72,76],topk:65,torch:[0,1,2,4,20,21,29,30,31,32,33,36,37,44,45,46,47,48,49,52,53,54,55,56,57,58,60,63,66,69,70,80,83,87],torch_executed_modul:[45,49,55,70],torch_executed_op:[45,49,55,70],torch_scirpt_modul:80,torch_script_modul:61,torch_tensorrt:[0,1,2,3,4,14,16,17,42,43,44,46,47,48,49,50,51,52,55,61,62,64,81,82,83,84,85,86,87],torch_tensorrt_export:43,torch_tensorrt_major_vers:[19,43,50],torch_tensorrt_minor_vers:[19,43,50],torch_tensorrt_patch_vers:[19,43,50],torch_tensorrt_vers:[19,43,50],torch_tensorrtfil:50,torch_tensorrtnamespac:50,torchbind:57,torchhub:85,torchscript:[19,21,38,43,45,49,50,52,56,57,58,62,69,70,82,86,87],torchscriptstruct:50,torchtrt:[43,55],torchtrt_api:[0,2,19,22,23,24,25,26,27,28,31,32,33,34,35,36,37,42,43,44,45,48,49,50],torchtrt_check:60,torchtrt_hidden:[19,43,50],torchtrt_runtime_exampl:84,torchtrt_unus:60,torchtrtc:[63,64,87],torchvis:[57,83,85,86],toronto:83,tortor:77,totensor:[83,85],tovec:61,toward:83,trace:[55,61,70,80,81],traced_model:80,track:[60,83],tradit:[48,70,83],traget:32,trail:72,train:[29,30,49,52,61,62,64,65],trainabl:54,transcrib:82,transfer:73,transform:[61,83,85],transformed_img:85,translat:61,transmit:74,transpos:[65,81],trash:74,travers:[56,58],treat:52,tree:[42,43,44,45,72,83,84],trigger:[61,81],trim:83,tristiqu:77,triton:64,triton_to_np_dtyp:85,tritoncli:85,tritonserv:85,trt:[0,1,3,4,46,48,53,54,57,60,61,65,81],trt_interpreter_result:81,trt_lenet_script:61,trt_mod:[55,61,83,87],trt_model:[55,85,86],trt_ts_modul:[55,62],trtinterpret:[66,81],trtinterpreterresult:[66,81],trtmodul:[66,81],truncat:[49,52,70],truncate_long_and_doubl:[45,49,70],ts:[43,52,55,61,62,64,69,80,86],ts_model:[55,61],tt:74,tue:75,tupl:[57,66,69,70,81],tupleconstruct:[54,57],tupleunpack:54,turpi:77,tutori:[80,83],two:[52,54,60,62,63,74,75,79,80,81,83,85],type:[0,1,2,30,49,50,52,53,57,60,61,62,66,67,69,70,74,81,82,83],type_fp32:85,typenam:[3,4,29,30,44],typic:[53,60,85],ugli:74,ui:73,uint64_t:[45,49],ultric:77,un:83,unabl:[60,61],unbind:65,unbroken:74,uncas:82,uncom:63,under:[42,43,44,45,58,74],underli:[0,1,2,46,60],uniformli:82,union:[60,61,69,70],uniqu:[4,62],unique_ptr:[4,30],unit:81,univers:74,unknown:69,unless:81,unlik:[63,64,86],unlimit:72,unpack_addmm:54,unpack_log_softmax:54,unqiue_ptr:4,unreferenc:74,unrestrict:74,unsqueez:65,unstabl:58,unsupport:[31,49],unsur:60,untest:58,until:[53,58,60,63],unwrap:60,unwraptodoubl:60,unwraptoint:61,unzip:63,up:[53,54,56,57,58,74,80,81,82],updat:81,upload:85,upon:72,upper:75,upsample_bilinear2d:65,upsample_linear1d:65,upsample_nearest1d:65,upsample_nearest2d:65,upsample_nearest3d:65,upsample_trilinear3d:65,upscale_factor:65,upstream:61,uri:74,url:[63,72,85],urna:77,us:[0,1,2,3,4,29,30,32,35,37,43,44,45,46,48,49,52,53,55,57,58,60,64,66,67,68,69,70,72,73,74,75,80,81,83,84,85,87],usag:[61,68,74],use_cach:[3,4,30,44,68,83],use_cache_:44,use_cmake_generated_export_head:43,use_input_stat:65,use_subset:83,usecas:[62,63],user:[42,48,55,56,57,58,61,62,63,64,74,75,83,85],using_int:[61,65],usr:63,usual:[72,81],ut:77,utf:[74,75],util:[60,61,70,82,83,85],v0:[71,85],v2:[29,30],v:[52,75,85],valid:[1,46,60],valu:[0,1,2,16,17,45,46,48,53,57,60,61,65,67,68,69,72,82],value_tensor_map:[53,60],vanilla:81,vari:66,variabl:[48,69,81],variant:84,varient:54,varieti:85,variou:[81,87],variu:77,vcs_pageview_mod:72,vec:65,vector:[20,21,44,45,47,48,49,55,57,61,83,87],vehicula:77,vel:77,velit:77,venenati:77,verbios:52,verbos:[52,75],veri:[75,76,81,83,85,86],verifi:55,verison:63,version:[34,36,58,63,72,75,81,82,85],vertic:[72,74],vestibulum:[75,77],vgg16:83,vgg:83,vi:74,via:[64,69,70,72,78,81,82,83,84],view:[65,72],virtual:83,vision:[81,85],visitor:72,vita:[75,77],vivamu:77,viverra:77,vm:75,volutpat:77,vs:[0,1,2,46,54,70,86],vulput:77,w:52,w_hh:65,w_ih:65,wa:[54,57,61,74,81],wai:[52,61,63,80,81,82,83],walkthrough:82,want:[42,55,61,66,80,81,83,85,86],warn:[16,44,52,60,67],wash:74,we:[42,44,53,54,56,57,58,60,61,66,72,74,80,81,82,83,85],weak:74,web:74,websit:63,weight:[48,49,52,53,61,65,70,74,81,82],welcom:[61,81],well:[61,63,67,74,83],were:61,wget:85,what:[4,54,61,62,74,80,81],whatev:[57,81],wheel:63,when:[27,44,45,46,52,53,54,56,57,58,60,61,63,67,69,70,72,74,76,80,81,82,83],where:[53,54,60,61,70,75,81,83],wherev:81,whether:[4,52,66,69,73,81,83],which:[1,2,29,32,37,46,49,53,54,55,56,57,58,60,61,62,63,68,70,72,74,75,80,81,82,83,84,85,86],white:74,whitespac:74,whl:63,who:74,whole:81,whose:[54,81],why:74,wide:78,width:[74,82],window:74,window_nam:74,wish:75,within:[49,52,56,58,70,72,74],without:[60,61,72,74,83],wl:84,wooden:74,word:[74,82],work:[44,54,58,60,74,75,81,83],worker:83,workflow:[81,82,86],workspac:[49,52,63,70],workspace_s:[45,49,52,70],world:74,would:[52,60,61,62,63,81,84,85,86],wp:85,wrap:[56,57,58,61,74,77,81,86],wrapper:[60,81],write:[3,4,29,30,44,53,61,64,74,81,83,85],write_calibration_cach:68,writecalibrationcach:[3,4,44],wrote:74,www:[61,63,72,74,83,85],x86:84,x86_64:[58,63],x9:54,x:[5,10,33,43,54,61,63,70,75,80],x_0:74,x_1:74,x_2:74,x_3:74,x_4:74,x_:74,xavier:[45,87],xstr:[19,43,50],xx:85,xxx:81,y:[33,70,75],yahoo:75,yaml:59,yet:[81,82],you:[0,1,2,29,30,46,48,49,52,53,54,55,57,58,60,61,62,63,64,69,70,72,74,75,76,80,81,82,83,84,85,86],your:[60,61,62,63,64,72,74,75,79,80,84,86],yourself:61,yy:85,z:75,zero_point:65,zip:[57,63],zisserman:83},titles:["Class DataType","Class Device::DeviceType","Class TensorFormat","Template Class Int8CacheCalibrator","Template Class Int8Calibrator","Define STR","Define TORCH_TENSORRT_PATCH_VERSION","Define TORCH_TENSORRT_MAJOR_VERSION","Define TORCH_TENSORRT_MINOR_VERSION","Define TORCHTRT_API","Define XSTR","Define TORCHTRT_HIDDEN","Define TORCH_TENSORRT_VERSION","Directory cpp","Directory include","Directory torch_tensorrt","Enum Level","Enum EngineCapability","File logging.h","File macros.h","File ptq.h","File torch_tensorrt.h","Function torch_tensorrt::logging::get_logging_prefix","Function torch_tensorrt::logging::get_reportable_log_level","Function torch_tensorrt::logging::get_is_colored_output_on","Function torch_tensorrt::logging::set_reportable_log_level","Function torch_tensorrt::logging::log","Function torch_tensorrt::logging::set_is_colored_output_on","Function torch_tensorrt::logging::set_logging_prefix","Template Function torch_tensorrt::ptq::make_int8_cache_calibrator","Template Function torch_tensorrt::ptq::make_int8_calibrator","Function torch_tensorrt::torchscript::check_method_operator_support","Function torch_tensorrt::torchscript::compile","Function torch_tensorrt::torchscript::embed_engine_in_new_module","Function torch_tensorrt::get_build_info","Function torch_tensorrt::set_device","Function torch_tensorrt::dump_build_info","Function torch_tensorrt::torchscript::convert_method_to_trt_engine","Namespace torch_tensorrt","Namespace torch_tensorrt::logging","Namespace torch_tensorrt::ptq","Namespace torch_tensorrt::torchscript","Program Listing for File logging.h","Program Listing for File macros.h","Program Listing for File ptq.h","Program Listing for File torch_tensorrt.h","Struct Device","Struct GraphInputs","Struct Input","Struct CompileSpec","Torch-TensorRT C++ API","Full API","torchtrtc","Conversion Phase","Lowering Phase","Partitioning Phase","Compiler Phases","Runtime Phase","System Overview","Useful Links for Torch-TensorRT Development","Writing Converters","Using Torch-TensorRT in C++","Using Torch-TensorRT in Python","Installation","Torch-TensorRT","Operators Supported","torch_tensorrt.fx","torch_tensorrt.logging","torch_tensorrt.ptq","torch_tensorrt","torch_tensorrt.ts","Changelog","Configuration","5. :mod:`test_py_module`","3. Paragraph Level Markup","4. Lists & Tables","1. Long Sticky Nav","1. Structural Elements","<no title>","Installation","Creating a TorchScript Module","Torch-TensorRT (FX Frontend) User Guide","Example notebooks","Post Training Quantization (PTQ)","Deploying Torch-TensorRT Programs","Serving a Torch-TensorRT model with Triton","Using Torch-TensorRT Directly From PyTorch","DLA"],titleterms:{"1":[76,85],"10":76,"11":76,"12":76,"13":76,"14":76,"15":76,"16":76,"17":76,"18":76,"19":76,"2":[76,77,85],"20":76,"3":[76,85],"4":76,"5":76,"6":76,"7":76,"8":76,"9":76,"class":[0,1,2,3,4,20,21,38,40,41,50,66,68,69],"enum":[16,17,18,21,38,39,50,68,69],"function":[18,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,50,59,66,69,70],"long":[76,78],A:74,And:74,But:75,By:[18,19],Or:54,The:[61,74],To:54,aarch64:63,abi:[57,63],acc:81,acceler:82,add:81,addmm:54,admonit:74,advic:60,ahead:64,an:78,api:[50,51,59,63,64],applic:83,arg:[60,73],automat:55,avail:59,awar:82,background:[57,60],base:[3,4,48,72],bert:82,binari:63,block:74,branch:54,build:[63,72,85],bullet:75,c:[50,59,61,63,64,82,83],can:75,caption:[75,78],center:74,ch:74,changelog:71,check_method_operator_support:31,choos:63,citat:[74,83],citrinet:82,cli:[63,64],client:85,cmake:63,code:[54,74],compil:[32,56,58,61,63,64,82],compilespec:49,compound:74,configur:72,construct:57,content:[18,19,20,21,38,39,40,41,72,73,74,75,76,77],context:[60,72],contigu:54,contract:60,contributor:64,convers:[53,56,58,60],convert:[53,60,61,65,81],convert_method_to_trt_engin:37,cpp:[13,18,19,20,21,55],creat:[80,83],creativ:74,cudnn:63,current:65,custom:61,cxx11:63,data:73,datatyp:0,dead:54,debug:63,deep:82,deeper:75,defin:[5,6,7,8,9,10,11,12,19,50],definit:[18,19,20,21,75],demo:78,depend:63,deploi:[82,84],deseri:57,detect:82,develop:59,devic:[1,46],devicetyp:1,dimens:59,direct:74,directli:86,directori:[13,14,15,51],disk:80,distribut:63,dla:87,doctest:74,documen:64,document:[0,1,2,3,4,5,6,7,8,9,10,11,12,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,49,59,64,77,78],down:75,download:[74,79],dropout:54,dump_build_info:36,dynam:82,easier:59,efficentnet:82,element:77,elimin:54,eliminatecommonsubexpress:54,embed_engine_in_new_modul:33,emphas:74,engin:[57,81],enginecap:17,enumer:75,envior:63,evalu:[53,65],exampl:[74,76,82],execept:54,executor:57,expect:59,face:82,fallback:[54,55],field:75,figur:74,file:[15,18,19,20,21,42,43,44,45,50,51],flatten:54,footnot:74,format:57,freez:54,from:[63,86],frontend:[81,82],full:[50,51],fuse:54,fx2trt:81,fx:[66,81,82],gaurd:54,gener:73,get:64,get_build_info:34,get_is_colored_output_on:24,get_logging_prefix:22,get_reportable_log_level:23,giant:75,git:79,glossari:74,gpu:64,graph:[54,57],graphinput:47,grid:75,guarante:60,guid:81,h:[18,19,20,21,42,43,44,45,55],have:75,hierarchi:50,hlist:75,hole:75,hood:61,how:[72,81,83],html:72,hug:82,ien:74,imag:[74,75],includ:[14,18,19,20,21],incred:78,index:73,indic:64,infer:85,inherit:[3,4,48],inlin:74,input:48,instal:[63,79],int8:82,int8cachecalibr:3,int8calibr:4,ir:59,jetson:63,jit:64,languag:82,layer:59,learn:82,lenet:82,level:[16,72,74,75],librari:[63,84],libtorchtrt:84,like:75,line:74,linear:54,link:[59,74],list:[42,43,44,45,75],liter:74,local:63,log:[18,22,23,24,25,26,27,28,39,42,67],logsoftmax:54,loop:54,lower:[54,56,58],macro:[19,43],make_int8_cache_calibr:29,make_int8_calibr:30,markup:74,mask:82,math:74,menu:[76,78],meta:74,miss:81,mlm:82,mod:73,model:[81,82,85],modul:[54,61,80],namespac:[18,19,20,21,38,39,40,41,50],nativ:63,native_op:59,nav:76,nest:[1,46],node:53,notebook:82,number:[74,75],nvidia:64,object:82,one:75,op:[57,81],oper:[61,65],optim:85,optimz:54,option:[72,73,75],other:60,overview:58,own:83,packag:[63,84],page:72,paragraph:[74,77],paramet:73,partit:[55,56,58],partitoninfo:55,pass:54,pattern:54,peephol:54,phase:[53,54,55,56,57,58],plugin:84,post:83,pre:63,precompil:63,prerequisit:63,program:[42,43,44,45,84],project:72,ptq:[20,29,30,40,44,68,83],python:[59,62,63,64,80,83],pytorch:[59,64,81,82,86],quantiz:[82,83],queri:85,quickstart:61,quot:74,rabbit:75,read:59,redund:54,refer:74,regist:61,relationship:[1,3,4,46,48],releas:63,remov:54,replac:74,resnet50:82,respons:60,result:57,right:63,rubric:74,runtim:[56,57,58,84],save:80,second:75,section:77,segmentedblock:55,serial:57,serv:[82,85],server:85,set:85,set_devic:35,set_is_colored_output_on:27,set_logging_prefix:28,set_reportable_log_level:25,setup:63,shape:82,shape_analysi:55,sidebar:74,so:84,sometim:59,sourc:63,ssd:82,start:64,step:85,sticki:76,str:5,struct:[46,47,48,49,50],structur:77,subdirectori:[13,14],submenu:76,submodul:69,subsect:77,subsubmenu:76,subsubsect:77,support:65,system:58,tabl:[72,73,74,75,76,77],tarbal:63,target:74,templat:[3,4,29,30],tensorformat:2,tensorrt:[50,57,59,61,62,63,64,81,82,84,85,86],test_py_modul:73,text:74,theme:[72,78],thi:[75,78],through:65,time:64,titl:74,toc:72,topic:74,torch:[50,59,61,62,64,81,82,84,85,86],torch_tensorrt:[15,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,45,66,67,68,69,70],torch_tensorrt_major_vers:7,torch_tensorrt_minor_vers:8,torch_tensorrt_patch_vers:6,torch_tensorrt_vers:12,torchscript:[31,32,33,37,41,61,64,80],torchtrt_api:9,torchtrt_hidden:11,torchtrtc:[52,61],tracer:81,train:[82,83],transform:82,triton:85,ts:70,tupl:54,tutori:64,type:[3,4,46,48],under:61,unpack:54,unrol:54,unsupport:61,up:85,us:[54,59,61,62,63,82,86],user:81,version:57,via:79,wai:74,weight:60,what:60,wide:72,work:[61,80],write:60,xstr:10,your:[83,85]}}) \ No newline at end of file +Search.setIndex({docnames:["_cpp_api/classtorch__tensorrt_1_1DataType","_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType","_cpp_api/classtorch__tensorrt_1_1TensorFormat","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502","_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268","_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e","_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827","_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da","_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59","_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883","_cpp_api/dir_cpp","_cpp_api/dir_cpp_include","_cpp_api/dir_cpp_include_torch_tensorrt","_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558","_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb","_cpp_api/file_cpp_include_torch_tensorrt_logging.h","_cpp_api/file_cpp_include_torch_tensorrt_macros.h","_cpp_api/file_cpp_include_torch_tensorrt_ptq.h","_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h","_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3","_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650","_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a","_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2","_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8","_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5","_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc","_cpp_api/function_ptq_8h_1a226e3c83379d1012cde8578c1c86b16c","_cpp_api/function_ptq_8h_1a6186e305f47c1d94b6130ef6c7f7e178","_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797","_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9","_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef","_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528","_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384","_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1","_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2","_cpp_api/namespace_torch_tensorrt","_cpp_api/namespace_torch_tensorrt__logging","_cpp_api/namespace_torch_tensorrt__ptq","_cpp_api/namespace_torch_tensorrt__torchscript","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h","_cpp_api/structtorch__tensorrt_1_1Device","_cpp_api/structtorch__tensorrt_1_1GraphInputs","_cpp_api/structtorch__tensorrt_1_1Input","_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec","_cpp_api/torch_tensort_cpp","_cpp_api/unabridged_orphan","cli/torchtrtc","contributors/conversion","contributors/lowering","contributors/partitioning","contributors/phases","contributors/runtime","contributors/system_overview","contributors/useful_links","contributors/writing_converters","getting_started/getting_started_with_cpp_api","getting_started/getting_started_with_python_api","getting_started/installation","index","indices/supported_ops","py_api/fx","py_api/logging","py_api/ptq","py_api/torch_tensorrt","py_api/ts","src/pytorch-sphinx-theme/docs/changelog","src/pytorch-sphinx-theme/docs/configuring","src/pytorch-sphinx-theme/docs/demo/api","src/pytorch-sphinx-theme/docs/demo/demo","src/pytorch-sphinx-theme/docs/demo/lists_tables","src/pytorch-sphinx-theme/docs/demo/long","src/pytorch-sphinx-theme/docs/demo/structure","src/pytorch-sphinx-theme/docs/index","src/pytorch-sphinx-theme/docs/installing","tutorials/creating_torchscript_module_in_python","tutorials/getting_started_with_fx_path","tutorials/notebooks","tutorials/ptq","tutorials/runtime","tutorials/serving_torch_tensorrt_with_triton","tutorials/use_from_pytorch","tutorials/using_dla"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":5,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":3,"sphinx.domains.rst":2,"sphinx.domains.std":2,"sphinx.ext.intersphinx":1,"sphinx.ext.todo":2,"sphinx.ext.viewcode":1,nbsphinx:4,sphinx:56},filenames:["_cpp_api/classtorch__tensorrt_1_1DataType.rst","_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.rst","_cpp_api/classtorch__tensorrt_1_1TensorFormat.rst","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.rst","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.rst","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.rst","_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.rst","_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.rst","_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.rst","_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.rst","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.rst","_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.rst","_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.rst","_cpp_api/dir_cpp.rst","_cpp_api/dir_cpp_include.rst","_cpp_api/dir_cpp_include_torch_tensorrt.rst","_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558.rst","_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb.rst","_cpp_api/file_cpp_include_torch_tensorrt_logging.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_macros.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst","_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3.rst","_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650.rst","_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a.rst","_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2.rst","_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8.rst","_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5.rst","_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc.rst","_cpp_api/function_ptq_8h_1a226e3c83379d1012cde8578c1c86b16c.rst","_cpp_api/function_ptq_8h_1a6186e305f47c1d94b6130ef6c7f7e178.rst","_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797.rst","_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9.rst","_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef.rst","_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528.rst","_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384.rst","_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.rst","_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2.rst","_cpp_api/namespace_torch_tensorrt.rst","_cpp_api/namespace_torch_tensorrt__logging.rst","_cpp_api/namespace_torch_tensorrt__ptq.rst","_cpp_api/namespace_torch_tensorrt__torchscript.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst","_cpp_api/structtorch__tensorrt_1_1Device.rst","_cpp_api/structtorch__tensorrt_1_1GraphInputs.rst","_cpp_api/structtorch__tensorrt_1_1Input.rst","_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.rst","_cpp_api/torch_tensort_cpp.rst","_cpp_api/unabridged_orphan.rst","cli/torchtrtc.rst","contributors/conversion.rst","contributors/lowering.rst","contributors/partitioning.rst","contributors/phases.rst","contributors/runtime.rst","contributors/system_overview.rst","contributors/useful_links.rst","contributors/writing_converters.rst","getting_started/getting_started_with_cpp_api.rst","getting_started/getting_started_with_python_api.rst","getting_started/installation.rst","index.rst","indices/supported_ops.rst","py_api/fx.rst","py_api/logging.rst","py_api/ptq.rst","py_api/torch_tensorrt.rst","py_api/ts.rst","src/pytorch-sphinx-theme/docs/changelog.rst","src/pytorch-sphinx-theme/docs/configuring.rst","src/pytorch-sphinx-theme/docs/demo/api.rst","src/pytorch-sphinx-theme/docs/demo/demo.rst","src/pytorch-sphinx-theme/docs/demo/lists_tables.rst","src/pytorch-sphinx-theme/docs/demo/long.rst","src/pytorch-sphinx-theme/docs/demo/structure.rst","src/pytorch-sphinx-theme/docs/index.rst","src/pytorch-sphinx-theme/docs/installing.rst","tutorials/creating_torchscript_module_in_python.rst","tutorials/getting_started_with_fx_path.rst","tutorials/notebooks.rst","tutorials/ptq.rst","tutorials/runtime.rst","tutorials/serving_torch_tensorrt_with_triton.rst","tutorials/use_from_pytorch.rst","tutorials/using_dla.rst"],objects:{"":[[5,0,1,"c.STR","STR"],[9,0,1,"c.TORCHTRT_API","TORCHTRT_API"],[11,0,1,"c.TORCHTRT_HIDDEN","TORCHTRT_HIDDEN"],[7,0,1,"c.TORCH_TENSORRT_MAJOR_VERSION","TORCH_TENSORRT_MAJOR_VERSION"],[8,0,1,"c.TORCH_TENSORRT_MINOR_VERSION","TORCH_TENSORRT_MINOR_VERSION"],[6,0,1,"c.TORCH_TENSORRT_PATCH_VERSION","TORCH_TENSORRT_PATCH_VERSION"],[12,0,1,"c.TORCH_TENSORRT_VERSION","TORCH_TENSORRT_VERSION"],[10,0,1,"c.XSTR","XSTR"],[0,1,1,"_CPPv4N14torch_tensorrt8DataTypeE","torch_tensorrt::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeE5Value","torch_tensorrt::DataType::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEN3c1010ScalarTypeE","torch_tensorrt::DataType::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEv","torch_tensorrt::DataType::DataType"],[0,3,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeE5Value","torch_tensorrt::DataType::DataType::t"],[0,3,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEN3c1010ScalarTypeE","torch_tensorrt::DataType::DataType::t"],[0,4,1,"_CPPv4N14torch_tensorrt8DataType5ValueE","torch_tensorrt::DataType::Value"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kBoolE","torch_tensorrt::DataType::Value::kBool"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kCharE","torch_tensorrt::DataType::Value::kChar"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value6kFloatE","torch_tensorrt::DataType::Value::kFloat"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kHalfE","torch_tensorrt::DataType::Value::kHalf"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value4kIntE","torch_tensorrt::DataType::Value::kInt"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value8kUnknownE","torch_tensorrt::DataType::Value::kUnknown"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kBoolE","torch_tensorrt::DataType::kBool"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kCharE","torch_tensorrt::DataType::kChar"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value6kFloatE","torch_tensorrt::DataType::kFloat"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kHalfE","torch_tensorrt::DataType::kHalf"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value4kIntE","torch_tensorrt::DataType::kInt"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value8kUnknownE","torch_tensorrt::DataType::kUnknown"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypecv5ValueEv","torch_tensorrt::DataType::operator Value"],[0,2,1,"_CPPv4N14torch_tensorrt8DataTypecvbEv","torch_tensorrt::DataType::operator bool"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeneE8DataType","torch_tensorrt::DataType::operator!="],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeneEN8DataType5ValueE","torch_tensorrt::DataType::operator!="],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeneE8DataType","torch_tensorrt::DataType::operator!=::other"],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeneEN8DataType5ValueE","torch_tensorrt::DataType::operator!=::other"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeeqE8DataType","torch_tensorrt::DataType::operator=="],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeeqEN8DataType5ValueE","torch_tensorrt::DataType::operator=="],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeeqE8DataType","torch_tensorrt::DataType::operator==::other"],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeeqEN8DataType5ValueE","torch_tensorrt::DataType::operator==::other"],[46,1,1,"_CPPv4N14torch_tensorrt6DeviceE","torch_tensorrt::Device"],[46,2,1,"_CPPv4N14torch_tensorrt6Device6DeviceEv","torch_tensorrt::Device::Device"],[1,1,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypeE","torch_tensorrt::Device::DeviceType"],[46,1,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypeE","torch_tensorrt::Device::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEv","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEv","torch_tensorrt::Device::DeviceType::DeviceType"],[1,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType::t"],[1,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType::t"],[46,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType::t"],[46,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType::t"],[1,4,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5ValueE","torch_tensorrt::Device::DeviceType::Value"],[46,4,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5ValueE","torch_tensorrt::Device::DeviceType::Value"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::Value::kDLA"],[46,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::Value::kDLA"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::Value::kGPU"],[46,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::Value::kGPU"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::kDLA"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::kGPU"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypecv5ValueEv","torch_tensorrt::Device::DeviceType::operator Value"],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypecv5ValueEv","torch_tensorrt::Device::DeviceType::operator Value"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypecvbEv","torch_tensorrt::Device::DeviceType::operator bool"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypecvbEv","torch_tensorrt::Device::DeviceType::operator bool"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!="],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!="],[1,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!=::other"],[46,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!=::other"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator=="],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator=="],[1,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator==::other"],[46,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator==::other"],[46,6,1,"_CPPv4N14torch_tensorrt6Device18allow_gpu_fallbackE","torch_tensorrt::Device::allow_gpu_fallback"],[46,6,1,"_CPPv4N14torch_tensorrt6Device11device_typeE","torch_tensorrt::Device::device_type"],[46,6,1,"_CPPv4N14torch_tensorrt6Device8dla_coreE","torch_tensorrt::Device::dla_core"],[46,6,1,"_CPPv4N14torch_tensorrt6Device6gpu_idE","torch_tensorrt::Device::gpu_id"],[17,4,1,"_CPPv4N14torch_tensorrt16EngineCapabilityE","torch_tensorrt::EngineCapability"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability15kDLA_STANDALONEE","torch_tensorrt::EngineCapability::kDLA_STANDALONE"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability7kSAFETYE","torch_tensorrt::EngineCapability::kSAFETY"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability9kSTANDARDE","torch_tensorrt::EngineCapability::kSTANDARD"],[47,1,1,"_CPPv4N14torch_tensorrt11GraphInputsE","torch_tensorrt::GraphInputs"],[47,6,1,"_CPPv4N14torch_tensorrt11GraphInputs15input_signatureE","torch_tensorrt::GraphInputs::input_signature"],[47,6,1,"_CPPv4N14torch_tensorrt11GraphInputs6inputsE","torch_tensorrt::GraphInputs::inputs"],[48,1,1,"_CPPv4N14torch_tensorrt5InputE","torch_tensorrt::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN2at6TensorE","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[48,2,1,"_CPPv4N14torch_tensorrt5Input5InputEv","torch_tensorrt::Input::Input"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::shape"],[48,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN2at6TensorE","torch_tensorrt::Input::Input::tensor"],[48,6,1,"_CPPv4N14torch_tensorrt5Input5dtypeE","torch_tensorrt::Input::dtype"],[48,6,1,"_CPPv4N14torch_tensorrt5Input6formatE","torch_tensorrt::Input::format"],[48,6,1,"_CPPv4N14torch_tensorrt5Input9max_shapeE","torch_tensorrt::Input::max_shape"],[48,6,1,"_CPPv4N14torch_tensorrt5Input9min_shapeE","torch_tensorrt::Input::min_shape"],[48,6,1,"_CPPv4N14torch_tensorrt5Input9opt_shapeE","torch_tensorrt::Input::opt_shape"],[48,6,1,"_CPPv4N14torch_tensorrt5Input5shapeE","torch_tensorrt::Input::shape"],[2,1,1,"_CPPv4N14torch_tensorrt12TensorFormatE","torch_tensorrt::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatE5Value","torch_tensorrt::TensorFormat::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEN2at12MemoryFormatE","torch_tensorrt::TensorFormat::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEv","torch_tensorrt::TensorFormat::TensorFormat"],[2,3,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatE5Value","torch_tensorrt::TensorFormat::TensorFormat::t"],[2,3,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEN2at12MemoryFormatE","torch_tensorrt::TensorFormat::TensorFormat::t"],[2,4,1,"_CPPv4N14torch_tensorrt12TensorFormat5ValueE","torch_tensorrt::TensorFormat::Value"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value13kChannelsLastE","torch_tensorrt::TensorFormat::Value::kChannelsLast"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value11kContiguousE","torch_tensorrt::TensorFormat::Value::kContiguous"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value8kUnknownE","torch_tensorrt::TensorFormat::Value::kUnknown"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value13kChannelsLastE","torch_tensorrt::TensorFormat::kChannelsLast"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value11kContiguousE","torch_tensorrt::TensorFormat::kContiguous"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value8kUnknownE","torch_tensorrt::TensorFormat::kUnknown"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatcv5ValueEv","torch_tensorrt::TensorFormat::operator Value"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormatcvbEv","torch_tensorrt::TensorFormat::operator bool"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatneE12TensorFormat","torch_tensorrt::TensorFormat::operator!="],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatneEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator!="],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormatneE12TensorFormat","torch_tensorrt::TensorFormat::operator!=::other"],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormatneEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator!=::other"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormateqE12TensorFormat","torch_tensorrt::TensorFormat::operator=="],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormateqEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator=="],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormateqE12TensorFormat","torch_tensorrt::TensorFormat::operator==::other"],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormateqEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator==::other"],[36,2,1,"_CPPv4N14torch_tensorrt15dump_build_infoEv","torch_tensorrt::dump_build_info"],[34,2,1,"_CPPv4N14torch_tensorrt14get_build_infoEv","torch_tensorrt::get_build_info"],[16,4,1,"_CPPv4N14torch_tensorrt7logging5LevelE","torch_tensorrt::logging::Level"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kDEBUGE","torch_tensorrt::logging::Level::kDEBUG"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kERRORE","torch_tensorrt::logging::Level::kERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kGRAPHE","torch_tensorrt::logging::Level::kGRAPH"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level5kINFOE","torch_tensorrt::logging::Level::kINFO"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level15kINTERNAL_ERRORE","torch_tensorrt::logging::Level::kINTERNAL_ERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level8kWARNINGE","torch_tensorrt::logging::Level::kWARNING"],[24,2,1,"_CPPv4N14torch_tensorrt7logging24get_is_colored_output_onEv","torch_tensorrt::logging::get_is_colored_output_on"],[22,2,1,"_CPPv4N14torch_tensorrt7logging18get_logging_prefixEv","torch_tensorrt::logging::get_logging_prefix"],[23,2,1,"_CPPv4N14torch_tensorrt7logging24get_reportable_log_levelEv","torch_tensorrt::logging::get_reportable_log_level"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kDEBUGE","torch_tensorrt::logging::kDEBUG"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kERRORE","torch_tensorrt::logging::kERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kGRAPHE","torch_tensorrt::logging::kGRAPH"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level5kINFOE","torch_tensorrt::logging::kINFO"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level15kINTERNAL_ERRORE","torch_tensorrt::logging::kINTERNAL_ERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level8kWARNINGE","torch_tensorrt::logging::kWARNING"],[26,2,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log"],[26,3,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log::lvl"],[26,3,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log::msg"],[27,2,1,"_CPPv4N14torch_tensorrt7logging24set_is_colored_output_onEb","torch_tensorrt::logging::set_is_colored_output_on"],[27,3,1,"_CPPv4N14torch_tensorrt7logging24set_is_colored_output_onEb","torch_tensorrt::logging::set_is_colored_output_on::colored_output_on"],[28,2,1,"_CPPv4N14torch_tensorrt7logging18set_logging_prefixENSt6stringE","torch_tensorrt::logging::set_logging_prefix"],[28,3,1,"_CPPv4N14torch_tensorrt7logging18set_logging_prefixENSt6stringE","torch_tensorrt::logging::set_logging_prefix::prefix"],[25,2,1,"_CPPv4N14torch_tensorrt7logging24set_reportable_log_levelE5Level","torch_tensorrt::logging::set_reportable_log_level"],[25,3,1,"_CPPv4N14torch_tensorrt7logging24set_reportable_log_levelE5Level","torch_tensorrt::logging::set_reportable_log_level::lvl"],[3,1,1,"_CPPv4I0EN14torch_tensorrt3ptq19Int8CacheCalibratorE","torch_tensorrt::ptq::Int8CacheCalibrator"],[3,7,1,"_CPPv4I0EN14torch_tensorrt3ptq19Int8CacheCalibratorE","torch_tensorrt::ptq::Int8CacheCalibrator::Algorithm"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE","torch_tensorrt::ptq::Int8CacheCalibrator::Int8CacheCalibrator"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE","torch_tensorrt::ptq::Int8CacheCalibrator::Int8CacheCalibrator::cache_file_path"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::bindings"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::names"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::nbBindings"],[3,2,1,"_CPPv4NK14torch_tensorrt3ptq19Int8CacheCalibrator12getBatchSizeEv","torch_tensorrt::ptq::Int8CacheCalibrator::getBatchSize"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibratorcvPN8nvinfer115IInt8CalibratorEEv","torch_tensorrt::ptq::Int8CacheCalibrator::operator nvinfer1::IInt8Calibrator*"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::readCalibrationCache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::readCalibrationCache::length"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache::cache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache::length"],[4,1,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator"],[4,7,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator::Algorithm"],[4,7,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator::DataLoaderUniquePtr"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::cache_file_path"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::dataloader"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::use_cache"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::bindings"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::names"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::nbBindings"],[4,2,1,"_CPPv4NK14torch_tensorrt3ptq14Int8Calibrator12getBatchSizeEv","torch_tensorrt::ptq::Int8Calibrator::getBatchSize"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8CalibratorcvPN8nvinfer115IInt8CalibratorEEv","torch_tensorrt::ptq::Int8Calibrator::operator nvinfer1::IInt8Calibrator*"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8Calibrator::readCalibrationCache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8Calibrator::readCalibrationCache::length"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache::cache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache::length"],[29,2,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator"],[29,7,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator::Algorithm"],[29,3,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator::cache_file_path"],[30,2,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator"],[30,7,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::Algorithm"],[30,7,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::DataLoader"],[30,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::cache_file_path"],[30,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::dataloader"],[30,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::use_cache"],[35,2,1,"_CPPv4N14torch_tensorrt10set_deviceEKi","torch_tensorrt::set_device"],[35,3,1,"_CPPv4N14torch_tensorrt10set_deviceEKi","torch_tensorrt::set_device::gpu_id"],[49,1,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpecE","torch_tensorrt::torchscript::CompileSpec"],[49,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecEN5torch3jit6IValueE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[49,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorI5InputEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[49,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorIN3c108ArrayRefI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[49,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[49,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorIN3c108ArrayRefI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::fixed_sizes"],[49,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::fixed_sizes"],[49,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecEN5torch3jit6IValueE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::input_signature"],[49,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorI5InputEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::inputs"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec10capabilityE","torch_tensorrt::torchscript::CompileSpec::capability"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec5debugE","torch_tensorrt::torchscript::CompileSpec::debug"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec6deviceE","torch_tensorrt::torchscript::CompileSpec::device"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec12disable_tf32E","torch_tensorrt::torchscript::CompileSpec::disable_tf32"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec20dla_global_dram_sizeE","torch_tensorrt::torchscript::CompileSpec::dla_global_dram_size"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec19dla_local_dram_sizeE","torch_tensorrt::torchscript::CompileSpec::dla_local_dram_size"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec13dla_sram_sizeE","torch_tensorrt::torchscript::CompileSpec::dla_sram_size"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec18enabled_precisionsE","torch_tensorrt::torchscript::CompileSpec::enabled_precisions"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec12graph_inputsE","torch_tensorrt::torchscript::CompileSpec::graph_inputs"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14min_block_sizeE","torch_tensorrt::torchscript::CompileSpec::min_block_size"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec20num_avg_timing_itersE","torch_tensorrt::torchscript::CompileSpec::num_avg_timing_iters"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14ptq_calibratorE","torch_tensorrt::torchscript::CompileSpec::ptq_calibrator"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec5refitE","torch_tensorrt::torchscript::CompileSpec::refit"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec24require_full_compilationE","torch_tensorrt::torchscript::CompileSpec::require_full_compilation"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14sparse_weightsE","torch_tensorrt::torchscript::CompileSpec::sparse_weights"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec22torch_executed_modulesE","torch_tensorrt::torchscript::CompileSpec::torch_executed_modules"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec18torch_executed_opsE","torch_tensorrt::torchscript::CompileSpec::torch_executed_ops"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec24truncate_long_and_doubleE","torch_tensorrt::torchscript::CompileSpec::truncate_long_and_double"],[49,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14workspace_sizeE","torch_tensorrt::torchscript::CompileSpec::workspace_size"],[31,2,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support"],[31,3,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support::method_name"],[31,3,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support::module"],[32,2,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile"],[32,3,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile::info"],[32,3,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile::module"],[37,2,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::info"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::method_name"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::module"],[33,2,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module"],[33,3,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module::device"],[33,3,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module::engine"],[69,8,0,"-","torch_tensorrt"]],"torch_tensorrt.Device":[[69,10,1,"","__init__"],[69,11,1,"","allow_gpu_fallback"],[69,11,1,"","device_type"],[69,11,1,"","dla_core"],[69,11,1,"","gpu_id"]],"torch_tensorrt.Input":[[69,10,1,"","__init__"],[69,11,1,"","dtype"],[69,11,1,"","format"],[69,11,1,"","shape"],[69,11,1,"","shape_mode"]],"torch_tensorrt.fx":[[66,9,1,"","InputTensorSpec"],[66,9,1,"","TRTInterpreter"],[66,9,1,"","TRTInterpreterResult"],[66,9,1,"","TRTModule"]],"torch_tensorrt.logging":[[67,9,1,"","Level"],[67,9,1,"","debug"],[67,9,1,"","errors"],[67,12,1,"","get_is_colored_output_on"],[67,12,1,"","get_logging_prefix"],[67,12,1,"","get_reportable_log_level"],[67,9,1,"","graphs"],[67,9,1,"","info"],[67,9,1,"","internal_errors"],[67,12,1,"","log"],[67,12,1,"","set_is_colored_output_on"],[67,12,1,"","set_logging_prefix"],[67,12,1,"","set_reportable_log_level"],[67,9,1,"","warnings"]],"torch_tensorrt.logging.Level":[[67,11,1,"","Debug"],[67,11,1,"","Error"],[67,11,1,"","Graph"],[67,11,1,"","Info"],[67,11,1,"","InternalError"],[67,11,1,"","Warning"]],"torch_tensorrt.ptq":[[68,9,1,"id1","CacheCalibrator"],[68,9,1,"id2","CalibrationAlgo"],[68,9,1,"id0","DataLoaderCalibrator"],[68,12,1,"","get_batch"],[68,12,1,"","get_batch_size"],[68,12,1,"","get_cache_mode_batch"],[68,12,1,"","read_calibration_cache"],[68,12,1,"","write_calibration_cache"]],"torch_tensorrt.ptq.CacheCalibrator":[[68,10,1,"","__init__"]],"torch_tensorrt.ptq.CalibrationAlgo":[[68,11,1,"","ENTROPY_CALIBRATION"],[68,11,1,"","ENTROPY_CALIBRATION_2"],[68,11,1,"","LEGACY_CALIBRATION"],[68,11,1,"","MINMAX_CALIBRATION"]],"torch_tensorrt.ptq.DataLoaderCalibrator":[[68,10,1,"","__init__"]],"torch_tensorrt.ts":[[70,12,1,"","TensorRTCompileSpec"],[70,12,1,"","check_method_op_support"],[70,12,1,"","compile"],[70,12,1,"","convert_method_to_trt_engine"],[70,12,1,"","embed_engine_in_new_module"]],torch_tensorrt:[[69,9,1,"","Device"],[69,9,1,"","DeviceType"],[69,9,1,"","EngineCapability"],[69,9,1,"","Input"],[69,9,1,"","TensorFormat"],[69,12,1,"","compile"],[69,12,1,"","convert_method_to_trt_engine"],[69,9,1,"","dtype"],[69,12,1,"","dump_build_info"],[66,8,0,"-","fx"],[69,12,1,"","get_build_info"],[67,8,0,"-","logging"],[68,8,0,"-","ptq"],[69,12,1,"","set_device"],[70,8,0,"-","ts"]]},objnames:{"0":["c","macro","C macro"],"1":["cpp","class","C++ class"],"10":["py","method","Python method"],"11":["py","attribute","Python attribute"],"12":["py","function","Python function"],"2":["cpp","function","C++ function"],"3":["cpp","functionParam","C++ function parameter"],"4":["cpp","enum","C++ enum"],"5":["cpp","enumerator","C++ enumerator"],"6":["cpp","member","C++ member"],"7":["cpp","templateParam","C++ template parameter"],"8":["py","module","Python module"],"9":["py","class","Python class"]},objtypes:{"0":"c:macro","1":"cpp:class","10":"py:method","11":"py:attribute","12":"py:function","2":"cpp:function","3":"cpp:functionParam","4":"cpp:enum","5":"cpp:enumerator","6":"cpp:member","7":"cpp:templateParam","8":"py:module","9":"py:class"},terms:{"0":[33,43,44,45,49,52,58,60,61,63,65,67,68,69,70,71,73,74,81,83,85,86,87],"0000":75,"01":[61,65,75],"0208":61,"03":75,"0358":61,"0383":61,"04":[61,85],"0435":61,"0464":61,"0530":61,"0678":61,"0805":61,"0818":61,"0932":61,"0a0":74,"0x7f89ba6d5eb0":70,"1":[3,4,33,43,44,45,48,49,52,54,55,57,60,61,62,63,65,66,67,68,69,70,71,72,74,75,78,80,81,82,83,86,87],"10":[49,61,63,70,78,80,82,83,85],"100":[66,81],"1000":85,"1012":54,"1013":54,"1024":[52,69,70,82],"1045":61,"1048576":[45,49,70],"1056":61,"1063":61,"1073741824":[45,49,70],"109":61,"11":[54,61,63,74,78,85],"119":80,"12":[54,61,74,78,80,85],"120":[61,80],"123":75,"129":80,"13":[74,78],"136":85,"137":80,"138":80,"14":[78,85],"1409":83,"15":[74,78],"1502":61,"1549":61,"1556":83,"16":[61,62,69,78,80],"1691":61,"17":78,"18":[61,78],"19":[75,78],"1994":83,"1d":54,"1e":52,"2":[33,43,55,60,61,63,65,67,68,69,70,72,74,75,78,80,81,83],"20":78,"2009":83,"2010":83,"2012":75,"2014":83,"2020":[61,64],"2023":83,"22":85,"224":[55,66,69,70,82,85],"225":[66,85],"229":85,"23":[49,54,70,75],"234375":85,"24":54,"244":[69,70],"248":54,"249":54,"25":[61,66,81],"256":85,"258":74,"27":61,"28":61,"2802":61,"2822":74,"287":74,"29":61,"2c3":75,"3":[45,49,52,54,55,57,61,63,65,67,68,69,70,74,75,78,80,81,82,83,86,87],"300":[52,86],"31":61,"32":[52,61,62,69,80,83,87],"320":83,"32bit":52,"33":61,"346":61,"35":61,"36":61,"3677":54,"37":61,"38":80,"39":80,"3d":81,"4":[57,61,63,65,67,72,74,75,78,81],"406":85,"429688":85,"4465":83,"456":85,"468750":85,"4822":83,"485":85,"4914":83,"5":[52,57,58,61,63,67,69,74,75,78,80,81,85],"50":82,"512":[52,69,70,82],"51a991":74,"523438":85,"53":75,"536870912":[45,49,70],"539":61,"56":61,"576":61,"6":[54,57,61,63,65,78,80],"622":54,"64":[62,81],"64bit":52,"664062":85,"7":[57,58,61,78],"72048":63,"7302":75,"8":[3,52,54,61,63,69,74,75,78,85],"8000":85,"8001":85,"8002":85,"84":[61,80],"9":[61,78,85],"90":85,"92":85,"9223372036854775807":65,"abstract":[57,60,75],"boolean":[69,81],"break":[74,81],"byte":[69,70,82],"case":[0,1,2,46,49,53,57,60,63,81,83,84],"catch":[54,61],"char":[3,4,44,52,61],"class":[17,29,30,44,45,46,51,57,60,61,62,67,74,75,80,81,82,83],"const":[0,1,2,3,4,29,30,31,32,33,35,37,44,45,46,54,60,61,65,83],"default":[0,1,2,3,4,16,29,30,43,45,46,48,49,52,55,61,62,63,66,69,70,72,73,74,81,83,86],"do":[53,54,55,60,61,62,73,75,80,81,83,87],"enum":[0,1,2,42,45,46,51,67,70,83],"export":63,"final":[53,56,58,63,82],"float":[49,52,61,62,65,69,80,83,86],"function":[0,1,2,3,4,46,48,49,51,54,55,57,60,61,63,80,81,82,83,85,86,87],"import":[52,54,55,61,62,63,72,74,80,81,84,85,86],"int":[0,3,4,35,44,45,49,52,61,65,66,69,70,72],"long":[49,52,53,74,75],"new":[0,1,2,3,4,32,33,46,48,49,57,58,60,61,67,70,74,81,85],"public":[0,1,2,3,4,44,45,46,47,48,49,75,83],"return":[0,1,2,3,4,23,24,29,30,31,32,33,34,37,42,43,44,45,46,54,56,57,58,60,61,62,67,69,70,80,81,83,85],"short":[54,74,75],"static":[48,49,53,60,61,69,70,72],"super":[44,80],"throw":[52,54,61],"true":[0,1,2,4,46,49,54,55,60,61,65,66,69,70,72,75,81,83,85,86,87],"try":[58,61,74,75,86],"var":65,"void":[3,4,25,26,27,28,35,36,42,44,45],"while":[63,82,83,85],A:[4,29,30,32,33,47,48,54,55,60,63,70,75,83,85],And:61,As:[61,81],At:73,But:[61,74],By:[29,30,51,55,72,80],For:[53,55,61,63,66,72,74,75,80,81,82,83,84,85,86],If:[27,53,54,61,62,63,66,67,69,72,74,81,83,84,85,87],In:[0,1,2,46,53,56,57,58,60,62,63,64,74,75,77,81,82,83,84,85],Is:[24,69],It:[52,54,55,56,58,60,63,72,74,81,82],Its:[60,74],Not:3,On:55,One:[61,74,75,81,82],Or:74,THE:74,TO:61,That:74,Thats:61,The:[1,46,48,49,52,53,54,55,56,57,58,60,62,63,67,69,70,72,75,80,81,82,83,85,86],Then:[55,63,83,86],There:[4,53,58,60,63,75,80,81,82,83,84,85],These:[53,57,72,74,83,85],To:[1,46,52,55,61,62,63,72,80,85,86],Will:31,With:[61,72,74,83,85],_:[74,81],___torch_mangle_10:80,___torch_mangle_4847:57,___torch_mangle_5:80,___torch_mangle_9:80,__and__:65,__attribute__:43,__getitem__:65,__gnuc__:43,__init__:[68,69,74,80],__is__:65,__isnot__:65,__not__:65,__or__:65,__range_length:65,__round_to_zero_floordiv:65,__torch__:[57,61,80],__torch___pytorch_detection_ssd_src_model_ssd300_trt_engin:57,__torch___torchvision_models_resnet____torch_mangle_4847_resnet_trt_engin:57,__visibility__:43,__xor__:65,_all_:54,_c:[70,86],_convolut:[61,65],_jit_to_backend:86,_script:70,_shapemod:69,_theme:79,_validate_not_a_forked_repo:85,a1b:75,aarch64:58,ab:65,abi:84,abl:[53,54,60,64,81,83,86],about:[52,53,57,60,61,63,69,72,85],abov:[25,61,63,67,73,74,81],absolut:52,ac:77,acc_mod:81,acc_norm:81,acc_op:81,acc_op_convert:81,acc_ops_sigmoid:81,acc_trac:81,acceler:87,accept:[48,52,57,60,61,62,69],access:[54,60,61,64,72,81,86],accord:[60,70],accordingli:[72,81],account:85,accumsan:77,accumul:[49,70],accuraci:[82,83],achiev:82,aco:65,acosh:65,acoust:82,acquir:61,across:[49,52,54,70,72],acthardtanh:60,action:[74,81],activ:[61,70,74,81,82,83,87],activationtyp:[60,81],actual:[54,57,60,61,67,80,81],ad:[25,52,53,81],adaptive_avg_pool1d:65,adaptive_avg_pool2d:65,adaptive_avg_pool3d:65,adaptive_max_pool1d:65,adaptive_max_pool2d:65,adaptive_max_pool3d:65,add:[26,53,54,55,60,61,62,63,65,67,72,74,79],add_:[54,61,65],add_activ:81,addactiv:60,addit:[54,61,69,81,82],addlay:61,address:75,addshuffl:61,adipisc:[75,77],adjac:74,adjust:74,adopt:82,advanc:[75,83],advis:74,aenean:77,afford:81,aforement:85,after:[52,53,54,55,61,62,64,80,81,84,85],again:[44,57,60,74],against:[52,61],agx:45,ahead:61,aim:54,algo_typ:[68,83],algorithm:[3,4,29,30,44,68,81,83],algorithm_selector:81,alias:43,align:74,align_corn:65,aliquam:77,aliquet:[75,77],all:[16,42,43,44,45,49,52,54,55,57,61,62,63,67,69,74,75,80,81,82,83,84,85],alloc:60,allow:[48,49,52,53,54,69,72,81],allow_gpu_fallback:[45,46,69,70,83,86,87],allow_tf32:65,almost:61,alpha:[65,75,81],alreadi:[52,53,54,61,83],also:[29,53,60,61,62,63,64,72,74,75,82,83],altern:[48,82],although:74,altogeth:[55,72],alwai:[3,4,27,52,74],amet:[75,77],an:[2,3,4,48,49,52,53,54,55,56,57,58,60,61,62,63,64,68,69,70,72,74,75,80,81,82,83,84,85],analogu:60,analysi:55,analyt:72,analytics_id:72,ancient:74,ani:[48,52,53,60,61,62,63,69,72,74,81,83],ann:74,annot:[60,61],anonym:74,anoth:[62,74,75,80],ant:77,anyon:75,anyth:[74,75,84],aot:[61,64],api:[55,58,60,61,62,69,70,73,81,82,83,84,85,86],appear:74,append:65,appli:83,applic:[1,29,46,52,54,58,61,62,84,86,87],apr:61,ar:[42,46,49,52,53,54,55,57,58,60,61,63,64,69,70,72,74,75,76,80,81,82,83,84,85,86],arab:75,arang:65,architectur:[63,64,82],archiv:63,arcu:[75,77],area:76,aren:61,arg:[53,61,68,69,78,81,82],arg_replacement_tupl:81,argc:61,argument:[48,52,54,57,60,61,69,70,74,75,81],argv:61,around:[54,57,60,74,77,80],arrai:[3,4,33,53,70],arrayref:[45,48,49],arxiv:83,as_numpi:85,asin:65,asinh:65,aspect:52,assembl:[53,61],assign:[3,4,73],associ:[53,60,61],associatevalueandivalu:60,associatevalueandtensor:[60,61],assum:86,atan:65,atanh:65,aten:[49,54,55,59,60,61,65,70],atol:52,attrdict:85,attribut:[54,55,57,61,74,81],auctor:77,audio:82,augu:77,author:75,auto:[44,55,60,61,74,75,83,87],autodoc:[74,75],automat:[61,74],avail:[52,60,63,72,81,87],averag:[49,52,70],avg:52,avg_pool1d:65,avg_pool2d:65,avg_pool3d:65,awai:74,awaken:74,axi:65,b0:82,b:[63,65,75,85],b_hh:65,b_ih:65,back:[54,55,57,58,61,69,74,80],back_insert:44,backend:[70,73,86],background:[74,80],backlink:74,backward:81,bar:[72,74],base:[36,50,57,63,67,68,69,74,80,82,83],bash:63,basi:74,basic:[52,75,81,85],batch:[3,4,44,66,81,83,85,87],batch_norm:[60,65],batch_siz:[44,83],batched_data_:44,batchnorm:54,batchtyp:44,bathroom:74,bazel:[58,63],bazel_vers:63,bazelbuild:63,bazelisk:63,bazelvers:63,bdist_wheel:63,beat:75,becaus:[60,61,63,66,80,81],becom:60,bee:74,been:[53,60,61,75],befor:[49,54,58,60,61,63,64,70,81,85],beforehand:61,begin:[44,63,74,81],beginn:80,begun:74,behav:76,behavior:[49,69,70,81],behind:74,being:[61,81],belong:74,below:[60,61,63,74,81,85],benchmark:65,benefit:[60,61],besid:74,best:[63,74,81],beta:[65,70,81],better:[80,82],between:[54,60,63,74,75,83],bia:[54,61,65],bibendum:77,bibliograph:75,bigger:74,bin:63,binari:[44,83],binary_data:85,bind:[3,4,33,44,70,74],bird:85,bit:[49,60,61,69,70,81],bitbucket:72,bitbucket_url:72,blandit:77,blank:74,blob:[59,72,83],block0:54,block1:54,block:[52,53,54,78],blue:74,bmm:65,bodi:[74,75],bold:74,bool:[0,1,2,3,4,24,27,30,31,42,44,45,46,49,54,60,61,65,66,67,69,70,72,83],border:74,both:[63,72,74,80,83],bottom:72,box:74,bracket:74,branch:63,bread:74,brief:55,briefli:80,brontosaurus:74,browser:74,bsd:[42,43,44,45],buffer:[3,4,81],bug:63,bui:75,build:[29,30,34,49,52,53,56,58,60,61,69,73,78,81,83],build_fil:63,build_model:81,builder:81,builderconfig:45,built:[33,52,57,58,63,70],builtin:81,button:[72,74],bytearrai:81,c10:[0,1,45,46,48,49,61,83],c:[42,43,44,45,52,58,62,65,75,84,85,87],c_api:59,c_str:[60,61],cach:[3,4,29,30,44,52,61,68,81,83],cache_:44,cache_fil:[44,68,83],cache_file_path:[3,4,29,30,44],cache_file_path_:44,cache_size_:44,cachecalibr:[68,83],cackl:75,calcul:[48,53,55,61],calibr:[3,4,29,30,44,49,52,61,68,70,83],calibration_cache_fil:[29,30,83],calibration_dataload:[30,83],calibration_dataset:83,calibrationalgo:[68,83],call:[29,30,32,49,54,57,60,61,70,74,80,81,82,86],call_funct:81,callmethod:80,can:[0,1,4,29,30,37,46,47,48,49,52,53,54,55,56,57,58,60,61,62,63,69,70,72,74,80,81,82,83,84,85,86],canada:75,cannot:[48,54,55,63,69,70,73,80,81],canon:72,canonical_url:72,capabl:[17,45,49,52,57,69,70,86],capit:74,caption:[74,77],cast:[3,4,54],cat:[63,65],caught:54,caus:[60,63,72],cd:[63,85],cdll:61,ceil:65,ceil_mod:65,cell:75,centercrop:85,cerr:61,certain:[63,81],cfg:55,chain:60,challeng:85,chanc:60,chang:[29,54,58,70,72,81,83,85],changelog:78,channel:[2,69,73],channel_last:[69,70,82],channels_last:69,charact:74,check:[0,1,31,46,52,54,60,61,63,70,81,84,85],check_method_op_support:70,check_method_operator_support:[21,41,45,50],checkmethodoperatorsupport:61,child:75,children:81,choic:[63,68],choos:[80,81],cifar10:83,cifar:83,clamp:65,clamp_max:65,clamp_min:65,class_count:85,classif:[61,80,82],classifi:[75,82],classification_index:85,clean:74,clear:44,cli:[52,62],clickabl:74,clone:65,close:61,closer:54,closet:74,cnn:82,co:[65,75,82],code:[55,58,61,64,73,75,80,81,83],coeffici:82,collapse_navig:72,collat:75,collect:[61,70],colon:74,color:[24,27,67,74],colored_output_on:[27,42,67],column:75,com:[59,61,63,83,84,85],combin:81,come:[63,73,81,85],command:[52,61,63,74,75,80,85],comment:[63,74],commodo:77,common:[53,54,66,74,81],common_subexpression_elimin:54,commonli:75,commun:[49,52,61,70],compar:[62,81],comparis:[0,2],comparison:[1,46],compat:[0,1,46,54,57,63,70,81],compil:[21,31,37,41,45,49,50,52,54,55,57,60,62,67,69,70,72,80,81,83,84,85,86,87],compile_spec:[83,87],compilegraph:[61,83],compilesepc:33,compilespec:[3,4,21,32,37,41,45,50,55,61,83,87],compilespecstruct:50,complet:[55,61,80],complex:[47,49,63,80],complianc:52,compliat:83,complic:63,compon:[56,58,80,84],compos:[80,81,83,85],composit:61,compound:82,comput:[49,74,81,82,83],conceiv:74,concorr:85,condimentum:77,condit:74,conf:[72,79],confidence_scor:85,config:[63,85],configur:[32,37,48,61,63,64,69,70,78,83,85],congu:77,connect:[54,70,74,85,87],consectetur:[75,77],consecut:55,consid:[61,70],consider:85,consist:[54,74,81],consol:52,consolid:80,constant:[53,54,61],constant_pad_nd:65,constexpr:[0,1,2,45,46],construct:[0,1,2,3,4,46,48,49,53,54,56,58,60,61,68,69,74,75,81,83],constructor:[0,2,46,48,49,57,80],consult:73,consum:[4,53,80],contact:75,contain:[30,31,52,53,54,60,61,63,66,69,74,75,80,81,83,84,85],content:[78,83,85],context:[53,56,57,58,67],contextnet:82,contigu:[2,48,49,52,69,70],continu:[74,81,84],contributor:61,control:[80,81],conv1:[61,80],conv2:[61,80],conv2d:80,conv:[49,52,61],conval:77,convect:48,conveni:[82,83],converison:81,convers:[54,55,57,61,69,70,81],conversionctx:[60,61],convert:[3,4,31,32,37,52,54,55,56,58,62,64,69,70,82,84,86],convert_method_to_trt_engin:[21,41,45,50,69,70,86],convertgraphtotrtengin:61,convien:49,convienc:[3,4,49],convolut:[70,83,87],convtert:81,coordin:58,copi:[44,60,65,68,75,81,85],copy_:65,copyright:[42,43,44,45,61,75],core:[45,52,54,55,58,61,69,87],core_id:69,corpor:[42,43,44,45],corpu:82,correct:[57,63,72],correctli:63,correspond:[60,63,81],cosh:65,could:81,count_include_pad:65,coupl:[53,58,81,84],cout:61,cover:82,cp:63,cpp:[14,15,42,43,44,45,51,54,58,61,63,83],cpp_frontend:83,cppdirectori:50,cppdoc:61,cpu:66,cra:77,creat:[29,30,33,52,53,57,60,61,64,70,74,81,85],credit:61,criteria:[55,56,58],cross:74,cs:83,csrc:[54,59],cstddef:83,ctx:[60,61],ctype:61,cuda113:63,cuda:[49,57,61,62,63,66,69,83,85,86],cuda_graph_batch_s:66,cuda_runtim:[21,45],cudafloattyp:61,cudasetdevic:35,cudnn_en:65,cumsum:65,curabitur:77,curl:[63,74],current:[23,57,60,63,70,72,81],cursu:77,custom:[52,63,81],custom_class:[21,45],custom_mapp:81,customclasshold:[45,48],cut:74,cxx11:84,d:[52,74,75,87],dapibu:77,data:[0,2,3,4,29,30,44,46,48,49,52,53,55,56,58,60,65,68,69,70,74,78,82,83],data_dir:83,data_item_1:73,data_typ:85,dataclass:81,dataflow:[60,61],dataload:[4,29,30,44,49,68,83],dataloader_:44,dataloadercalibr:[68,83],dataloaderopt:83,dataloaderuniqueptr:[4,44],dataset:[29,68,82,83],datatyp:[1,21,38,45,46,48,49,50,62,69,70,85],datatypeclass:50,date:75,david:75,dbg:63,dcmake_build_typ:63,dcmake_module_path:63,dead_code_elimin:54,deal:60,debug:[16,27,45,49,52,60,67,70,86],debugg:[52,70],decid:69,declar:63,deconvolut:87,decor:81,dedic:[54,75],deep:[60,64,72,83,87],deeplearn:[59,81],def:[74,80,81,85],defin:[0,1,2,3,4,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,43,46,47,48,49,51,52,61,62,69,72,80,81,82,83],definit:[51,60,74],deiti:74,delet:[0,1,2,45,46,54],delimit:54,demo:[74,83],demonstr:[74,75,76,82,83,85],demostr:82,denot:74,dep:63,depend:[29,34,53,55,58,61,62,81,84,85],depickl:57,deploi:[56,58,61,64,83,85],deploy:[52,61,62,82,83,84,85,87],deprec:[65,81],depth:[72,82],descclassnam:74,descnam:74,describ:[49,60,80,85,86],descript:[55,75],deseri:[61,69,70],design:[81,82,87],desir:[75,83],destini:75,destroi:[60,75],destructor:60,detail:[61,80,81,84,85],detect:[48,57],determin:[54,81],determinist:65,develop:[61,63,64,74,75,81],deviat:52,devic:[21,33,35,38,45,49,50,52,57,62,65,66,68,69,70,82,83,86,87],device_typ:[45,46,69,83,86,87],deviceclass:50,devicetyp:[21,38,45,46,50,69,83,86,87],devicetypestruct:50,diam:77,dict:[69,70],dictionari:[69,70,86],dictum:77,dictumst:77,did:74,didn:74,differ:[29,54,58,63,64,72,80,81],dignissim:77,dilat:65,dim0:65,dim1:65,dim:[65,85],dim_int:65,dim_intlist:65,dimens:[48,54,66,81,82],direct:[78,84],directli:[60,63,64,68,83],directori:[18,19,20,21,42,43,44,45,50,63,83],disabl:[52,67,72,73],disable_tf32:[45,49,70,83],disclos:63,disconnect:74,discret:74,discuss:85,displai:[52,67,72],display_github:72,display_gitlab:72,display_vers:72,dist:63,distdir:63,distribut:[61,69,83,84],div:65,div_:65,divisor_overrid:65,django:73,dl:74,dl_open:84,dla:[1,45,46,49,52,64,69,70],dla_cor:[45,46,52,69,83,86,87],dla_global_dram_s:[45,49,52,70],dla_local_dram_s:[45,49,52,70],dla_sram_s:[45,49,52,70],dla_standalon:52,dlacor:52,dll:52,doc:[58,59,63,72,73,74,79],docker:85,docsrc:58,docstr:[74,75],document:[42,43,44,45,50,58,61,72,74,75,79,80,83,84,85,86],docutil:[74,75],doe:[43,44,54,55,60,74,81,83],doesn:[61,63,74,80],dolor:[75,77],domain:[75,83],don:[60,72,74,75,81,83,85],done:[53,55,58,85],donec:[75,77],dont:42,dothismethod:74,dotpai:73,dotpayprovid:73,doubl:[49,52,70,74],down:[63,72,81],download:[63,78,83,85],downstream:82,doxygen_should_skip_thi:[44,45],dpython:[69,70],dram:52,dream:75,driver:63,drop:[63,72],dt:74,dtensorrt_root:63,dtorch_dir:63,dtyep:66,dtype:[45,48,49,52,62,65,66,69,70,81,82],dual:74,due:[3,4,63,73,74],dui:[75,77],dump:[36,52,63],dump_build_info:[21,38,45,50,69],durat:74,dure:[49,52,60,68,82,83,84],dynam:[48,49,66,69,70,81],dynamic_batch:81,e:[29,30,52,54,60,61,63,66,69,80,81,83],each:[3,4,49,53,54,55,57,60,61,63,66,72,74,81],ear:74,earli:81,eas:43,easi:[52,53,54,61,83],easier:[56,58,60,61,81,83],easiest:63,easili:[3,4],echo:74,edg:74,edit:72,edu:83,effect:[54,61,72,81,82,83],effici:60,efficientnet:82,efficitur:77,eg:85,egesta:77,eget:77,either:[47,48,52,60,61,62,63,69,70,72,74,80],el:65,eleifend:75,element:[57,74,75,78,81],element_typ:44,elementum:77,elit:[75,77],elk:74,els:[43,44,48,70,74,75],elu:65,emb:[33,52,70,75],embed:[52,57,65,70,74,87],embed_engine_in_new_modul:[21,41,45,50,70],emit:53,emphasi:74,empti:[49,66,70,75,80],emum:[16,17],en:72,enabl:[3,4,24,49,52,55,56,58,67,68,70,72,81],enable_precis:61,enabled_precis:[45,49,61,62,69,70,83,85,86,87],enalbed_precis:87,encod:[57,82],encount:63,encourag:85,end:[44,52,60,61,65,70,74,83],end_dim:[61,65],endif:[43,44,45],energi:74,enforc:61,engin:[0,1,17,32,33,37,45,46,48,49,52,53,55,56,58,61,62,64,66,69,70,72,83,84,86,87],engine_converted_from_jit:61,enginecap:[21,38,45,49,50,69,70,86],english:82,enhanc:74,enim:77,ensur:[29,54,55],enter:53,entir:74,entiti:74,entri:[49,60],entropi:[29,30,83],entropy_calibr:68,entropy_calibration_2:[68,83],enumer:[0,1,2,16,17,46,68],environ:[81,85],ep:65,eq:[65,74],equat:74,equival:[32,56,58,60,61,70,80,83],equivil:37,erat:77,erf:65,eric:74,ero:77,error:[16,49,52,53,54,58,61,63,67,70,74,81],essenc:74,essenti:81,est:77,et:77,etc:[72,74,81,87],etiam:77,eu:77,euismod:77,eval:[61,62,85],evalu:[56,57,58],evaluated_value_map:[53,60],even:61,event:48,everi:[55,61,66],everyth:16,ex:[0,1,2,33,46,70,75,77],exact:85,examin:81,exampl:[48,55,57,58,60,61,64,67,69,70,72,73,75,78,80,81,83,84,85],exceedingli:74,except:81,exception_elimin:54,excerpt:75,excit:82,execpt:54,execut:[33,49,52,54,56,57,58,61,63,69,70,80,81,83,85],execute_engin:[57,61],exert:74,exeuct:57,exhaust:61,exist:[4,31,32,37,63,68,69,70,81,82,83],exit:85,exp:65,expand:[54,65],expand_a:65,expect:[48,54,60,61,69,82],experiment:81,explain:81,explan:81,explic:44,explicit:[0,1,2,3,4,45,46,54,64,74,81,83],explicit_batch_dimens:[66,81],explicit_precis:66,explicitli:[55,56,58,62,83,86],explict:44,explictli:0,expon:65,expos:83,express:74,ext:[74,75],extend:[56,58,60,61,65,82],extent:[61,64],extern:[72,74],extra:61,extract:[61,82],extrem:74,ey:74,f16:[52,61,87],f32:52,f:[63,74,80,81],facilisi:77,fact:63,facto:74,factori:[4,29,30,83],fail:[61,87],fake_quantize_per_channel_affin:65,fake_quantize_per_tensor_affin:65,fall:69,fallback:[52,56,58,60,87],fals:[0,1,2,3,4,44,45,46,49,61,65,66,69,70,72,73,74,75,81,83,86],fame:77,familiar:85,far:[74,81],fashion:[61,82],fast:[49,52,70],faster:82,faucibu:77,fc1:[61,80],fc2:[61,80],fc3:[61,80],fc:[49,52,54],feat:[61,80],featur:[52,55,61,81,82,83,86],fed:[3,4,48],feed:[29,30,61],feedforward:82,feel:64,feli:77,feugiat:[75,77],few:[63,69,81],field:[3,4,66,83],fifth:75,figur:[55,75,77],file:[0,1,2,3,4,5,6,7,8,9,10,11,12,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,49,52,55,57,58,61,63,68,69,70,72,73,75,79,81,83,85],file_path:52,find:[4,61,63,81],finder:63,finibu:77,finish:81,first:[48,53,54,61,62,74,75,81,83,85],firstli:85,fit:74,fix:[49,74,81,87],fixed_s:[45,49],flag:[52,55,56,58,62,63,68,84],flaten:49,flatten:[45,47,61,65,80],flatten_convert:61,flesh:85,float16:[52,69],float32:[48,49,52,69,70,81],float64:70,float_int:65,floor:65,floor_divid:65,floordiv:65,flow:[60,74,80,81,82],flox:74,flush:74,fly:80,fold:75,folder:81,follow:[33,52,55,57,61,63,70,72,74,75,79,80,81,82,83,84,85],foo:[74,75,81],foo_kwarg:81,foo_nod:81,forc:[52,70,72,81],force_fp32_output:81,forced_fallback_op:55,form:[53,69,74,85],format:[33,45,48,49,52,62,65,69,70,74,75,82,85],forth:75,forum:63,forward:[29,30,32,33,55,57,60,61,69,70,80,83,86],found:[42,43,44,45,61,63,74,83,84],four:[74,75],fp16:[0,48,49,52,61,62,64,87],fp32:[0,48,49,52,64,70,81,82,83,85],frac:74,freed:60,freeze_modul:54,friend:45,fringilla:77,from:[0,1,2,3,4,29,30,44,46,48,49,52,53,54,55,56,57,58,60,61,64,66,70,72,73,74,75,80,81,82,83,85],from_tensor:81,frontend:[62,64],fssl:63,fstream:[20,44],full:[45,49,52,60,61,67,83,84,85,87],fulli:[31,52,54,61,70,83,87],further:81,fusc:77,fuse_addmm_branch:54,fuse_flatten_linear:54,fuse_linear:54,fusion:[60,81],futur:[70,81],fx2trt_exampl:81,fx:[62,64,69],g:[29,30,52,54,63,66,69,74,81,83],g_:74,gamma:65,gatewai:73,gaurd:43,gcc:[58,61],ge:65,gear:83,gener:[3,4,29,52,54,57,58,60,61,63,66,72,74,75,78,80,81,83],get:[0,1,2,3,4,23,34,44,46,54,55,60,61,63,67,69,81,82,83,85],get_batch:68,get_batch_impl:44,get_batch_s:68,get_build_info:[21,38,45,50,69],get_cache_mode_batch:68,get_is_colored_output_on:[18,39,42,50,67],get_logging_prefix:[18,39,42,50,67],get_output:81,get_reportable_log_level:[18,39,42,50,67],getattr:[54,57,61,80],getbatch:[3,4,44],getbatchs:[3,4,44],getdimens:[60,61],getoutput:[60,61],git:78,github:[59,61,63,72,83,84,85],github_url:72,gitlab:72,gitlab_url:72,give:[72,74,81],given:[48,49,52,54,61,62,66,68,69,70,80,81,86],global:[26,52,61],gnu:63,go:[44,54,55,61,64,80,81,82,85],goal:60,goe:[74,81],good:[44,60,74,81],goodger:75,googl:72,got:[61,74],gpu:[1,32,35,37,45,46,52,61,69,70,81,83,85,86,87],gpu_id:[35,45,46,52,69,83,86,87],graph:[16,31,32,37,45,52,53,55,56,58,60,61,64,67,70,80,81,82],graph_input:[45,49],graph_modul:66,graphinput:[21,38,45,49,50],graphinputsstruct:50,graphmodul:[62,66],gravida:77,great:[61,74],greater:67,group:[65,74,75],grpc:85,gru_cel:65,gt:65,gtc:64,guangzhou:75,guard:54,guard_elimin:54,gui:74,guid:[64,73],gulf:85,gz:[74,75,83],h:[0,1,2,3,4,5,6,7,8,9,10,11,12,15,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,49,50,51,52,54,61,83],ha:[49,53,54,55,56,58,60,61,66,74,75,80,81,82,83],habit:77,habitass:77,hac:77,hack:44,hakaimagazin:85,half:[52,61,62,69,74,83,85,86,87],hand:85,handl:[54,57,81],happen:[80,81],hardtanh:[60,65],hardtanh_:65,hardwar:87,has_batch_dim:66,hash:63,have:[29,33,44,52,53,54,60,61,63,64,66,69,70,74,80,81,82,83,85],haven:61,header:[61,72,74,75,85],heart:75,heaven:74,heck:74,heh:75,hehe:75,height:74,help:[27,52,53,60,61,81,82,84],helper:60,hendrerit:77,here:[44,53,55,57,61,63,72,74,75,80,81,83,84,85],hermet:63,hexagram:74,hfile:50,hi:[65,74,75],hidden:[43,72],high:[54,55,72],higher:[54,72,74,80],highli:[82,85],highlight:74,hinton:83,hold:[46,47,48,53,60,83],holder:[57,76],holi:74,home:63,hood:58,hope:75,host:[49,52,63,70,85],how:[3,4,63,74,76,78,80,82,84,85,86],howev:[29,63,72,73,85],html:[59,63,74,80,83],html_theme:79,html_theme_opt:72,html_theme_path:79,http:[59,61,63,72,74,80,82,83,84,85],http_archiv:63,httpclient:85,hub:85,huggingfac:82,human:74,humankind:75,hx:65,hybrid:70,hyperlink:74,hyphen:74,i8:52,i:[52,54,60,61,74,75,80,83],iaculi:77,icon:[72,74],id:[35,45,52,69,72,73,77,87],idea:[54,74],ident:52,idx:65,ifndef:[44,45],ifstream:44,ignor:69,iii:75,iint8calibr:[3,4,29,30,44,45,49,70,83],iint8entropycalibrator2:[3,4,29,30,44,83],iint8minmaxcalibr:[29,30,83],ilay:60,illustr:[81,82],imag:[83,85],imagenet:82,imagenett:82,images_:83,img1:85,img:85,img_path:85,imperdiet:77,implement:[3,4,54,55,57,61,73,81,83,84],implic:54,implicit:[65,74,81],implicitli:69,implictli:69,improv:75,in_shap:61,in_tensor:80,incas:44,includ:[13,15,16,34,36,42,43,44,45,51,52,55,56,57,58,61,63,66,72,74,80,81,83],includedirectori:50,includehidden:72,incompat:63,incorpor:75,indent:74,index:[33,59,64,65,70,72,78,83],indic:[65,72,74],indirect:74,inetworkdefinit:53,infer:[54,61,69,70,81,82,83],inference_output:85,inferenceservercli:85,inferinput:85,inferrequestedoutput:85,info:[16,32,37,45,52,60,61,67,69],inform:[25,33,34,36,48,52,53,55,57,61,63,64,66,67,69,74,80,81,83,86],infrastructur:[83,85],ingest:58,inherit:[50,81,83],initi:74,injuri:74,inlin:[0,1,2,3,4,29,30,44,46,48,54,61,75,78],inner:[49,75,82],input0:61,input1:61,input2:61,input:[3,4,21,29,33,38,44,45,47,49,50,52,53,54,55,57,60,61,62,65,66,67,69,70,75,80,81,82,83,85,86,87],input_0:[57,61],input__0:85,input_data:[62,80],input_file_path:[52,87],input_is_dynam:45,input_nam:[66,81],input_s:[55,61],input_scal:65,input_shap:[83,87],input_signatur:[45,47,49,70],input_spec:[52,66,81],input_tensor_spec:[66,81],input_v:81,inputclass:50,inputrang:[55,61],inputtensorspec:[66,81],insert:[61,83],inserting_befor:81,insid:[74,85],inspect:[60,61,80],instal:[61,64,78,84,85],instanc:[54,61,68,80,82],instance_norm:65,instanti:[56,57,58,60,61],instatin:[0,1,2,46],instead:[49,52,53,54,61,63,84],instnanti:57,instruct:[55,56,58,61,63,81,85],insur:63,int32:[69,70,82],int64:70,int64_t:[45,46,48,49,83,87],int8:[0,44,48,49,52,64,69,70,83,87],int8_t:[17,45],int8cachecalibr:[20,29,40,44,50],int8cachecalibratortempl:50,int8calibr:[3,20,30,40,44,50],int8calibratornamespac:50,int_float:65,integ:[69,77],integr:64,intend:63,intent:[54,74],interact:74,interdum:77,interest:[54,74],interfac:[0,1,2,46,57,58,60,83],interfer:74,intermedi:[16,49,52,67,70,80],intern:[1,16,46,60,61,67,74],internal_error:67,internalerror:67,interpol:74,interpret:[57,74,81],intro_to_torchscript_tutori:80,introduc:[81,82],invok:[61,80,81],io:[44,85],iostream:[20,21,44,45,61],ipso:74,ipsum:[75,77],ir:[56,58,60,62,69,80],is_floating_point:65,is_train:83,iscustomclass:60,isinst:81,isn:[72,74],issu:[3,4,61,63],istensor:60,istream_iter:44,it_:44,ital:74,item:[73,75],itensor:[53,60,61,81],iter:[20,44,49,52,53,68,70],its:[29,53,57,60,63,74],itself:[0,1,2,46,52,54,63,85,86],iv:75,ivalu:[45,47,49,53,57,60,61],jan:75,jetpack:63,jetpack_5:63,jetpack_x:63,jetson:[69,82],jit:[31,32,33,37,45,47,49,52,53,54,55,56,57,58,59,60,61,62,69,70,80,85,86],jp_workspac:63,jpg:85,jump:85,just:[44,45,54,61,62,64,67,74,76,80,81,82,84,86],justo:[75,77],k:[65,83],kbool:[0,45],kchannelslast:[2,45],kchar:[0,45],kclip:60,kcontigu:[2,45,48],kcpu:[1,46],kcuda:[1,46,55,61],kdebug:[16,42,44],kdla:[1,45,46,87],kdla_standalon:[17,45],keepdim:65,kei:[74,80,85],kept:75,kernel:[48,49,52,60,69,70,81],kernel_s:65,kerror:[16,42],keyboard:74,keyword:[69,70],kf16:[83,87],kfloat:[0,45,49],kgpu:[1,45,46],kgraph:[16,42,54],khalf:[0,45,61],ki8:83,kind:[53,69,81],kinfo:[16,42,44],kint:[0,45],kinternal_error:[16,42],know:[42,60,72,74],knowledg:74,kriz:83,krizhevski:83,ksafeti:[17,45],kstandard:[17,45,49],ktest:83,ktrain:83,kunknown:[0,2,45],kwarg:[68,69,81,82],kwarn:[16,42],l:65,label:[74,82,83,85],lacinia:77,lack:[55,56,58,81],lacu:77,laid:61,lambda:[60,61,74,85],lang:73,languag:[73,74,75,80,85],laoreet:77,larg:[56,58,61,72,74,82,83],larger:[72,82],largest:65,last:[2,54,69,81],lastli:85,later:[29,61],latest:[63,72],launch:85,layer:[46,49,52,53,54,60,61,70,81,82,83,85,87],layer_norm:65,layout:[2,48,65,69,70],ld_library_path:63,ld_preload:84,ldd:63,le:65,lead:74,leader:74,leaky_relu:65,leaky_relu_:65,learn:[61,64,83,85,87],leas:75,least:[74,75],leav:54,lectu:[75,77],left:[72,74],legacy_calibr:68,legend:74,len:65,lenet:[61,80],lenet_script:[61,80],lenetclassifi:80,lenetfeatextractor:80,length:[3,4,44,65,75,81],leo:77,let:[46,52,54,60,69,70,72,74,81,82,85],letter:[75,82],level:[18,23,25,26,39,42,44,50,54,55,58,67,70,78,80,81,85],levelnamespac:50,leverag:[81,83],lib:[54,61,63],libero:[75,77],librari:[34,42,43,44,45,52,56,57,58,60,61],libtorch:[4,36,60,61,63,83],libtorch_pre_cxx11_abi:63,libtorchtrt:[52,61,63],libtorchtrt_plugin:84,libtorchtrt_runtim:84,licens:[42,43,44,45,61],light:74,ligula:77,like:[52,53,54,57,60,61,62,63,73,74,80,81,83,84,85],limit:[54,67,73,83],line:[52,61,75],linear:[2,65,69,80],link:[52,53,61,64,72,73,78,84],linux:[58,61,63],list:[18,19,20,21,31,49,51,53,55,57,60,61,62,63,65,66,69,70,78,81,85],listconstruct:[53,57,61],listunpack:[57,61],liter:75,literal:75,literal_block:74,live:[60,74],ll:81,lo:65,load:[52,55,57,61,62,68,70,81,82,83,84,85,86],load_librari:84,loading_data_recip:83,loborti:[75,77],local:[52,54,61,72],localhost:85,locat:[63,83],lock:73,log:[15,16,19,20,38,44,50,51,54,60,64,65,69,81],log_debug:60,logger:67,logger_level:66,loggingenum:50,logic:81,login:85,logist:81,loglevel:67,logo_onli:72,lone:75,longer:[72,84],look:[53,54,80,83,85,86],loop:81,loop_unrol:54,lorem:[75,77],lose:72,loss:[82,83],lot:60,low:81,lower:[16,67,69,75,82],lower_exampl:81,lower_graph:54,lower_precis:81,lower_tupl:54,loweralltupl:54,lowersimpletupl:54,lstm_cell:65,lt:65,ltorchtrt:84,luctu:77,lvl:[25,26,42],m:75,machin:[57,83,85],macro:[5,6,7,8,9,10,11,12,15,18,20,21,42,44,45,50,51],mad:74,made:[54,56,58,74],maecena:77,magna:77,mai:[53,57,58,61,62,70,74,75,80,81,83,85],main:[54,55,56,57,58,60,61,72,74,76,81],mainli:81,maintain:[55,57,60],major:[58,81],make:[53,61,62,63,74,76,81,82,83,85,87],make_data_load:[4,83],make_int8_cache_calibr:[20,40,44,50,83],make_int8_calibr:[20,29,40,44,50,83],malesuada:77,man:[74,75],manag:[49,52,53,56,58,60,61,67,69,70],mangag:54,mani:[72,74,75,81],mantissa:[49,70],manual:[73,74,81],map:[1,46,53,54,56,58,60,61,81,82,83,85,86],mapper:81,mark:[54,72],marknodesforfallback:54,markup:[75,78],markup_process:74,mask:65,masked_fil:65,massa:77,master:[59,63,74,83,84],mat2:65,match:[54,63],math:78,matmul:[54,61,65],matrix:59,matter:81,matti:75,matur:58,mauri:[75,77],max:[48,52,60,65,69,72],max_batch_s:[81,85],max_c:52,max_h:52,max_input_shap:66,max_n:52,max_pool1d:65,max_pool2d:[61,65,80],max_pool3d:65,max_shap:[45,48,62,69,70,81,82],max_val:[60,65],max_w:52,max_workspace_s:81,maximu:77,maximum:[48,49,52,70,81,85],mayb:74,mb:52,md:59,me:[74,75],mean:[55,60,64,65,81,85],mechan:[60,81,82],medium:74,meet:69,member:[46,47,48,49,69],memeori:2,memori:[20,21,44,45,54,60,61,62,69,70],memory_format:[65,69],memoryformat:[2,45],men:74,mental:74,menu:[52,72,74],menuselect:74,messag:[16,25,26,52,67],meta:[78,81],metadata:[49,52,57,60,70,72],meth:74,method:[31,32,33,37,48,52,54,60,61,63,69,70,74,80,82,86],method_nam:[31,37,45,52,61,69,70],metu:77,mi:77,middl:74,might:[54,63,72],min:[48,52,60,65,69],min_block_s:[45,49,55,70],min_c:52,min_h:52,min_input_shap:66,min_n:52,min_shap:[45,48,62,69,70,81,82],min_val:[60,65],min_w:52,mind:74,mine:74,minim:83,minimum:[48,49,52,55,67,70],minmax:[29,30,83],minmax_calibr:68,misbuild:72,miss:[61,74],mkdir:63,mm:85,mmb:74,mobilenet_v2:86,mobilenetv2:82,mod:[52,55,61,78,81,83],mode:[62,81,83],mode_:83,model:[52,55,57,61,62,64,66,67,80,83,86],model_nam:85,model_repositori:85,model_torchtrt:67,model_trt:67,modifi:[75,81],modul:[31,32,33,37,45,49,52,55,56,57,58,60,62,63,64,66,69,70,73,74,75,81,82,83,86,87],modular:61,module_fallback:54,module_nam:52,molesti:77,momentum:65,morbi:77,more:[53,61,63,64,69,72,75,80,81,83,84,85,86],most:[58,63,66,81,84,85],mother:74,motion:74,mous:74,move:[30,44,54,57,61,70,83],msg:[26,42,67],mu:74,much:[60,72,74,83],mul:65,mul_:65,multi:52,multipl:[57,74,75,83,85],multipli:[49,70],must:[33,48,49,52,54,55,60,61,63,69,70,74,75,81,84],mutil:75,my:74,my_pytorch_model:81,myclass:74,mymodel:[55,62],myself:75,n:[52,60,61,83],nabla:74,nam:[75,77],name:[3,4,31,33,37,44,55,57,60,61,63,68,70,74,75,80,81,85,86],namedtupl:81,namespac:[42,43,44,45,51,54,64,83],narrow:65,nativ:[58,59,61],native_funct:59,natur:74,nav:[72,78],navig:72,navigation_depth:72,nbbind:[3,4,44],nchw:[2,69,70],ne:[54,65],nec:77,necessari:[42,84],need:[0,1,2,25,29,43,46,53,54,60,61,62,63,66,74,81,82,83,84,85],neg:65,negative_slop:65,nequ:[75,77],nest:[45,49,50,74,75],net:[60,61,74,75],netu:77,network:[29,30,60,61,81,82,83,85,87],neural:87,new_lay:60,new_local_repositori:63,new_siz:83,newer:63,next:[3,4,53,57,72,74,75,83,85],ngc:[63,85],nhwc:[2,52,69],nibh:[75,77],nice:63,nickel:74,night:75,nightli:81,ninja:63,nisi:77,nisl:77,nlp:[29,30,83],nn:[54,59,61,62,69,70,80,81],node:[54,55,56,58,60,61,81,82],node_info:[60,61],noexcept:[3,4,44,83],non:[75,77],non_block:65,none:[60,65,66,69,70,72,74,81],nonetheless:74,nonexist:74,norm:65,normal:[0,1,2,46,61,74,80,81,83,85,87],normalized_shap:65,noskipw:44,notatemoduleforfallback:54,note:[1,46,48,60,61,63,69,72,74,81,87],notebook:[58,64],now:[54,58,60,61,63,74,81,86],np:85,nu:74,nulla:77,nullptr:[44,45,49],num:52,num_avg_timing_it:[45,49,70,86],num_it:52,num_op:52,num_work:83,number:[3,4,49,52,54,55,60,61,62,69,70,72,81,82],numel:65,numer:[52,75,81],numpi:85,nunc:77,nvcr:85,nvidia:[32,37,42,43,44,45,52,59,61,63,69,70,81,85,87],nvinfer1:[3,4,29,30,44,45,49,60,83],nvinfer:[20,44],o:[63,74,85],obj:65,object:[0,1,2,3,4,46,48,49,52,57,60,67,68,70,83,86],obtain:82,obvious:80,odio:[75,77],off:[55,57],offici:63,ofstream:[44,61],often:74,oh:75,ok:[61,74],okai:49,older:58,onc:[42,43,44,45,53,54,57,81,83,84,85],one:[47,54,60,61,62,67,69,74,80,81,85],ones:[42,55,56,58,61,63,74],onli:[1,3,4,16,29,44,46,48,52,54,55,58,60,63,66,67,69,74,81,83,84,87],onnx:54,onto:[52,57],op:[52,53,54,56,58,60,61,69,84],op_and_target:81,op_nam:52,open:[82,85],oper:[0,1,2,3,4,31,44,45,46,49,52,53,54,55,56,57,58,60,62,64,69,70,81,83,87],oppos:70,opset:[56,58],opt:[48,63,69],opt_c:52,opt_h:52,opt_n:52,opt_shap:[45,48,62,69,70,82],opt_w:52,optim:[48,52,54,61,62,64,66,80,81,82],optimin:48,optimiz:80,optimize_target_shap:81,optimized_input_shap:66,optimz:85,option:[44,48,52,55,56,58,63,69,74,78,81,83,84,87],orchestra:74,orci:77,order:[49,55,60,61,62,63,66,70,81],org:[59,61,63,72,74,80,83],organ:75,origin:81,ornar:[75,77],os:45,ostream:45,other:[0,1,2,45,46,52,53,54,57,61,62,63,64,65,73,74,81,84],otherwis:[63,84],our:[55,58,61,80,85],out:[31,44,53,54,55,56,58,60,61,63,67,70,74,85],out_shap:61,out_tensor:[60,61],output0:54,output:[24,27,33,49,52,53,54,55,57,60,61,63,67,70,72,74,75,81,82,85],output__0:85,output_file_path:[52,87],output_nam:[66,81],output_pad:65,output_s:65,outself:61,outsid:74,over:[56,58,74,81,85],overal:82,overrid:[3,4,29,30,44,69,81,83],overview:[59,64],own:[60,61,63,74,85],p:[52,61,65,85,87],packag:[52,54,61],pad:65,padding_idx:65,page:[64,76,78,85],pair:[54,60,63,74,82,83],pane:74,paragraph:[75,78],param:[68,73],paramet:[0,1,2,3,4,25,26,27,29,30,31,32,33,35,37,46,48,49,53,54,60,61,67,69,70,78,80,81],parent:[14,15,18,19,20,21],pars:[61,74],parser:74,part:[52,55,58,72,73,74,81],partial:[52,74],partit:54,partitioninfo:55,pass:[53,55,56,57,58,60,61,63,67,68,80,81,83],past:74,path:[4,13,14,15,29,30,52,61,63,68,69,80,81,83,85],path_to_torchtrt_root:63,pathwai:80,pattern:[60,61,69],payment:73,pbtxt:85,peephole_optimz:54,pellentesqu:77,peopl:74,pep:74,perforamnc:81,perform:[29,30,82,83,85],permit:74,permut:[65,81],persist:74,pharetra:77,phase:[16,60,61],phasellu:77,phi:74,philosoph:74,phrase:74,pi:74,pick:80,pickler:57,piec:82,pil:85,pin:73,pin_memori:65,pip3:63,pip:[63,85],pipelin:[52,87],piplein:61,pixel_shuffl:65,pl:73,place:[48,54,63,74,75,76,81,83],placerat:77,plan:[52,58],platea:77,platform:[45,52,58,63,85,87],pleas:[61,63,74,81,85],plugin:81,point:[61,69,72,73,74,85],pointer:[3,4,83],polish:73,pool:87,pop:57,popul:66,popular:[63,73,82],portabl:[57,70],portion:74,porttitor:[75,77],posit:[52,69,72,81],possibl:[63,74,82,85],post:[29,30,49,52,61,64],posuer:[75,77],potenti:[49,77],pow:65,power:[61,74,81,82],pr:61,praesent:77,pragma:[42,43,44,45,83],pre:[33,54,68,70,83,84],pre_cxx11_abi:63,preced:74,precis:[49,52,61,62,64,69,81,83,87],prefer:61,prefix:[27,28,42,67,74],preinstal:63,prelu:65,prepar:[81,85],preprint:83,preproc:68,preprocess:[83,85],preserv:[74,80,83],prespect:80,press:74,pretium:77,pretrain:[82,85,86],pretti:61,prev_next_buttons_loc:72,prevent:[49,52],previou:72,previous:[29,33,61],prim:[53,54,57,61,65,80],prim_devic:65,primal:74,primarili:[58,61],print:[16,31,44,61,67,69,70,74,85,86],priorit:63,privat:[3,4,44,45,83],problem:74,problemat:74,proce:85,proceed:85,process:[52,55,73,74,80,82,83,85,86],prod:65,produc:[48,53,57,60,61,74,82],product:49,profil:[48,66],profiling_verbos:81,program:[18,19,20,21,29,51,52,56,57,58,64,80],programm:74,progress:75,proin:77,project:[63,73,78],promis:81,prop:66,properli:63,properti:72,propog:54,prose:74,provid:[3,4,49,52,55,57,60,61,62,63,66,69,70,74,81,83,84,85,86],providi:[56,58],provok:74,pt:[52,61,81,85],ptq:[3,4,15,18,19,38,50,51,52,64,69,70],ptq_calibr:[3,4,45,49,83],ptqtemplat:50,publish:85,pull:[63,85],purchas:73,pure:31,purpos:[63,81,82,85],puru:77,push:57,push_back:[44,55],put:[74,82],pwd:85,py3:85,py:[54,58,61,63,72,74,79,80,81,83],pyindex:85,pypi:63,python3:[54,61,63],python:[52,55,58,61,69,70,74,75,81,82,84,85,86,87],python_api:59,pytorch:[48,49,52,54,55,56,57,58,60,61,62,63,68,69,70,80,83,84,85],pytorch_libtorch:85,pytorch_sphinx_them:[72,79],qat:82,quant_max:65,quant_min:65,quantiz:[29,30,52,61,64],quantizatiom:49,quartznet:82,question:61,qui:[75,77],quickli:[52,61,83],quisqu:77,quit:[60,61,82],quot:75,r:74,rais:[54,81],raiseexcept:54,ram:[49,52,70],rand:[61,81],randn:[55,61,69,70,86],rang:[48,49,52,69,81,82],rank:72,rather:54,raw:72,re:[74,81],read:[3,4,29,30,44,72,74,83],read_calibration_cach:68,readcalibrationcach:[3,4,44],reader:74,realiz:57,realli:60,reason:[0,80,81],reattribut:75,recalibr:29,receiv:81,recip:83,reciproc:65,recognit:[82,83],recomend:[29,30],recommend:[29,30,61,63,74,81,85],record:[53,80],recurs:53,redistribut:75,reduc:[54,56,58,81,82,83],redund:81,ref:74,refer:[48,56,58,61,73,78,81,83,85],referenc:63,refit:[45,49,70,86],reflect:45,reflection_pad1d:65,reflection_pad2d:65,regard:[63,74],regardless:75,region:81,regist:[33,57,60,70,81],register_acc_op:81,register_acc_op_map:81,register_custom_acc_mapper_fn:81,registernodeconversionpattern:[60,61],registr:81,registri:[53,61],reinterpret_cast:44,rel:52,relat:[46,74],relationship:50,releas:74,reload_model_output:81,reload_trt_mod:81,relu:[55,61,65,80],relu_:65,remain:[54,83],rememb:81,remov:72,remove_contigu:54,remove_dropout:54,remove_to:54,render:72,rent:75,repack:57,repeat:[52,65],replac:[54,63],replication_pad1d:65,replication_pad2d:65,replication_pad3d:65,report:[23,44],reportable_log_level:67,repositori:[58,72,79,85],repres:[48,49,60,67,74,81],represent:[54,60,80,81,82],request:[61,69,85],requir:[29,49,52,53,54,61,67,69,70,72,81,83,84,85],require_full_compil:[45,49,70],requires_grad:65,research:81,reserv:[42,43,44,45],reset:44,reshap:[65,85],resiz:85,resnet50:85,resnet:[57,82,85],resnet_trt:57,resolut:82,resolv:[53,54,56,58],resourc:[53,83],respons:[29,57,74],rest:[74,75,81],restrict:[49,70],restructuredtext:[74,75],result:[53,54,62,67,70,72,80,85],ret:54,reus:[54,81,83],revert:72,revis:[74,75],revisit:74,rfc:74,rho_:74,rhoncu:77,right:[42,43,44,45,54,58,60,74],risu:77,rm:85,rn50_preprocess:85,role:74,roll:65,roman:75,room:74,root:[42,43,44,45,63,72,83],roughli:55,round:[49,70],rounding_mod:65,row:75,rst:[72,74],rsub:65,rtol:52,rule:[63,70,81],ruler:74,run:[1,37,46,49,52,53,54,55,56,57,58,60,61,62,63,64,66,69,70,74,80,81,82,83,84,85,86,87],running_mean:65,running_var:65,runtim:[61,64],runtimeerror:81,rutrum:[75,77],s:[48,49,55,57,60,61,62,63,64,66,69,72,74,75,80,81,82,83,85],safe:[60,70],safe_dla:69,safe_gpu:69,safeti:[49,52,69],sage:74,sagitti:[75,77],sai:[75,82],said:74,same:[57,61,63,72,74,80,81,85,86],sampl:[74,81,83,85],sample_input:81,sapien:77,satisfi:[55,81],save:[29,44,52,57,61,62,69,70,81,82,84,85],saw:61,scalar:[60,65],scalaropt_dim:65,scalartyp:[0,45,65],scale:[65,82,83],scale_factor:65,scale_grad_by_freq:65,scales_d:65,scales_h:65,scales_w:65,scelerisqu:77,schedul:[69,85],schema:[60,61],scheme:81,scientist:74,scope:54,scratch:29,scratch_spac:85,screen:72,script:[31,54,55,61,62,69,70,80,86],script_model:[80,86],scriptclass:70,scripted_model:87,scriptmodul:[61,62,69,70],scroll:[72,76],sdk:59,se:82,seamlessli:64,search:[64,72],second:[54,74,81],secondli:85,section:[61,72,74,75,76,78,81,83,85],sed:[75,77],see:[31,54,57,61,63,69,70,74,80,81],seen:[74,75],segment:[55,82],select:[17,29,30,37,49,52,57,62,63,65,69,70,73,76,81,83],self:[54,57,60,61,65,68,80,82,87],self_1:[57,61],self_int:65,sell:75,seller:73,seller_id:73,sem:77,semant:74,semper:77,send:85,senectu:77,sens:[61,74],sentenc:[74,82],sentinel:[0,2],separ:[55,56,58],sequenc:[66,74,81,82],serial:[33,37,52,56,58,61,69,70],seriali:70,serializ:[57,80],serialized_cach:[66,81],serialized_engin:70,seril:57,serv:[52,57,64,81],servic:74,session:74,session_nam:74,set:[3,4,16,21,25,27,29,32,35,37,45,46,48,49,52,53,54,55,56,57,58,61,62,63,64,66,67,69,70,72,76,79,80,81,82,83,87],set_data_from_numpi:85,set_devic:[21,38,45,50,69],set_is_colored_output_on:[18,39,42,50,67],set_logging_prefix:[18,39,42,50,67],set_reportable_log_level:[18,39,42,50,67],setalpha:60,setbeta:60,setnam:[60,61],setreshapedimens:61,setup:[43,83,85],sever:[16,26,67],sh:63,sha256:63,shape:[45,47,48,49,52,55,60,62,65,66,69,70,81,85,87],shape_mod:69,shape_rang:[66,81],share:[49,52,63,70],shell_command:74,shift:[63,65,74],ship:[61,84],shorthand:74,should:[0,3,4,29,45,49,52,53,54,55,56,58,60,64,67,69,70,72,74,77,81,83,85],show:[72,74,82],shown:[61,72,74],shuffl:[61,83],side:[54,61,72],sidebar:[72,78],sigmoid:[65,81],sigmoid_:65,sign:85,signatur:70,signifi:[48,54],signific:74,significantli:[54,72],similar:[60,61,81,84,86],simonyan:83,simpil:83,simpl:[74,75,80,81,82,85],simplest:85,simpli:[54,82],simplifi:53,simul:82,sin:[65,74],sinc:[54,61,74,80,81,83],sing:74,singl:[48,52,54,61,69,74,80,81,83],singular:60,sinh:65,sink:74,sit:[75,77],site:[54,61,63,74],six:74,sixth:75,size:[3,4,44,48,49,52,54,55,61,65,69,70,72,81,82,83],size_t:[3,4,44,83],skip:52,slash:72,slice:65,slightli:81,sm:57,small:[54,85],smaller:82,so:[0,44,52,53,54,57,58,60,61,63,64,73,74,75,81,83],sodal:77,softmax:[54,65,81],softwar:[49,52,70,74],sole:[62,83],sollicitudin:77,solv:85,some:[53,54,56,57,58,60,61,73,74,81,83],some_funct:74,someth:[43,54,74,85],someurl:74,sort:[60,65,86],sourc:[42,43,44,45,58,66,67,68,69,70,81],sourceforg:[74,75],space:[74,75,83],spaces_and_linebreak:74,span:75,spars:[52,65],sparse_weight:[45,49,70,81],sparsiti:[49,52,70,81],spec:[45,48,49,52,67,69,70,86],specif:[32,49,54,56,58,69,70,74,82],specifi:[3,4,52,60,62,63,64,67,69,70,72,74,81,85,86],specifii:69,speech:82,speedup:82,sphinx:[72,73,74,75,79],sphinx_rtd_them:[74,75],spin:85,spirit:74,split:[65,81],split_siz:65,split_with_s:65,sqrt:65,squeez:[65,82],sram:52,src:[57,59,65],ss:44,ssd300_trt:57,ssd:57,ssd_trace:52,ssd_trt:52,sstream:[20,44],stabl:[59,70,72],stack:[57,65,83],stage:[53,81],stand:[57,74],standalon:74,standard:[52,57,64,74,82,84,86],stapl:75,start:[53,55,61,63,65,75,81,82,86],start_dim:[61,65],start_step:65,state:[53,60,61],statement:[54,74],static_cast:44,statu:[44,75],std:[3,4,22,26,28,29,30,31,33,34,37,42,44,45,47,48,49,55,61,83,85,87],stdout:[36,67,69],steamlin:83,step:[64,65,81,82,83],stick:72,sticki:[72,78],sticky_navig:[72,76],still:[44,55,81,83],stitch:[55,61],stop:61,storag:83,store:[2,4,49,52,53,57,60,61,70,80,81],str:[19,43,44,50,65,67,69,70,81],straight:60,strang:74,strategi:69,street:75,strict:84,strict_type_constraint:81,stride:65,string:[3,4,18,20,21,22,26,28,29,30,31,33,34,37,42,44,45,49,55,57,60,61,69,72,83],stringstream:44,strip_prefix:63,strong:74,strongli:74,struct:[1,21,38,41,45,83],structur:[29,46,49,55,58,60,72,74,78,80,85],structuredtext:74,stub:75,stuff:74,style:[42,43,44,45,72,74,75],style_external_link:72,sub:[65,74,80],sub_:65,subdirectori:51,subexpress:54,subgraph:[49,52,53,54,60,61],subject:58,submenu:78,submodul:80,subscript:74,subsect:74,subset:[82,83],substitut:74,subtitl:74,subtre:79,subword:82,sudo:63,suffic:54,suggest:85,suit:64,suitabl:81,sum:[49,65,70,81],superscript:74,supervis:82,suppli:74,support:[0,1,2,27,31,46,48,49,52,55,59,61,62,63,64,69,70,72,73,80,81,85,87],sure:[61,62,63,85,87],suscipit:[75,77],suspendiss:77,symbol:[33,63,70,74,81,84],symlink:79,system:[53,60,63,64,70],t1:65,t2:65,t:[0,1,2,45,46,54,60,61,63,65,72,74,75,80,81,83,85],t_:74,tabl:[63,78],tag:[74,85],take:[31,32,33,37,53,56,57,58,60,61,69,70,72,74,81,82,83,86],taken:74,talk:64,tan:65,tanh:65,tanh_:65,tar:[63,74,83],tarbal:[61,83],target:[1,33,45,46,48,49,52,57,58,62,64,69,70,81,83,86,87],targets_:83,task:[29,30,81,82,83],techinqu:61,techniqu:83,tell:[54,55,56,57,58,60,74],tellu:77,tem:52,templat:[20,40,44,45,50,61,72],temporari:81,tempu:77,tensor:[2,33,44,45,48,49,52,53,54,55,57,60,61,65,66,69,70,80,81,82,83],tensor_mod:65,tensor_scalar:65,tensor_tensor:65,tensorcontain:60,tensorformat:[21,38,45,48,50,69],tensorformatenum:50,tensorlist:[55,60],tensorrt:[0,1,3,4,29,30,31,32,33,36,37,44,45,46,48,49,52,53,54,55,56,58,60,66,68,69,70,80,83],tensorrt_convert:81,tensorrtcompilespec:[70,86],tensort:81,teo:52,term:[69,74,75,82,83],termin:[27,52,61],test:[52,58,63,74,75,81,82,83,85],test_acc_trac:81,test_ptq_dataloader_calibr:83,test_ptq_trt_calibr:83,test_py_modul:[74,78],testing_dataload:83,testing_dataset:83,text:[67,75,77,82],tf32:[49,52],than:[54,64,73,74,82,84],thats:[53,83],the_model_repositori:85,thei:[46,52,53,54,57,60,62,63,69,72,74,81],them:[54,55,57,61,63,72,81,82],theori:[53,74],therebi:[57,82],therefor:[29,57,61,74,81,82],theres:84,therfor:84,theta:74,thi:[0,1,2,29,30,42,43,44,45,46,47,48,49,52,53,54,55,56,57,58,60,61,63,66,69,70,72,73,74,76,77,80,81,82,83,84,85,86],thicker:74,thin:74,thing1:74,thing2:74,thing3:74,thing:[63,74,81],think:[60,74],third:[75,81],third_parti:[58,63],this_arg_is_opt:81,those:[53,74],though:[52,58,60,61,80],thought:74,three:[48,56,58,66,69,74,75,81,82,85],threshold:52,through:[48,53,54,55,57,61,62,64,67,68,74,81,82],throught:81,thrown:[49,70],thu:74,time:[49,52,53,54,56,57,58,60,61,70,72,74,81,83],timing_cach:81,tincidunt:77,tini:83,titles_onli:72,tmp:61,toctre:72,tocustomclass:60,todim:61,todo:[72,81],togeth:[53,60,61],token:82,toler:52,too:[63,72,74,75],tool:[60,61,81,82],toolchain:[58,63],top:[58,72,76],topk:65,torch:[0,1,2,4,20,21,29,30,31,32,33,36,37,44,45,46,47,48,49,52,53,54,55,56,57,58,60,63,66,69,70,80,83,87],torch_executed_modul:[45,49,55,70],torch_executed_op:[45,49,55,70],torch_scirpt_modul:80,torch_script_modul:61,torch_tensorrt:[0,1,2,3,4,14,16,17,42,43,44,46,47,48,49,50,51,52,55,61,62,64,81,82,83,84,85,86,87],torch_tensorrt_export:43,torch_tensorrt_major_vers:[19,43,50],torch_tensorrt_minor_vers:[19,43,50],torch_tensorrt_patch_vers:[19,43,50],torch_tensorrt_vers:[19,43,50],torch_tensorrtfil:50,torch_tensorrtnamespac:50,torchbind:57,torchhub:85,torchscript:[19,21,38,43,45,49,50,52,56,57,58,62,69,70,82,86,87],torchscriptstruct:50,torchtrt:[43,55],torchtrt_api:[0,2,19,22,23,24,25,26,27,28,31,32,33,34,35,36,37,42,43,44,45,48,49,50],torchtrt_check:60,torchtrt_hidden:[19,43,50],torchtrt_runtime_exampl:84,torchtrt_unus:60,torchtrtc:[63,64,87],torchvis:[57,83,85,86],toronto:83,tortor:77,totensor:[83,85],tovec:61,toward:83,trace:[55,61,70,80,81],traced_model:80,track:[60,83],tradit:[48,70,83],traget:32,trail:72,train:[29,30,49,52,61,62,64,65],trainabl:54,transcrib:82,transfer:73,transform:[61,83,85],transformed_img:85,translat:61,transmit:74,transpos:[65,81],trash:74,travers:[56,58],treat:52,tree:[42,43,44,45,72,83,84],trigger:[61,81],trim:83,tristiqu:77,triton:64,triton_to_np_dtyp:85,tritoncli:85,tritonserv:85,trt:[0,1,3,4,46,48,53,54,57,60,61,65,81],trt_interpreter_result:81,trt_lenet_script:61,trt_mod:[55,61,83,87],trt_model:[55,85,86],trt_ts_modul:[55,62],trtinterpret:[66,81],trtinterpreterresult:[66,81],trtmodul:[66,81],truncat:[49,52,70],truncate_long_and_doubl:[45,49,70],ts:[43,52,55,61,62,64,69,80,86],ts_model:[55,61],tt:74,tue:75,tupl:[57,66,69,70,81],tupleconstruct:[54,57],tupleunpack:54,turpi:77,tutori:[80,83],two:[52,54,60,62,63,74,75,79,80,81,83,85],type:[0,1,2,30,49,50,52,53,57,60,61,62,66,67,69,70,74,81,82,83],type_fp32:85,typenam:[3,4,29,30,44],typic:[53,60,85],ugli:74,ui:73,uint64_t:[45,49],ultric:77,un:83,unabl:[60,61],unbind:65,unbroken:74,uncas:82,uncom:63,under:[42,43,44,45,58,74],underli:[0,1,2,46,60],uniformli:82,union:[60,61,69,70],uniqu:[4,62],unique_ptr:[4,30],unit:81,univers:74,unknown:69,unless:81,unlik:[63,64,86],unlimit:72,unpack_addmm:54,unpack_log_softmax:54,unqiue_ptr:4,unreferenc:74,unrestrict:74,unsqueez:65,unstabl:58,unsupport:[31,49],unsur:60,untest:58,until:[53,58,60,63],unwrap:60,unwraptodoubl:60,unwraptoint:61,unzip:63,up:[53,54,56,57,58,74,80,81,82],updat:81,upload:85,upon:72,upper:75,upsample_bilinear2d:65,upsample_linear1d:65,upsample_nearest1d:65,upsample_nearest2d:65,upsample_nearest3d:65,upsample_trilinear3d:65,upscale_factor:65,upstream:61,uri:74,url:[63,72,85],urna:77,us:[0,1,2,3,4,29,30,32,35,37,43,44,45,46,48,49,52,53,55,57,58,60,64,66,67,68,69,70,72,73,74,75,80,81,83,84,85,87],usag:[61,68,74],use_cach:[3,4,30,44,68,83],use_cache_:44,use_cmake_generated_export_head:43,use_input_stat:65,use_subset:83,usecas:[62,63],user:[42,48,55,56,57,58,61,62,63,64,74,75,83,85],using_int:[61,65],usr:63,usual:[72,81],ut:77,utf:[74,75],util:[60,61,70,82,83,85],v0:[71,85],v2:[29,30],v:[52,75,85],valid:[1,46,60],valu:[0,1,2,16,17,45,46,48,53,57,60,61,65,67,68,69,72,82],value_tensor_map:[53,60],vanilla:81,vari:66,variabl:[48,69,81],variant:84,varient:54,varieti:85,variou:[81,87],variu:77,vcs_pageview_mod:72,vec:65,vector:[20,21,44,45,47,48,49,55,57,61,83,87],vehicula:77,vel:77,velit:77,venenati:77,verbios:52,verbos:[52,75],veri:[75,76,81,83,85,86],verifi:55,verison:63,version:[34,36,58,63,72,75,81,82,85],vertic:[72,74],vestibulum:[75,77],vgg16:83,vgg:83,vi:74,via:[64,69,70,72,78,81,82,83,84],view:[65,72],virtual:83,vision:[81,85],visitor:72,vita:[75,77],vivamu:77,viverra:77,vm:75,volutpat:77,vs:[0,1,2,46,54,70,86],vulput:77,w:52,w_hh:65,w_ih:65,wa:[54,57,61,74,81],wai:[52,61,63,80,81,82,83],walkthrough:82,want:[42,55,61,66,80,81,83,85,86],warn:[16,44,52,60,67],wash:74,we:[42,44,53,54,56,57,58,60,61,66,72,74,80,81,82,83,85],weak:74,web:74,websit:63,weight:[48,49,52,53,61,65,70,74,81,82],welcom:[61,81],well:[61,63,67,74,83],were:61,wget:85,what:[4,54,61,62,74,80,81],whatev:[57,81],wheel:63,when:[27,44,45,46,52,53,54,56,57,58,60,61,63,67,69,70,72,74,76,80,81,82,83],where:[53,54,60,61,70,75,81,83],wherev:81,whether:[4,52,66,69,73,81,83],which:[1,2,29,32,37,46,49,53,54,55,56,57,58,60,61,62,63,68,70,72,74,75,80,81,82,83,84,85,86],white:74,whitespac:74,whl:63,who:74,whole:81,whose:[54,81],why:74,wide:78,width:[74,82],window:74,window_nam:74,wish:75,within:[49,52,56,58,70,72,74],without:[60,61,72,74,83],wl:84,wooden:74,word:[74,82],work:[44,54,58,60,74,75,81,83],worker:83,workflow:[81,82,86],workspac:[49,52,63,70],workspace_s:[45,49,52,70],world:74,would:[52,60,61,62,63,81,84,85,86],wp:85,wrap:[56,57,58,61,74,77,81,86],wrapper:[60,81],write:[3,4,29,30,44,53,61,64,74,81,83,85],write_calibration_cach:68,writecalibrationcach:[3,4,44],wrote:74,www:[61,63,72,74,83,85],x86:84,x86_64:[58,63],x9:54,x:[5,10,33,43,54,61,63,70,75,80],x_0:74,x_1:74,x_2:74,x_3:74,x_4:74,x_:74,xavier:[45,87],xstr:[19,43,50],xx:85,xxx:81,y:[33,70,75],yahoo:75,yaml:59,yet:[81,82],you:[0,1,2,29,30,46,48,49,52,53,54,55,57,58,60,61,62,63,64,69,70,72,74,75,76,80,81,82,83,84,85,86],your:[60,61,62,63,64,72,74,75,79,80,84,86],yourself:61,yy:85,z:75,zero_point:65,zip:[57,63],zisserman:83},titles:["Class DataType","Class Device::DeviceType","Class TensorFormat","Template Class Int8CacheCalibrator","Template Class Int8Calibrator","Define STR","Define TORCH_TENSORRT_PATCH_VERSION","Define TORCH_TENSORRT_MAJOR_VERSION","Define TORCH_TENSORRT_MINOR_VERSION","Define TORCHTRT_API","Define XSTR","Define TORCHTRT_HIDDEN","Define TORCH_TENSORRT_VERSION","Directory cpp","Directory include","Directory torch_tensorrt","Enum Level","Enum EngineCapability","File logging.h","File macros.h","File ptq.h","File torch_tensorrt.h","Function torch_tensorrt::logging::get_logging_prefix","Function torch_tensorrt::logging::get_reportable_log_level","Function torch_tensorrt::logging::get_is_colored_output_on","Function torch_tensorrt::logging::set_reportable_log_level","Function torch_tensorrt::logging::log","Function torch_tensorrt::logging::set_is_colored_output_on","Function torch_tensorrt::logging::set_logging_prefix","Template Function torch_tensorrt::ptq::make_int8_cache_calibrator","Template Function torch_tensorrt::ptq::make_int8_calibrator","Function torch_tensorrt::torchscript::check_method_operator_support","Function torch_tensorrt::torchscript::compile","Function torch_tensorrt::torchscript::embed_engine_in_new_module","Function torch_tensorrt::get_build_info","Function torch_tensorrt::set_device","Function torch_tensorrt::dump_build_info","Function torch_tensorrt::torchscript::convert_method_to_trt_engine","Namespace torch_tensorrt","Namespace torch_tensorrt::logging","Namespace torch_tensorrt::ptq","Namespace torch_tensorrt::torchscript","Program Listing for File logging.h","Program Listing for File macros.h","Program Listing for File ptq.h","Program Listing for File torch_tensorrt.h","Struct Device","Struct GraphInputs","Struct Input","Struct CompileSpec","Torch-TensorRT C++ API","Full API","torchtrtc","Conversion Phase","Lowering Phase","Partitioning Phase","Compiler Phases","Runtime Phase","System Overview","Useful Links for Torch-TensorRT Development","Writing Converters","Using Torch-TensorRT in C++","Using Torch-TensorRT in Python","Installation","Torch-TensorRT","Operators Supported","torch_tensorrt.fx","torch_tensorrt.logging","torch_tensorrt.ptq","torch_tensorrt","torch_tensorrt.ts","Changelog","Configuration","5. :mod:`test_py_module`","3. Paragraph Level Markup","4. Lists & Tables","1. Long Sticky Nav","1. Structural Elements","<no title>","Installation","Creating a TorchScript Module","Torch-TensorRT (FX Frontend) User Guide","Example notebooks","Post Training Quantization (PTQ)","Deploying Torch-TensorRT Programs","Serving a Torch-TensorRT model with Triton","Using Torch-TensorRT Directly From PyTorch","DLA"],titleterms:{"1":[76,85],"10":76,"11":76,"12":76,"13":76,"14":76,"15":76,"16":76,"17":76,"18":76,"19":76,"2":[76,77,85],"20":76,"3":[76,85],"4":76,"5":76,"6":76,"7":76,"8":76,"9":76,"class":[0,1,2,3,4,20,21,38,40,41,50,66,68,69],"enum":[16,17,18,21,38,39,50,68,69],"function":[18,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,50,59,66,69,70],"long":[76,78],A:74,And:74,But:75,By:[18,19],Or:54,The:[61,74],To:54,aarch64:63,abi:[57,63],acc:81,acceler:82,add:81,addmm:54,admonit:74,advic:60,ahead:64,an:78,api:[50,51,59,63,64],applic:83,arg:[60,73],automat:55,avail:59,awar:82,background:[57,60],base:[3,4,48,72],bert:82,binari:63,block:74,branch:54,build:[63,72,85],bullet:75,c:[50,59,61,63,64,82,83],can:75,caption:[75,78],center:74,ch:74,changelog:71,check_method_operator_support:31,choos:63,citat:[74,83],citrinet:82,cli:[63,64],client:85,cmake:63,code:[54,74],compil:[32,56,58,61,63,64,82],compilespec:49,compound:74,configur:72,construct:57,content:[18,19,20,21,38,39,40,41,72,73,74,75,76,77],context:[60,72],contigu:54,contract:60,contributor:64,convers:[53,56,58,60],convert:[53,60,61,65,81],convert_method_to_trt_engin:37,cpp:[13,18,19,20,21,55],creat:[80,83],creativ:74,cudnn:63,current:65,custom:61,cxx11:63,data:73,datatyp:0,dead:54,debug:63,deep:82,deeper:75,defin:[5,6,7,8,9,10,11,12,19,50],definit:[18,19,20,21,75],demo:78,depend:63,deploi:[82,84],deseri:57,detect:82,develop:59,devic:[1,46],devicetyp:1,dimens:59,direct:74,directli:86,directori:[13,14,15,51],disk:80,distribut:63,dla:87,doctest:74,documen:64,document:[0,1,2,3,4,5,6,7,8,9,10,11,12,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,49,59,64,77,78],down:75,download:[74,79],dropout:54,dump_build_info:36,dynam:82,easier:59,efficentnet:82,element:77,elimin:54,eliminatecommonsubexpress:54,embed_engine_in_new_modul:33,emphas:74,engin:[57,81],enginecap:17,enumer:75,envior:63,evalu:[53,65],exampl:[74,76,82],execept:54,executor:57,expect:59,face:82,fallback:[54,55],field:75,figur:74,file:[15,18,19,20,21,42,43,44,45,50,51],flatten:54,footnot:74,format:57,freez:54,from:[63,86],frontend:[81,82],full:[50,51],fuse:54,fx2trt:81,fx:[66,81,82],gaurd:54,gener:73,get:64,get_build_info:34,get_is_colored_output_on:24,get_logging_prefix:22,get_reportable_log_level:23,giant:75,git:79,glossari:74,gpu:64,graph:[54,57],graphinput:47,grid:75,guarante:60,guid:81,h:[18,19,20,21,42,43,44,45,55],have:75,hierarchi:50,hlist:75,hole:75,hood:61,how:[72,81,83],html:72,hug:82,ien:74,imag:[74,75],includ:[14,18,19,20,21],incred:78,index:73,indic:64,infer:85,inherit:[3,4,48],inlin:74,input:48,instal:[63,79],int8:82,int8cachecalibr:3,int8calibr:4,ir:59,jetson:63,jit:64,languag:82,layer:59,learn:82,lenet:82,level:[16,72,74,75],librari:[63,84],libtorchtrt:84,like:75,line:74,linear:54,link:[59,74],list:[42,43,44,45,75],liter:74,local:63,log:[18,22,23,24,25,26,27,28,39,42,67],logsoftmax:54,loop:54,lower:[54,56,58],macro:[19,43],make_int8_cache_calibr:29,make_int8_calibr:30,markup:74,mask:82,math:74,menu:[76,78],meta:74,miss:81,mlm:82,mod:73,model:[81,82,85],modul:[54,61,80],namespac:[18,19,20,21,38,39,40,41,50],nativ:63,native_op:59,nav:76,nest:[1,46],node:53,notebook:82,number:[74,75],nvidia:64,object:82,one:75,op:[57,81],oper:[61,65],optim:85,optimz:54,option:[72,73,75],other:60,overview:58,own:83,packag:[63,84],page:72,paragraph:[74,77],paramet:73,partit:[55,56,58],partitoninfo:55,pass:54,pattern:54,peephol:54,phase:[53,54,55,56,57,58],plugin:84,post:83,pre:63,precompil:63,prerequisit:63,program:[42,43,44,45,84],project:72,ptq:[20,29,30,40,44,68,83],python:[59,62,63,64,80,83],pytorch:[59,64,81,82,86],quantiz:[82,83],queri:85,quickstart:61,quot:74,rabbit:75,read:59,redund:54,refer:74,regist:61,relationship:[1,3,4,46,48],releas:63,remov:54,replac:74,resnet50:82,respons:60,result:57,right:63,rubric:74,runtim:[56,57,58,84],save:80,second:75,section:77,segmentedblock:55,serial:57,serv:[82,85],server:85,set:85,set_devic:35,set_is_colored_output_on:27,set_logging_prefix:28,set_reportable_log_level:25,setup:63,shape:82,shape_analysi:55,sidebar:74,so:84,sometim:59,sourc:63,ssd:82,start:64,step:85,sticki:76,str:5,struct:[46,47,48,49,50],structur:77,subdirectori:[13,14],submenu:76,submodul:69,subsect:77,subsubmenu:76,subsubsect:77,support:65,system:58,tabl:[72,73,74,75,76,77],tarbal:63,target:74,templat:[3,4,29,30],tensorformat:2,tensorrt:[50,57,59,61,62,63,64,81,82,84,85,86],test_py_modul:73,text:74,theme:[72,78],thi:[75,78],through:65,time:64,titl:74,toc:72,topic:74,torch:[50,59,61,62,64,81,82,84,85,86],torch_tensorrt:[15,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,45,66,67,68,69,70],torch_tensorrt_major_vers:7,torch_tensorrt_minor_vers:8,torch_tensorrt_patch_vers:6,torch_tensorrt_vers:12,torchscript:[31,32,33,37,41,61,64,80],torchtrt_api:9,torchtrt_hidden:11,torchtrtc:[52,61],tracer:81,train:[82,83],transform:82,triton:85,ts:70,tupl:54,tutori:64,type:[3,4,46,48],under:61,unpack:54,unrol:54,unsupport:61,up:85,us:[54,59,61,62,63,82,86],user:81,version:57,via:79,wai:74,weight:60,what:60,wide:72,work:[61,80],write:60,xstr:10,your:[83,85]}}) \ No newline at end of file diff --git a/docs/src/pytorch-sphinx-theme/docs/changelog.html b/docs/src/pytorch-sphinx-theme/docs/changelog.html index 7c83b89f2f..1c06b101c5 100644 --- a/docs/src/pytorch-sphinx-theme/docs/changelog.html +++ b/docs/src/pytorch-sphinx-theme/docs/changelog.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/src/pytorch-sphinx-theme/docs/configuring.html b/docs/src/pytorch-sphinx-theme/docs/configuring.html index 547dc23e5e..f1c5a3d2e0 100644 --- a/docs/src/pytorch-sphinx-theme/docs/configuring.html +++ b/docs/src/pytorch-sphinx-theme/docs/configuring.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/api.html b/docs/src/pytorch-sphinx-theme/docs/demo/api.html index 39060399bf..af2ed1dfe0 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/api.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/api.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/demo.html b/docs/src/pytorch-sphinx-theme/docs/demo/demo.html index b84bbdb827..9d344d63bc 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/demo.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/demo.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
@@ -544,7 +544,7 @@

3.4.4.

3.4.5. Code Blocks

# parsed-literal test
-curl -O http://someurl/release-master (1.2.0a0+c83e09e).tar-gz
+curl -O http://someurl/release-master (1.2.0a0+51a991e).tar-gz
Code Blocks can have captions.
{
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
index 2636a83008..5695156066 100644
--- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
+++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
@@ -197,7 +197,7 @@
               
               
                 
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html index bf2e2943c8..6371569524 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html index 62116d88fc..40aff14ed5 100644 --- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html +++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html index 1d75287a59..b03537a762 100644 --- a/docs/src/pytorch-sphinx-theme/docs/index.html +++ b/docs/src/pytorch-sphinx-theme/docs/index.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html index d19cde5180..7ce3043701 100644 --- a/docs/src/pytorch-sphinx-theme/docs/installing.html +++ b/docs/src/pytorch-sphinx-theme/docs/installing.html @@ -197,7 +197,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/tutorials/creating_torchscript_module_in_python.html b/docs/tutorials/creating_torchscript_module_in_python.html index 10e7006041..bdb3cf0426 100644 --- a/docs/tutorials/creating_torchscript_module_in_python.html +++ b/docs/tutorials/creating_torchscript_module_in_python.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/tutorials/getting_started_with_fx_path.html b/docs/tutorials/getting_started_with_fx_path.html index 64d23eb2d1..936f983a04 100644 --- a/docs/tutorials/getting_started_with_fx_path.html +++ b/docs/tutorials/getting_started_with_fx_path.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/tutorials/notebooks.html b/docs/tutorials/notebooks.html index 22de93a025..f4c8dbda7b 100644 --- a/docs/tutorials/notebooks.html +++ b/docs/tutorials/notebooks.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/tutorials/ptq.html b/docs/tutorials/ptq.html index c0db24a4fc..6c48abaf2b 100644 --- a/docs/tutorials/ptq.html +++ b/docs/tutorials/ptq.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/tutorials/runtime.html b/docs/tutorials/runtime.html index da0cffcfd1..274b80dce3 100644 --- a/docs/tutorials/runtime.html +++ b/docs/tutorials/runtime.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/tutorials/serving_torch_tensorrt_with_triton.html b/docs/tutorials/serving_torch_tensorrt_with_triton.html index 2b3067b538..732b18ef42 100644 --- a/docs/tutorials/serving_torch_tensorrt_with_triton.html +++ b/docs/tutorials/serving_torch_tensorrt_with_triton.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/tutorials/use_from_pytorch.html b/docs/tutorials/use_from_pytorch.html index b53b7b749c..e9e8e75342 100644 --- a/docs/tutorials/use_from_pytorch.html +++ b/docs/tutorials/use_from_pytorch.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docs/tutorials/using_dla.html b/docs/tutorials/using_dla.html index 00ae235e69..6252d51262 100644 --- a/docs/tutorials/using_dla.html +++ b/docs/tutorials/using_dla.html @@ -199,7 +199,7 @@
- master (1.2.0a0+c83e09e) + master (1.2.0a0+51a991e)
diff --git a/docsrc/cli/torchtrtc.rst b/docsrc/cli/torchtrtc.rst index 68f599a5cd..69292c491c 100644 --- a/docsrc/cli/torchtrtc.rst +++ b/docsrc/cli/torchtrtc.rst @@ -135,12 +135,15 @@ e.g. torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@f16%contiguous" -p f16 +- To include a set of custom operators -To run with custom torch operators .. code-block:: shell -torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-torch-ops= "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16 + torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-torch-ops= "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16 + + +- To include a set of custom converters -To run with custom converters .. code-block:: shell -torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-converters= "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16 + + torchtrtc tests/modules/ssd_traced.jit.pt ssd_trt.ts --custom-converters= "[(1,3,300,300); (1,3,512,512); (1, 3, 1024, 1024)]@fp16%contiguous" -p f16 diff --git a/py/requirements.txt b/py/requirements.txt index 5254a658a4..27aca2544f 100644 --- a/py/requirements.txt +++ b/py/requirements.txt @@ -1,6 +1,6 @@ numpy pybind11==2.6.2 ---extra-index-url https://download.pytorch.org/whl/cu113 -torch==1.12.0 +--extra-index-url https://download.pytorch.org/whl/cu116 +torch==1.12.1 --extra-index-url https://pypi.ngc.nvidia.com -nvidia-tensorrt==8.4.1.5 +nvidia-tensorrt==8.4.3.1 diff --git a/tests/core/conversion/converters/test_expand.cpp b/tests/core/conversion/converters/test_expand.cpp index bf62266f32..53630b661a 100644 --- a/tests/core/conversion/converters/test_expand.cpp +++ b/tests/core/conversion/converters/test_expand.cpp @@ -445,3 +445,227 @@ TEST(Converters, ATenRepeatExtraDimsConvertsCorrectlyWithDynamicInput) { ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); } + +TEST(Converters, ATenRepeatInterleaveScalarDimConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor): + %2 : int = prim::Constant[value=3]() + %3 : int = prim::Constant[value=1]() + %4 : None = prim::Constant() + %5 : Tensor = aten::repeat_interleave(%x.1, %2, %3, %4) + return (%5))IR"; + + auto g = std::make_shared(); + + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(1, 10, {1, 3}, {at::kCUDA}); + + auto jit_in = at::clone(in); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {jit_in}); + + auto trt_in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {trt_in}); + + auto trt = trt_results[0].reshape(jit_results[0].sizes()); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} + +TEST(Converters, ATenRepeatInterleaveScalarDimConvertsCorrectlyWithDynamicInput) { + const auto graph = R"IR( + graph(%x.1 : Tensor): + %2 : int = prim::Constant[value=3]() + %3 : int = prim::Constant[value=1]() + %4 : None = prim::Constant() + %5 : Tensor = aten::repeat_interleave(%x.1, %2, %3, %4) + return (%5))IR"; + + auto g = std::make_shared(); + + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(1, 10, {1, 3}, {at::kCUDA}); + + auto jit_in = at::clone(in); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {jit_in}); + + auto trt_in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngineDynamic(g, params, {trt_in}); + + auto trt = trt_results[0].reshape(jit_results[0].sizes()); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} + +TEST(Converters, ATenRepeatInterleaveScalarNoDimConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor): + %2 : int = prim::Constant[value=3]() + %3 : None = prim::Constant() + %4 : None = prim::Constant() + %5 : Tensor = aten::repeat_interleave(%x.1, %2, %3, %4) + return (%5))IR"; + + auto g = std::make_shared(); + + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(1, 10, {1, 3}, {at::kCUDA}); + + auto jit_in = at::clone(in); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {jit_in}); + + auto trt_in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {trt_in}); + + auto trt = trt_results[0].reshape(jit_results[0].sizes()); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} + +TEST(Converters, ATenRepeatInterleaveScalarNoDimConvertsCorrectlyWithDynamicInput) { + const auto graph = R"IR( + graph(%x.1 : Tensor): + %2 : int = prim::Constant[value=3]() + %3 : None = prim::Constant() + %4 : None = prim::Constant() + %5 : Tensor = aten::repeat_interleave(%x.1, %2, %3, %4) + return (%5))IR"; + + auto g = std::make_shared(); + + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(1, 10, {1, 3}, {at::kCUDA}); + + auto jit_in = at::clone(in); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {jit_in}); + + auto trt_in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngineDynamic(g, params, {trt_in}); + + auto trt = trt_results[0].reshape(jit_results[0].sizes()); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} + +TEST(Converters, ATenRepeatInterleave3dScalarDimConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor): + %2 : int = prim::Constant[value=3]() + %3 : int = prim::Constant[value=1]() + %4 : None = prim::Constant() + %5 : Tensor = aten::repeat_interleave(%x.1, %2, %3, %4) + return (%5))IR"; + + auto g = std::make_shared(); + + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(1, 10, {2, 3, 2}, {at::kCUDA}); + + auto jit_in = at::clone(in); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {jit_in}); + + auto trt_in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {trt_in}); + + auto trt = trt_results[0].reshape(jit_results[0].sizes()); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} + +TEST(Converters, ATenRepeatInterleave3dScalarDimConvertsCorrectlyWithDynamicInput) { + const auto graph = R"IR( + graph(%x.1 : Tensor): + %2 : int = prim::Constant[value=3]() + %3 : int = prim::Constant[value=1]() + %4 : None = prim::Constant() + %5 : Tensor = aten::repeat_interleave(%x.1, %2, %3, %4) + return (%5))IR"; + + auto g = std::make_shared(); + + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(1, 10, {2, 3, 2}, {at::kCUDA}); + + auto jit_in = at::clone(in); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {jit_in}); + + auto trt_in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngineDynamic(g, params, {trt_in}); + + auto trt = trt_results[0].reshape(jit_results[0].sizes()); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} + +TEST(Converters, ATenRepeatInterleave3dScalarNoDimConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor): + %2 : int = prim::Constant[value=3]() + %3 : None = prim::Constant() + %4 : None = prim::Constant() + %5 : Tensor = aten::repeat_interleave(%x.1, %2, %3, %4) + return (%5))IR"; + + auto g = std::make_shared(); + + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(1, 10, {2, 3, 2}, {at::kCUDA}); + + auto jit_in = at::clone(in); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {jit_in}); + + auto trt_in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {trt_in}); + + auto trt = trt_results[0].reshape(jit_results[0].sizes()); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} + +TEST(Converters, ATenRepeatInterleave3dScalarNoDimConvertsCorrectlyWithDynamicInput) { + const auto graph = R"IR( + graph(%x.1 : Tensor): + %2 : int = prim::Constant[value=3]() + %3 : None = prim::Constant() + %4 : None = prim::Constant() + %5 : Tensor = aten::repeat_interleave(%x.1, %2, %3, %4) + return (%5))IR"; + + auto g = std::make_shared(); + + torch::jit::parseIR(graph, g.get()); + + auto in = at::randint(1, 10, {2, 3, 2}, {at::kCUDA}); + + auto jit_in = at::clone(in); + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {jit_in}); + + auto trt_in = at::clone(in); + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngineDynamic(g, params, {trt_in}); + + auto trt = trt_results[0].reshape(jit_results[0].sizes()); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt, 2e-6)); +} diff --git a/tests/core/conversion/converters/test_select.cpp b/tests/core/conversion/converters/test_select.cpp index e9405c0155..1285c24dd6 100644 --- a/tests/core/conversion/converters/test_select.cpp +++ b/tests/core/conversion/converters/test_select.cpp @@ -776,7 +776,7 @@ TEST(Converters, ATenMaskedFillZerosConvertsCorrectly) { torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0].reshape_as(jit_results[0]), 2e-6)); } -TEST(Converters, ATenIndexTensorConvertsCorrectly) { +TEST(Converters, ATenIndexTensorOneIndiceConvertsCorrectly) { const auto graph = R"IR( graph(%x.1 : Tensor, %index : Tensor): @@ -802,6 +802,156 @@ TEST(Converters, ATenIndexTensorConvertsCorrectly) { torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0].reshape_as(jit_results[0]), 2e-6)); } +TEST(Converters, ATenIndexTensorFullIndicesConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor, + %index0 : Tensor, + %index1 : Tensor, + %index2 : Tensor): + %18 : Tensor?[] = prim::ListConstruct(%index0, %index1, %index2) + %19 : Tensor = aten::index(%x.1, %18) + return (%19))IR"; + + auto g = std::make_shared(); + torch::jit::parseIR(graph, g.get()); + + auto in1 = at::randint(1, 10, {5, 10, 4}, {at::kCUDA}); + auto index0 = at::tensor({0, 1, 2, 3}, {at::kCUDA}).to(torch::kLong); + auto index1 = at::tensor({1, 3, 4, 6}, {at::kCUDA}).to(torch::kLong); + auto index2 = at::tensor({3, 2, 1, 0}, {at::kCUDA}).to(torch::kLong); + auto index0_trt = index0.to(torch::kInt32); + auto index1_trt = index1.to(torch::kInt32); + auto index2_trt = index2.to(torch::kInt32); + + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {in1, index0, index1, index2}); + + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {in1, index0_trt, index1_trt, index2_trt}); + + ASSERT_TRUE( + torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0].reshape_as(jit_results[0]), 2e-6)); +} + +TEST(Converters, ATenIndexTensorIdx0Idx1NoneConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor, + %index0 : Tensor, + %index1 : Tensor): + %5 : NoneType = prim::Constant() + %18 : Tensor?[] = prim::ListConstruct(%index0, %index1, %5) + %19 : Tensor = aten::index(%x.1, %18) + return (%19))IR"; + + auto g = std::make_shared(); + torch::jit::parseIR(graph, g.get()); + + auto in1 = at::randint(1, 10, {5, 10, 4}, {at::kCUDA}); + auto index0 = at::tensor({0, 1, 2, 3}, {at::kCUDA}).to(torch::kLong); + auto index1 = at::tensor({1, 3, 4, 6}, {at::kCUDA}).to(torch::kLong); + auto index0_trt = index0.to(torch::kInt32); + auto index1_trt = index1.to(torch::kInt32); + + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {in1, index0, index1}); + + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {in1, index0_trt, index1_trt}); + LOG_DEBUG(trt_results); + + ASSERT_TRUE( + torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0].reshape_as(jit_results[0]), 2e-6)); +} + +TEST(Converters, ATenIndexTensorIdx0NoneIdx1ConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor, + %index0 : Tensor, + %index1 : Tensor): + %5 : NoneType = prim::Constant() + %18 : Tensor?[] = prim::ListConstruct(%index0, %5, %index1) + %19 : Tensor = aten::index(%x.1, %18) + return (%19))IR"; + + auto g = std::make_shared(); + torch::jit::parseIR(graph, g.get()); + + auto in1 = at::randint(1, 10, {5, 10, 4}, {at::kCUDA}); + auto index0 = at::tensor({0, 1, 2, 3}, {at::kCUDA}).to(torch::kLong); + auto index1 = at::tensor({3, 2, 1, 0}, {at::kCUDA}).to(torch::kLong); + auto index0_trt = index0.to(torch::kInt32); + auto index1_trt = index1.to(torch::kInt32); + + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {in1, index0, index1}); + + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {in1, index0_trt, index1_trt}); + + ASSERT_TRUE( + torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0].reshape_as(jit_results[0]), 2e-6)); +} + +TEST(Converters, ATenIndexTensorNoneIdx0Idx1ConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor, + %index0 : Tensor, + %index1 : Tensor): + %5 : NoneType = prim::Constant() + %18 : Tensor?[] = prim::ListConstruct(%5, %index0, %index1) + %19 : Tensor = aten::index(%x.1, %18) + return (%19))IR"; + + auto g = std::make_shared(); + torch::jit::parseIR(graph, g.get()); + + auto in1 = at::randint(1, 10, {5, 10, 4}, {at::kCUDA}); + auto index0 = at::tensor({0, 1, 2, 3}, {at::kCUDA}).to(torch::kLong); + auto index1 = at::tensor({3, 2, 1, 0}, {at::kCUDA}).to(torch::kLong); + auto index0_trt = index0.to(torch::kInt32); + auto index1_trt = index1.to(torch::kInt32); + + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {in1, index0, index1}); + + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {in1, index0_trt, index1_trt}); + + ASSERT_TRUE( + torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0].reshape_as(jit_results[0]), 2e-6)); +} + +TEST(Converters, ATenIndexTensorIdxsNoneConvertsCorrectly) { + const auto graph = R"IR( + graph(%x.1 : Tensor, + %index0 : Tensor, + %index1 : Tensor, + %index2 : Tensor): + %5 : NoneType = prim::Constant() + %18 : Tensor?[] = prim::ListConstruct(%index0, %index1, %index2, %5) + %19 : Tensor = aten::index(%x.1, %18) + return (%19))IR"; + + auto g = std::make_shared(); + torch::jit::parseIR(graph, g.get()); + + auto in1 = at::randint(1, 10, {4, 8, 8, 4}, {at::kCUDA}); + auto index0 = at::full({4, 13, 1}, 1, {at::kCUDA}).to(torch::kLong); + auto index1 = at::full({4, 13, 1}, 2, {at::kCUDA}).to(torch::kLong); + auto index2 = at::full({4, 13, 1}, 3, {at::kCUDA}).to(torch::kLong); + auto index0_trt = index0.to(torch::kInt32); + auto index1_trt = index1.to(torch::kInt32); + auto index2_trt = index2.to(torch::kInt32); + + auto params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto jit_results = torch_tensorrt::tests::util::RunGraph(g, params, {in1, index0, index1, index2}); + + params = torch_tensorrt::core::ir::get_static_params(g->inputs(), {}); + auto trt_results = torch_tensorrt::tests::util::RunGraphEngine(g, params, {in1, index0_trt, index1_trt, index2_trt}); + + ASSERT_TRUE(torch_tensorrt::tests::util::almostEqual(jit_results[0], trt_results[0], 2e-6)); +} + TEST(Converters, ATenUnbindConvertsCorrectly) { const auto graph = R"IR( graph(%x.1 : Tensor):