diff --git a/.github/scripts/run_cpp_linter.py b/.github/scripts/run_cpp_linter.py
index b64306efe1..7e0e6f25ff 100644
--- a/.github/scripts/run_cpp_linter.py
+++ b/.github/scripts/run_cpp_linter.py
@@ -26,4 +26,7 @@
pr.create_review(commit, comment, approval)
-
+if output.returncode != 0:
+ exit(1)
+else:
+ exit(0)
\ No newline at end of file
diff --git a/.github/scripts/run_py_linter.py b/.github/scripts/run_py_linter.py
index 3b2ed70e38..2c1428a8cd 100644
--- a/.github/scripts/run_py_linter.py
+++ b/.github/scripts/run_py_linter.py
@@ -25,3 +25,8 @@
approval = 'REQUEST_CHANGES'
pr.create_review(commit, comment, approval)
+
+if output.returncode != 0:
+ exit(1)
+else:
+ exit(0)
\ No newline at end of file
diff --git a/README.md b/README.md
index 0de8c71a19..299998c729 100644
--- a/README.md
+++ b/README.md
@@ -74,7 +74,7 @@ torch.jit.save(trt_ts_module, "trt_torchscript_module.ts")
These are the following dependencies used to verify the testcases. TRTorch can work with other versions, but the tests are not guaranteed to pass.
- Bazel 4.0.0
-- Libtorch 1.8.0 (built with CUDA 11.1)
+- Libtorch 1.8.1 (built with CUDA 11.1)
- CUDA 11.1 (10.2 on Jetson)
- cuDNN 8.1
- TensorRT 7.2.3
diff --git a/WORKSPACE b/WORKSPACE
index a4bce2a937..ed3aed95c4 100644
--- a/WORKSPACE
+++ b/WORKSPACE
@@ -3,23 +3,21 @@ workspace(name = "TRTorch")
load("@bazel_tools//tools/build_defs/repo:http.bzl", "http_archive")
load("@bazel_tools//tools/build_defs/repo:git.bzl", "git_repository")
-git_repository(
- name = "rules_python",
- remote = "https://github.com/bazelbuild/rules_python.git",
- commit = "4fcc24fd8a850bdab2ef2e078b1de337eea751a6",
- shallow_since = "1589292086 -0400"
-)
-
-load("@rules_python//python:repositories.bzl", "py_repositories")
-py_repositories()
+http_archive(
+ name = "rules_python",
+ url = "https://github.com/bazelbuild/rules_python/releases/download/0.2.0/rules_python-0.2.0.tar.gz",
+ sha256 = "778197e26c5fbeb07ac2a2c5ae405b30f6cb7ad1f5510ea6fdac03bded96cc6f",
+ )
-load("@rules_python//python:pip.bzl", "pip_repositories", "pip3_import")
-pip_repositories()
+load("@rules_python//python:pip.bzl", "pip_install")
http_archive(
name = "rules_pkg",
- url = "https://github.com/bazelbuild/rules_pkg/releases/download/0.2.4/rules_pkg-0.2.4.tar.gz",
- sha256 = "4ba8f4ab0ff85f2484287ab06c0d871dcb31cc54d439457d28fd4ae14b18450a",
+ urls = [
+ "https://mirror.bazel.build/github.com/bazelbuild/rules_pkg/releases/download/0.4.0/rules_pkg-0.4.0.tar.gz",
+ "https://github.com/bazelbuild/rules_pkg/releases/download/0.4.0/rules_pkg-0.4.0.tar.gz",
+ ],
+ sha256 = "038f1caa773a7e35b3663865ffb003169c6a71dc995e39bf4815792f385d837d",
)
load("@rules_pkg//:deps.bzl", "rules_pkg_dependencies")
@@ -39,12 +37,6 @@ new_local_repository(
build_file = "@//third_party/cuda:BUILD",
)
-new_local_repository(
- name = "cublas",
- path = "/usr",
- build_file = "@//third_party/cublas:BUILD",
-)
-
#############################################################################################################
# Tarballs and fetched dependencies (default - use in cases when building from precompiled bin and tarballs)
#############################################################################################################
@@ -53,16 +45,16 @@ http_archive(
name = "libtorch",
build_file = "@//third_party/libtorch:BUILD",
strip_prefix = "libtorch",
- sha256 = "62a2c06761c32576b30f5884240cf675b937945d929e4b13cc776de8d9c2236c",
- urls = ["https://download.pytorch.org/libtorch/cu111/libtorch-cxx11-abi-shared-with-deps-1.8.0%2Bcu111.zip"],
+ sha256 = "1f8aec376f9343538bd7c2fd3abb81ed3af11f575efe3aa72777c4d62044b832",
+ urls = ["https://download.pytorch.org/libtorch/cu111/libtorch-cxx11-abi-shared-with-deps-1.8.1%2Bcu111.zip"],
)
http_archive(
name = "libtorch_pre_cxx11_abi",
build_file = "@//third_party/libtorch:BUILD",
strip_prefix = "libtorch",
- sha256 = "1c8b0c0883dd17f5ce952d42ec5f7f0cc7ceb370307535cee26a66c10419f1f6",
- urls = ["https://download.pytorch.org/libtorch/cu111/libtorch-shared-with-deps-1.8.0%2Bcu111.zip"],
+ sha256 = "3a6e0dc11859111e75caa640c8ce9bf904fbb6e9992b4345e444ed5410e4d77e",
+ urls = ["https://download.pytorch.org/libtorch/cu111/libtorch-shared-with-deps-1.8.1%2Bcu111.zip"],
)
# Download these tarballs manually from the NVIDIA website
@@ -71,7 +63,9 @@ http_archive(
http_archive(
name = "cudnn",
- urls = ["https://developer.nvidia.com/compute/machine-learning/cudnn/secure/8.1.1.33/11.2_20210301/cudnn-11.2-linux-x64-v8.1.1.33.tgz",],
+ urls = [
+ "https://developer.nvidia.com/compute/machine-learning/cudnn/secure/8.1.1.33/11.2_20210301/cudnn-11.2-linux-x64-v8.1.1.33.tgz",
+ ],
build_file = "@//third_party/cudnn/archive:BUILD",
sha256 = "98a8784e92862f20018d20c281b30d4a0cd951f93694f6433ccf4ae9c502ba6a",
strip_prefix = "cuda"
@@ -79,7 +73,9 @@ http_archive(
http_archive(
name = "tensorrt",
- urls = ["https://developer.nvidia.com/compute/machine-learning/tensorrt/secure/7.2.3/tars/TensorRT-7.2.3.4.Ubuntu-18.04.x86_64-gnu.cuda-11.1.cudnn8.1.tar.gz",],
+ urls = [
+ "https://developer.nvidia.com/compute/machine-learning/tensorrt/secure/7.2.3/tars/TensorRT-7.2.3.4.Ubuntu-18.04.x86_64-gnu.cuda-11.1.cudnn8.1.tar.gz",
+ ],
build_file = "@//third_party/tensorrt/archive:BUILD",
strip_prefix = "TensorRT-7.2.3.4",
sha256 = "d3a1f478e304b48878604fac70ce7920fece71f9cac62f925c9c59c197f5d087"
@@ -123,26 +119,17 @@ http_archive(
#########################################################################
# Testing Dependencies (optional - comment out on aarch64)
#########################################################################
-pip3_import(
+pip_install(
name = "trtorch_py_deps",
- requirements = "//py:requirements.txt"
+ requirements = "//py:requirements.txt",
)
-load("@trtorch_py_deps//:requirements.bzl", "pip_install")
-pip_install()
-
-pip3_import(
+pip_install(
name = "py_test_deps",
- requirements = "//tests/py:requirements.txt"
+ requirements = "//tests/py:requirements.txt",
)
-load("@py_test_deps//:requirements.bzl", "pip_install")
-pip_install()
-
-pip3_import(
- name = "pylinter_deps",
- requirements = "//tools/linter:requirements.txt",
+pip_install(
+ name = "pylinter_deps",
+ requirements = "//tools/linter:requirements.txt",
)
-
-load("@pylinter_deps//:requirements.bzl", "pip_install")
-pip_install()
diff --git a/core/compiler.cpp b/core/compiler.cpp
index 48cfd05556..a362b1d639 100644
--- a/core/compiler.cpp
+++ b/core/compiler.cpp
@@ -30,7 +30,7 @@ namespace core {
void AddEngineToGraph(
torch::jit::script::Module mod,
std::shared_ptr& g,
- std::string& serialized_engine,
+ const std::string& serialized_engine,
int engine_id = 0) {
auto engine_ptr =
c10::make_intrusive(mod._ivalue()->name() + std::to_string(engine_id), serialized_engine);
@@ -267,6 +267,20 @@ torch::jit::script::Module CompileGraph(const torch::jit::script::Module& mod, C
return new_mod;
}
+torch::jit::script::Module EmbedEngineInNewModule(const std::string& engine) {
+ std::ostringstream engine_id;
+ engine_id << reinterpret_cast(&engine);
+ torch::jit::script::Module new_mod("tensorrt_engine_mod_" + engine_id.str());
+ auto new_g = std::make_shared();
+ AddEngineToGraph(new_mod, new_g, engine);
+ auto new_method = new_mod._ivalue()->compilation_unit()->create_function("forward", new_g);
+ auto schema = GenerateGraphSchema(new_mod, new_method->name(), new_g);
+ new_mod.type()->addMethod(new_method);
+ new_method->setSchema(schema);
+
+ return new_mod;
+}
+
void set_device(const int gpu_id) {
TRTORCH_ASSERT(cudaSetDevice(gpu_id) == cudaSuccess, "Unable to set CUDA device: " << gpu_id);
}
diff --git a/core/compiler.h b/core/compiler.h
index 403d5e4e5b..3b78933541 100644
--- a/core/compiler.h
+++ b/core/compiler.h
@@ -22,6 +22,8 @@ std::string ConvertGraphToTRTEngine(const torch::jit::script::Module& mod, std::
torch::jit::script::Module CompileGraph(const torch::jit::script::Module& module, CompileSpec cfg);
+torch::jit::script::Module EmbedEngineInNewModule(const std::string& engine);
+
void set_device(const int gpu_id);
} // namespace core
diff --git a/core/conversion/conversionctx/ConversionCtx.cpp b/core/conversion/conversionctx/ConversionCtx.cpp
index 04f6aafe5c..338e592fcb 100644
--- a/core/conversion/conversionctx/ConversionCtx.cpp
+++ b/core/conversion/conversionctx/ConversionCtx.cpp
@@ -13,6 +13,7 @@ std::ostream& operator<<(std::ostream& os, const BuilderSettings& s) {
os << "Settings requested for TensorRT engine:" \
<< "\n Operating Precision: " << s.op_precision \
<< "\n TF32 Floating Point Computation Enabled: " << !s.disable_tf32 \
+ << "\n Truncate Long and Double: " << s.truncate_long_and_double \
<< "\n Make Refittable Engine: " << s.refit \
<< "\n Debuggable Engine: " << s.debug \
<< "\n Strict Types: " << s.strict_types \
diff --git a/core/conversion/evaluators/aten.cpp b/core/conversion/evaluators/aten.cpp
index 6b1c732208..7735cb3270 100644
--- a/core/conversion/evaluators/aten.cpp
+++ b/core/conversion/evaluators/aten.cpp
@@ -468,11 +468,21 @@ auto aten_registrations TRTORCH_UNUSED =
})})
.evaluator({c10::Symbol::fromQualString("aten::floor"),
[](const torch::jit::Node* n, kwargs& args) -> c10::optional {
- auto el = args.at(n->input(0)).unwrapToDouble();
-
- return static_cast(std::floor(el));
+ if (args.at(n->input(0)).IValue()->isInt()) {
+ auto el = args.at(n->input(0)).unwrapToInt();
+ return static_cast(std::floor(el));
+ } else if (args.at(n->input(0)).IValue()->isDouble()) {
+ auto el = args.at(n->input(0)).unwrapToDouble();
+ return static_cast(std::floor(el));
+ } else {
+ TRTORCH_THROW_ERROR(
+ "Unimplemented data type for aten::floor evaluator: "
+ << args.at(n->input(0)).IValue()->type()->str());
+ return {};
+ }
},
EvalOptions().validSchemas({
+ "aten::floor.int(int a) -> (int)",
"aten::floor.float(float a) -> (int)",
})})
.evaluator({c10::Symbol::fromQualString("aten::warn"),
diff --git a/cpp/api/include/trtorch/trtorch.h b/cpp/api/include/trtorch/trtorch.h
index 8b9efc7b92..ea0c3f620a 100644
--- a/cpp/api/include/trtorch/trtorch.h
+++ b/cpp/api/include/trtorch/trtorch.h
@@ -511,6 +511,21 @@ TRTORCH_API std::string ConvertGraphToTRTEngine(
const torch::jit::Module& module,
std::string method_name,
CompileSpec info);
+
+/**
+ * @brief Take a previously created TensorRT engine and embed it in
+ * in a TorchScript module
+ *
+ * @param engine: std::string - Pre-built serialized TensorRT engine
+ *
+ * Takes a pre-built serialized TensorRT engine and embeds it in a TorchScript
+ * module. Registers execution of the engine as the forward method of the module
+ * Forward is defined as: forward(Tensor[]) -> Tensor[]
+ *
+ * @return: A new module trageting a TensorRT engine
+ */
+TRTORCH_API torch::jit::Module EmbedEngineInNewModule(const std::string& engine);
+
/**
* @brief Set gpu device id
*
diff --git a/cpp/api/src/trtorch.cpp b/cpp/api/src/trtorch.cpp
index d13d34f105..1a5083fc90 100644
--- a/cpp/api/src/trtorch.cpp
+++ b/cpp/api/src/trtorch.cpp
@@ -31,6 +31,10 @@ torch::jit::script::Module CompileGraph(const torch::jit::script::Module& module
return core::CompileGraph(module, to_internal_compile_spec(info));
}
+torch::jit::Module EmbedEngineInNewModule(const std::string& engine) {
+ return core::EmbedEngineInNewModule(engine);
+}
+
std::string get_build_info() {
auto info = core::util::get_build_info();
return std::string("TRTorch Version: ") + TRTORCH_VERSION + '\n' + info;
diff --git a/cpp/ptq/training/vgg16/export_ckpt.py b/cpp/ptq/training/vgg16/export_ckpt.py
index 97860978c9..8c2e679b6b 100644
--- a/cpp/ptq/training/vgg16/export_ckpt.py
+++ b/cpp/ptq/training/vgg16/export_ckpt.py
@@ -22,7 +22,7 @@ def test(model, dataloader, crit):
with torch.no_grad():
for data, labels in dataloader:
- data, labels = data.cuda(), labels.cuda(async=True)
+ data, labels = data.cuda(), labels.cuda(non_blocking=True)
out = model(data)
loss += crit(out, labels)
preds = torch.max(out, 1)[1]
diff --git a/cpp/ptq/training/vgg16/main.py b/cpp/ptq/training/vgg16/main.py
index bff714a47c..627688cf9b 100644
--- a/cpp/ptq/training/vgg16/main.py
+++ b/cpp/ptq/training/vgg16/main.py
@@ -141,7 +141,7 @@ def train(model, dataloader, crit, opt, epoch):
model.train()
running_loss = 0.0
for batch, (data, labels) in enumerate(dataloader):
- data, labels = data.cuda(), labels.cuda(async=True)
+ data, labels = data.cuda(), labels.cuda(non_blocking=True)
opt.zero_grad()
out = model(data)
loss = crit(out, labels)
@@ -167,7 +167,7 @@ def test(model, dataloader, crit, epoch):
model.eval()
with torch.no_grad():
for data, labels in dataloader:
- data, labels = data.cuda(), labels.cuda(async=True)
+ data, labels = data.cuda(), labels.cuda(non_blocking=True)
out = model(data)
loss += crit(out, labels)
preds = torch.max(out, 1)[1]
diff --git a/docker/Dockerfile.21.02 b/docker/Dockerfile.21.02
new file mode 100644
index 0000000000..efbd4ffdb1
--- /dev/null
+++ b/docker/Dockerfile.21.02
@@ -0,0 +1,40 @@
+FROM nvcr.io/nvidia/pytorch:21.02-py3
+
+RUN apt-get update && apt-get install -y curl gnupg && rm -rf /var/lib/apt/lists/*
+
+RUN curl https://bazel.build/bazel-release.pub.gpg | apt-key add - && \
+ echo "deb [arch=amd64] https://storage.googleapis.com/bazel-apt stable jdk1.8" | tee /etc/apt/sources.list.d/bazel.list
+
+RUN apt-get update && apt-get install -y bazel-4.0.0 && rm -rf /var/lib/apt/lists/*
+RUN ln -s /usr/bin/bazel-4.0.0 /usr/bin/bazel
+
+RUN pip install notebook
+
+COPY . /opt/trtorch
+RUN rm /opt/trtorch/WORKSPACE
+COPY ./docker/WORKSPACE.cu.docker /opt/trtorch/WORKSPACE
+
+# Workaround for bazel expecting both static and shared versions, we only use shared libraries inside container
+RUN cp /usr/lib/x86_64-linux-gnu/libnvinfer.so /usr/lib/x86_64-linux-gnu/libnvinfer_static.a
+
+WORKDIR /opt/trtorch
+RUN bazel build //:libtrtorch --compilation_mode opt
+
+WORKDIR /opt/trtorch/py
+
+RUN pip install ipywidgets
+RUN jupyter nbextension enable --py widgetsnbextension
+
+# Locale is not set by default
+RUN apt-get update && apt-get install -y locales ninja-build && rm -rf /var/lib/apt/lists/* && locale-gen en_US.UTF-8
+ENV LANG en_US.UTF-8
+ENV LANGUAGE en_US:en
+ENV LC_ALL en_US.UTF-8
+RUN python3 setup.py install --use-cxx11-abi
+
+RUN conda init bash
+
+ENV LD_LIBRARY_PATH /opt/conda/lib/python3.8/site-packages/torch/lib:$LD_LIBRARY_PATH
+
+WORKDIR /opt/trtorch/
+CMD /bin/bash
\ No newline at end of file
diff --git a/docker/WORKSPACE.cu.docker b/docker/WORKSPACE.cu.docker
index ba288ff8e2..c2ed3b9228 100755
--- a/docker/WORKSPACE.cu.docker
+++ b/docker/WORKSPACE.cu.docker
@@ -3,25 +3,22 @@ workspace(name = "TRTorch")
load("@bazel_tools//tools/build_defs/repo:http.bzl", "http_archive")
load("@bazel_tools//tools/build_defs/repo:git.bzl", "git_repository")
-git_repository(
- name = "rules_python",
- remote = "https://github.com/bazelbuild/rules_python.git",
- commit = "4fcc24fd8a850bdab2ef2e078b1de337eea751a6",
- shallow_since = "1589292086 -0400"
-)
-
-load("@rules_python//python:repositories.bzl", "py_repositories")
-py_repositories()
+http_archive(
+ name = "rules_python",
+ url = "https://github.com/bazelbuild/rules_python/releases/download/0.2.0/rules_python-0.2.0.tar.gz",
+ sha256 = "778197e26c5fbeb07ac2a2c5ae405b30f6cb7ad1f5510ea6fdac03bded96cc6f",
+ )
-load("@rules_python//python:pip.bzl", "pip_repositories", "pip3_import")
-pip_repositories()
+load("@rules_python//python:pip.bzl", "pip_install")
http_archive(
name = "rules_pkg",
- url = "https://github.com/bazelbuild/rules_pkg/releases/download/0.2.4/rules_pkg-0.2.4.tar.gz",
- sha256 = "4ba8f4ab0ff85f2484287ab06c0d871dcb31cc54d439457d28fd4ae14b18450a",
+ urls = [
+ "https://mirror.bazel.build/github.com/bazelbuild/rules_pkg/releases/download/0.4.0/rules_pkg-0.4.0.tar.gz",
+ "https://github.com/bazelbuild/rules_pkg/releases/download/0.4.0/rules_pkg-0.4.0.tar.gz",
+ ],
+ sha256 = "038f1caa773a7e35b3663865ffb003169c6a71dc995e39bf4815792f385d837d",
)
-
load("@rules_pkg//:deps.bzl", "rules_pkg_dependencies")
rules_pkg_dependencies()
@@ -35,15 +32,10 @@ git_repository(
# CUDA should be installed on the system locally
new_local_repository(
name = "cuda",
- path = "/usr/local/cuda/",
+ path = "/usr/local/cuda",
build_file = "@//third_party/cuda:BUILD",
)
-new_local_repository(
- name = "cublas",
- path = "/usr",
- build_file = "@//third_party/cublas:BUILD",
-)
####################################################################################
# Locally installed dependencies (use in cases of custom dependencies or aarch64)
@@ -51,13 +43,13 @@ new_local_repository(
new_local_repository(
name = "libtorch",
- path = "/opt/conda/lib/python3.6/site-packages/torch",
+ path = "/opt/conda/lib/python3.8/site-packages/torch",
build_file = "third_party/libtorch/BUILD"
)
new_local_repository(
name = "libtorch_pre_cxx11_abi",
- path = "/opt/conda/lib/python3.6/site-packages/torch",
+ path = "/opt/conda/lib/python3.8/site-packages/torch",
build_file = "third_party/libtorch/BUILD"
)
@@ -76,19 +68,17 @@ new_local_repository(
#########################################################################
# Testing Dependencies (optional - comment out on aarch64)
#########################################################################
-pip3_import(
+pip_install(
name = "trtorch_py_deps",
- requirements = "//py:requirements.txt"
+ requirements = "//py:requirements.txt",
)
-load("@trtorch_py_deps//:requirements.bzl", "pip_install")
-pip_install()
-
-pip3_import(
+pip_install(
name = "py_test_deps",
- requirements = "//tests/py:requirements.txt"
+ requirements = "//tests/py:requirements.txt",
)
-load("@py_test_deps//:requirements.bzl", "pip_install")
-pip_install()
-
+pip_install(
+ name = "pylinter_deps",
+ requirements = "//tools/linter:requirements.txt",
+)
diff --git a/docker/WORKSPACE.docs b/docker/WORKSPACE.docs
index 28fd870c42..346ce4126f 100755
--- a/docker/WORKSPACE.docs
+++ b/docker/WORKSPACE.docs
@@ -53,16 +53,16 @@ http_archive(
name = "libtorch",
build_file = "@//third_party/libtorch:BUILD",
strip_prefix = "libtorch",
- sha256 = "62a2c06761c32576b30f5884240cf675b937945d929e4b13cc776de8d9c2236c",
- urls = ["https://download.pytorch.org/libtorch/cu111/libtorch-cxx11-abi-shared-with-deps-1.8.0%2Bcu111.zip"],
+ sha256 = "1f8aec376f9343538bd7c2fd3abb81ed3af11f575efe3aa72777c4d62044b832",
+ urls = ["https://download.pytorch.org/libtorch/cu111/libtorch-cxx11-abi-shared-with-deps-1.8.1%2Bcu111.zip"],
)
http_archive(
name = "libtorch_pre_cxx11_abi",
build_file = "@//third_party/libtorch:BUILD",
strip_prefix = "libtorch",
- sha256 = "1c8b0c0883dd17f5ce952d42ec5f7f0cc7ceb370307535cee26a66c10419f1f6",
- urls = ["https://download.pytorch.org/libtorch/cu111/libtorch-shared-with-deps-1.8.0%2Bcu111.zip"],
+ sha256 = "3a6e0dc11859111e75caa640c8ce9bf904fbb6e9992b4345e444ed5410e4d77e",
+ urls = ["https://download.pytorch.org/libtorch/cu111/libtorch-shared-with-deps-1.8.1%2Bcu111.zip"],
)
####################################################################################
diff --git a/docs/_cpp_api/file_cpp_api_include_trtorch_trtorch.h.html b/docs/_cpp_api/file_cpp_api_include_trtorch_trtorch.h.html
index 993579f3f3..ecbde6b617 100644
--- a/docs/_cpp_api/file_cpp_api_include_trtorch_trtorch.h.html
+++ b/docs/_cpp_api/file_cpp_api_include_trtorch_trtorch.h.html
@@ -668,6 +668,15 @@
+
+
+
+
+ Function trtorch::EmbedEngineInNewModule
+
+
+
+
diff --git a/docs/_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447.html b/docs/_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447.html
index 11052d5e49..7c41f2df91 100644
--- a/docs/_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447.html
+++ b/docs/_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447.html
@@ -60,7 +60,7 @@
-
+
@@ -463,7 +463,7 @@
-
-
-
-
-
+
+
+
trtorch::CompileSpec::num_avg_timing_iters (C++ member)
@@ -1216,6 +1216,11 @@
trtorch::dump_build_info (C++ function)
+
+
+ trtorch::EmbedEngineInNewModule (C++ function)
+
+
trtorch::get_build_info (C++ function)
diff --git a/docs/objects.inv b/docs/objects.inv
index e767b772fa..9cb2e62a3c 100644
Binary files a/docs/objects.inv and b/docs/objects.inv differ
diff --git a/docs/py_api/trtorch.html b/docs/py_api/trtorch.html
index 8d1ad4c858..6f7e3e50a4 100644
--- a/docs/py_api/trtorch.html
+++ b/docs/py_api/trtorch.html
@@ -1011,7 +1011,7 @@
)
- → <torch._C.ScriptClass object at 0x7fb1218be8f0>
+ → <torch._C.ScriptClass object at 0x7faaac5bf570>
diff --git a/docs/searchindex.js b/docs/searchindex.js
index a8d066f93d..772c39c048 100644
--- a/docs/searchindex.js
+++ b/docs/searchindex.js
@@ -1 +1 @@
-Search.setIndex({docnames:["_cpp_api/class_view_hierarchy","_cpp_api/classtrtorch_1_1CompileSpec_1_1DataType","_cpp_api/classtrtorch_1_1CompileSpec_1_1Device_1_1DeviceType","_cpp_api/classtrtorch_1_1ptq_1_1Int8CacheCalibrator","_cpp_api/classtrtorch_1_1ptq_1_1Int8Calibrator","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502","_cpp_api/define_macros_8h_1a20c1fbeb21757871c52299dc52351b5f","_cpp_api/define_macros_8h_1a25ee153c325dfc7466a33cbd5c1ff055","_cpp_api/define_macros_8h_1a48d6029a45583a06848891cb0e86f7ba","_cpp_api/define_macros_8h_1a71b02dddfabe869498ad5a88e11c440f","_cpp_api/define_macros_8h_1a9d31d0569348d109b1b069b972dd143e","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da","_cpp_api/define_macros_8h_1ae1c56ab8a40af292a9a4964651524d84","_cpp_api/dir_cpp","_cpp_api/dir_cpp_api","_cpp_api/dir_cpp_api_include","_cpp_api/dir_cpp_api_include_trtorch","_cpp_api/enum_logging_8h_1a5f612ff2f783ff4fbe89d168f0d817d4","_cpp_api/file_cpp_api_include_trtorch_logging.h","_cpp_api/file_cpp_api_include_trtorch_macros.h","_cpp_api/file_cpp_api_include_trtorch_ptq.h","_cpp_api/file_cpp_api_include_trtorch_trtorch.h","_cpp_api/file_view_hierarchy","_cpp_api/function_logging_8h_1a118d65b179defff7fff279eb9cd126cb","_cpp_api/function_logging_8h_1a396a688110397538f8b3fb7dfdaf38bb","_cpp_api/function_logging_8h_1a9b420280bfacc016d7e36a5704021949","_cpp_api/function_logging_8h_1aa533955a2b908db9e5df5acdfa24715f","_cpp_api/function_logging_8h_1abc57d473f3af292551dee8b9c78373ad","_cpp_api/function_logging_8h_1adf5435f0dbb09c0d931a1b851847236b","_cpp_api/function_logging_8h_1aef44b69c62af7cf2edc8875a9506641a","_cpp_api/function_ptq_8h_1a4422781719d7befedb364cacd91c6247","_cpp_api/function_ptq_8h_1a5f33b142bc2f3f2aaf462270b3ad7e31","_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447","_cpp_api/function_trtorch_8h_1a3eace458ae9122f571fabfc9ef1b9e3a","_cpp_api/function_trtorch_8h_1a589ea96d16e2df44146ad0919424e00e","_cpp_api/function_trtorch_8h_1a726f6e7091b6b7be45b5a4275b2ffb10","_cpp_api/function_trtorch_8h_1ab01696cfe08b6a5293c55935a9713c25","_cpp_api/function_trtorch_8h_1af19cb866b0520fc84b69a1cf25a52b65","_cpp_api/namespace_trtorch","_cpp_api/namespace_trtorch__logging","_cpp_api/namespace_trtorch__ptq","_cpp_api/program_listing_file_cpp_api_include_trtorch_logging.h","_cpp_api/program_listing_file_cpp_api_include_trtorch_macros.h","_cpp_api/program_listing_file_cpp_api_include_trtorch_ptq.h","_cpp_api/program_listing_file_cpp_api_include_trtorch_trtorch.h","_cpp_api/structtrtorch_1_1CompileSpec","_cpp_api/structtrtorch_1_1CompileSpec_1_1Device","_cpp_api/structtrtorch_1_1CompileSpec_1_1InputRange","_cpp_api/trtorch_cpp","_cpp_api/unabridged_api","_cpp_api/unabridged_orphan","_notebooks/Resnet50-example","_notebooks/lenet-getting-started","_notebooks/ssd-object-detection-demo","contributors/conversion","contributors/lowering","contributors/phases","contributors/runtime","contributors/system_overview","contributors/useful_links","contributors/writing_converters","index","indices/supported_ops","py_api/logging","py_api/trtorch","tutorials/getting_started","tutorials/installation","tutorials/ptq","tutorials/runtime","tutorials/trtorchc","tutorials/use_from_pytorch","tutorials/using_dla"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":3,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":2,"sphinx.domains.rst":2,"sphinx.domains.std":1,"sphinx.ext.intersphinx":1,nbsphinx:3,sphinx:56},filenames:["_cpp_api/class_view_hierarchy.rst","_cpp_api/classtrtorch_1_1CompileSpec_1_1DataType.rst","_cpp_api/classtrtorch_1_1CompileSpec_1_1Device_1_1DeviceType.rst","_cpp_api/classtrtorch_1_1ptq_1_1Int8CacheCalibrator.rst","_cpp_api/classtrtorch_1_1ptq_1_1Int8Calibrator.rst","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.rst","_cpp_api/define_macros_8h_1a20c1fbeb21757871c52299dc52351b5f.rst","_cpp_api/define_macros_8h_1a25ee153c325dfc7466a33cbd5c1ff055.rst","_cpp_api/define_macros_8h_1a48d6029a45583a06848891cb0e86f7ba.rst","_cpp_api/define_macros_8h_1a71b02dddfabe869498ad5a88e11c440f.rst","_cpp_api/define_macros_8h_1a9d31d0569348d109b1b069b972dd143e.rst","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.rst","_cpp_api/define_macros_8h_1ae1c56ab8a40af292a9a4964651524d84.rst","_cpp_api/dir_cpp.rst","_cpp_api/dir_cpp_api.rst","_cpp_api/dir_cpp_api_include.rst","_cpp_api/dir_cpp_api_include_trtorch.rst","_cpp_api/enum_logging_8h_1a5f612ff2f783ff4fbe89d168f0d817d4.rst","_cpp_api/file_cpp_api_include_trtorch_logging.h.rst","_cpp_api/file_cpp_api_include_trtorch_macros.h.rst","_cpp_api/file_cpp_api_include_trtorch_ptq.h.rst","_cpp_api/file_cpp_api_include_trtorch_trtorch.h.rst","_cpp_api/file_view_hierarchy.rst","_cpp_api/function_logging_8h_1a118d65b179defff7fff279eb9cd126cb.rst","_cpp_api/function_logging_8h_1a396a688110397538f8b3fb7dfdaf38bb.rst","_cpp_api/function_logging_8h_1a9b420280bfacc016d7e36a5704021949.rst","_cpp_api/function_logging_8h_1aa533955a2b908db9e5df5acdfa24715f.rst","_cpp_api/function_logging_8h_1abc57d473f3af292551dee8b9c78373ad.rst","_cpp_api/function_logging_8h_1adf5435f0dbb09c0d931a1b851847236b.rst","_cpp_api/function_logging_8h_1aef44b69c62af7cf2edc8875a9506641a.rst","_cpp_api/function_ptq_8h_1a4422781719d7befedb364cacd91c6247.rst","_cpp_api/function_ptq_8h_1a5f33b142bc2f3f2aaf462270b3ad7e31.rst","_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447.rst","_cpp_api/function_trtorch_8h_1a3eace458ae9122f571fabfc9ef1b9e3a.rst","_cpp_api/function_trtorch_8h_1a589ea96d16e2df44146ad0919424e00e.rst","_cpp_api/function_trtorch_8h_1a726f6e7091b6b7be45b5a4275b2ffb10.rst","_cpp_api/function_trtorch_8h_1ab01696cfe08b6a5293c55935a9713c25.rst","_cpp_api/function_trtorch_8h_1af19cb866b0520fc84b69a1cf25a52b65.rst","_cpp_api/namespace_trtorch.rst","_cpp_api/namespace_trtorch__logging.rst","_cpp_api/namespace_trtorch__ptq.rst","_cpp_api/program_listing_file_cpp_api_include_trtorch_logging.h.rst","_cpp_api/program_listing_file_cpp_api_include_trtorch_macros.h.rst","_cpp_api/program_listing_file_cpp_api_include_trtorch_ptq.h.rst","_cpp_api/program_listing_file_cpp_api_include_trtorch_trtorch.h.rst","_cpp_api/structtrtorch_1_1CompileSpec.rst","_cpp_api/structtrtorch_1_1CompileSpec_1_1Device.rst","_cpp_api/structtrtorch_1_1CompileSpec_1_1InputRange.rst","_cpp_api/trtorch_cpp.rst","_cpp_api/unabridged_api.rst","_cpp_api/unabridged_orphan.rst","_notebooks/Resnet50-example.ipynb","_notebooks/lenet-getting-started.ipynb","_notebooks/ssd-object-detection-demo.ipynb","contributors/conversion.rst","contributors/lowering.rst","contributors/phases.rst","contributors/runtime.rst","contributors/system_overview.rst","contributors/useful_links.rst","contributors/writing_converters.rst","index.rst","indices/supported_ops.rst","py_api/logging.rst","py_api/trtorch.rst","tutorials/getting_started.rst","tutorials/installation.rst","tutorials/ptq.rst","tutorials/runtime.rst","tutorials/trtorchc.rst","tutorials/use_from_pytorch.rst","tutorials/using_dla.rst"],objects:{"":{"trtorch::CheckMethodOperatorSupport":[36,1,1,"_CPPv4N7trtorch26CheckMethodOperatorSupportERKN5torch3jit6ModuleENSt6stringE"],"trtorch::CheckMethodOperatorSupport::method_name":[36,2,1,"_CPPv4N7trtorch26CheckMethodOperatorSupportERKN5torch3jit6ModuleENSt6stringE"],"trtorch::CheckMethodOperatorSupport::module":[36,2,1,"_CPPv4N7trtorch26CheckMethodOperatorSupportERKN5torch3jit6ModuleENSt6stringE"],"trtorch::CompileGraph":[33,1,1,"_CPPv4N7trtorch12CompileGraphERKN5torch3jit6ModuleE11CompileSpec"],"trtorch::CompileGraph::info":[33,2,1,"_CPPv4N7trtorch12CompileGraphERKN5torch3jit6ModuleE11CompileSpec"],"trtorch::CompileGraph::module":[33,2,1,"_CPPv4N7trtorch12CompileGraphERKN5torch3jit6ModuleE11CompileSpec"],"trtorch::CompileSpec":[45,3,1,"_CPPv4N7trtorch11CompileSpecE"],"trtorch::CompileSpec::CompileSpec":[45,1,1,"_CPPv4N7trtorch11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE"],"trtorch::CompileSpec::CompileSpec::fixed_sizes":[45,2,1,"_CPPv4N7trtorch11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE"],"trtorch::CompileSpec::CompileSpec::input_ranges":[45,2,1,"_CPPv4N7trtorch11CompileSpec11CompileSpecENSt6vectorI10InputRangeEE"],"trtorch::CompileSpec::DataType":[45,3,1,"_CPPv4N7trtorch11CompileSpec8DataTypeE"],"trtorch::CompileSpec::DataType::DataType":[45,1,1,"_CPPv4N7trtorch11CompileSpec8DataType8DataTypeEv"],"trtorch::CompileSpec::DataType::DataType::t":[45,2,1,"_CPPv4N7trtorch11CompileSpec8DataType8DataTypeEN3c1010ScalarTypeE"],"trtorch::CompileSpec::DataType::Value":[45,4,1,"_CPPv4N7trtorch11CompileSpec8DataType5ValueE"],"trtorch::CompileSpec::DataType::Value::kChar":[45,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value5kCharE"],"trtorch::CompileSpec::DataType::Value::kFloat":[45,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value6kFloatE"],"trtorch::CompileSpec::DataType::Value::kHalf":[45,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value5kHalfE"],"trtorch::CompileSpec::DataType::kChar":[1,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value5kCharE"],"trtorch::CompileSpec::DataType::kFloat":[1,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value6kFloatE"],"trtorch::CompileSpec::DataType::kHalf":[1,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value5kHalfE"],"trtorch::CompileSpec::DataType::operator Value":[45,1,1,"_CPPv4NK7trtorch11CompileSpec8DataTypecv5ValueEv"],"trtorch::CompileSpec::DataType::operator bool":[45,1,1,"_CPPv4N7trtorch11CompileSpec8DataTypecvbEv"],"trtorch::CompileSpec::DataType::operator!=":[45,1,1,"_CPPv4NK7trtorch11CompileSpec8DataTypeneEN8DataType5ValueE"],"trtorch::CompileSpec::DataType::operator!=::other":[45,2,1,"_CPPv4NK7trtorch11CompileSpec8DataTypeneEN8DataType5ValueE"],"trtorch::CompileSpec::DataType::operator==":[45,1,1,"_CPPv4NK7trtorch11CompileSpec8DataTypeeqEN8DataType5ValueE"],"trtorch::CompileSpec::DataType::operator==::other":[45,2,1,"_CPPv4NK7trtorch11CompileSpec8DataTypeeqEN8DataType5ValueE"],"trtorch::CompileSpec::Device":[46,3,1,"_CPPv4N7trtorch11CompileSpec6DeviceE"],"trtorch::CompileSpec::Device::Device":[46,1,1,"_CPPv4N7trtorch11CompileSpec6Device6DeviceEv"],"trtorch::CompileSpec::Device::DeviceType":[46,3,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceTypeE"],"trtorch::CompileSpec::Device::DeviceType::DeviceType":[46,1,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType10DeviceTypeEv"],"trtorch::CompileSpec::Device::DeviceType::DeviceType::t":[46,2,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE"],"trtorch::CompileSpec::Device::DeviceType::Value":[46,4,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5ValueE"],"trtorch::CompileSpec::Device::DeviceType::Value::kDLA":[46,5,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5Value4kDLAE"],"trtorch::CompileSpec::Device::DeviceType::Value::kGPU":[46,5,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5Value4kGPUE"],"trtorch::CompileSpec::Device::DeviceType::kDLA":[2,5,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5Value4kDLAE"],"trtorch::CompileSpec::Device::DeviceType::kGPU":[2,5,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5Value4kGPUE"],"trtorch::CompileSpec::Device::DeviceType::operator Value":[46,1,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypecv5ValueEv"],"trtorch::CompileSpec::Device::DeviceType::operator bool":[46,1,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceTypecvbEv"],"trtorch::CompileSpec::Device::DeviceType::operator!=":[46,1,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypeneE10DeviceType"],"trtorch::CompileSpec::Device::DeviceType::operator!=::other":[46,2,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypeneE10DeviceType"],"trtorch::CompileSpec::Device::DeviceType::operator==":[46,1,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypeeqE10DeviceType"],"trtorch::CompileSpec::Device::DeviceType::operator==::other":[46,2,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypeeqE10DeviceType"],"trtorch::CompileSpec::Device::allow_gpu_fallback":[46,6,1,"_CPPv4N7trtorch11CompileSpec6Device18allow_gpu_fallbackE"],"trtorch::CompileSpec::Device::device_type":[46,6,1,"_CPPv4N7trtorch11CompileSpec6Device11device_typeE"],"trtorch::CompileSpec::Device::dla_core":[46,6,1,"_CPPv4N7trtorch11CompileSpec6Device8dla_coreE"],"trtorch::CompileSpec::Device::gpu_id":[46,6,1,"_CPPv4N7trtorch11CompileSpec6Device6gpu_idE"],"trtorch::CompileSpec::EngineCapability":[45,4,1,"_CPPv4N7trtorch11CompileSpec16EngineCapabilityE"],"trtorch::CompileSpec::EngineCapability::kDEFAULT":[45,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability8kDEFAULTE"],"trtorch::CompileSpec::EngineCapability::kSAFE_DLA":[45,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability9kSAFE_DLAE"],"trtorch::CompileSpec::EngineCapability::kSAFE_GPU":[45,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability9kSAFE_GPUE"],"trtorch::CompileSpec::InputRange":[47,3,1,"_CPPv4N7trtorch11CompileSpec10InputRangeE"],"trtorch::CompileSpec::InputRange::InputRange":[47,1,1,"_CPPv4N7trtorch11CompileSpec10InputRange10InputRangeENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE"],"trtorch::CompileSpec::InputRange::InputRange::max":[47,2,1,"_CPPv4N7trtorch11CompileSpec10InputRange10InputRangeENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE"],"trtorch::CompileSpec::InputRange::InputRange::min":[47,2,1,"_CPPv4N7trtorch11CompileSpec10InputRange10InputRangeENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE"],"trtorch::CompileSpec::InputRange::InputRange::opt":[47,2,1,"_CPPv4N7trtorch11CompileSpec10InputRange10InputRangeENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE"],"trtorch::CompileSpec::InputRange::max":[47,6,1,"_CPPv4N7trtorch11CompileSpec10InputRange3maxE"],"trtorch::CompileSpec::InputRange::min":[47,6,1,"_CPPv4N7trtorch11CompileSpec10InputRange3minE"],"trtorch::CompileSpec::InputRange::opt":[47,6,1,"_CPPv4N7trtorch11CompileSpec10InputRange3optE"],"trtorch::CompileSpec::capability":[45,6,1,"_CPPv4N7trtorch11CompileSpec10capabilityE"],"trtorch::CompileSpec::debug":[45,6,1,"_CPPv4N7trtorch11CompileSpec5debugE"],"trtorch::CompileSpec::device":[45,6,1,"_CPPv4N7trtorch11CompileSpec6deviceE"],"trtorch::CompileSpec::disable_tf32":[45,6,1,"_CPPv4N7trtorch11CompileSpec12disable_tf32E"],"trtorch::CompileSpec::input_ranges":[45,6,1,"_CPPv4N7trtorch11CompileSpec12input_rangesE"],"trtorch::CompileSpec::kDEFAULT":[45,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability8kDEFAULTE"],"trtorch::CompileSpec::kSAFE_DLA":[45,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability9kSAFE_DLAE"],"trtorch::CompileSpec::kSAFE_GPU":[45,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability9kSAFE_GPUE"],"trtorch::CompileSpec::max_batch_size":[45,6,1,"_CPPv4N7trtorch11CompileSpec14max_batch_sizeE"],"trtorch::CompileSpec::num_avg_timing_iters":[45,6,1,"_CPPv4N7trtorch11CompileSpec20num_avg_timing_itersE"],"trtorch::CompileSpec::num_min_timing_iters":[45,6,1,"_CPPv4N7trtorch11CompileSpec20num_min_timing_itersE"],"trtorch::CompileSpec::op_precision":[45,6,1,"_CPPv4N7trtorch11CompileSpec12op_precisionE"],"trtorch::CompileSpec::ptq_calibrator":[45,6,1,"_CPPv4N7trtorch11CompileSpec14ptq_calibratorE"],"trtorch::CompileSpec::refit":[45,6,1,"_CPPv4N7trtorch11CompileSpec5refitE"],"trtorch::CompileSpec::strict_types":[45,6,1,"_CPPv4N7trtorch11CompileSpec12strict_typesE"],"trtorch::CompileSpec::truncate_long_and_double":[45,6,1,"_CPPv4N7trtorch11CompileSpec24truncate_long_and_doubleE"],"trtorch::CompileSpec::workspace_size":[45,6,1,"_CPPv4N7trtorch11CompileSpec14workspace_sizeE"],"trtorch::ConvertGraphToTRTEngine":[37,1,1,"_CPPv4N7trtorch23ConvertGraphToTRTEngineERKN5torch3jit6ModuleENSt6stringE11CompileSpec"],"trtorch::ConvertGraphToTRTEngine::info":[37,2,1,"_CPPv4N7trtorch23ConvertGraphToTRTEngineERKN5torch3jit6ModuleENSt6stringE11CompileSpec"],"trtorch::ConvertGraphToTRTEngine::method_name":[37,2,1,"_CPPv4N7trtorch23ConvertGraphToTRTEngineERKN5torch3jit6ModuleENSt6stringE11CompileSpec"],"trtorch::ConvertGraphToTRTEngine::module":[37,2,1,"_CPPv4N7trtorch23ConvertGraphToTRTEngineERKN5torch3jit6ModuleENSt6stringE11CompileSpec"],"trtorch::dump_build_info":[35,1,1,"_CPPv4N7trtorch15dump_build_infoEv"],"trtorch::get_build_info":[32,1,1,"_CPPv4N7trtorch14get_build_infoEv"],"trtorch::logging::Level":[17,4,1,"_CPPv4N7trtorch7logging5LevelE"],"trtorch::logging::Level::kDEBUG":[17,5,1,"_CPPv4N7trtorch7logging5Level6kDEBUGE"],"trtorch::logging::Level::kERROR":[17,5,1,"_CPPv4N7trtorch7logging5Level6kERRORE"],"trtorch::logging::Level::kGRAPH":[17,5,1,"_CPPv4N7trtorch7logging5Level6kGRAPHE"],"trtorch::logging::Level::kINFO":[17,5,1,"_CPPv4N7trtorch7logging5Level5kINFOE"],"trtorch::logging::Level::kINTERNAL_ERROR":[17,5,1,"_CPPv4N7trtorch7logging5Level15kINTERNAL_ERRORE"],"trtorch::logging::Level::kWARNING":[17,5,1,"_CPPv4N7trtorch7logging5Level8kWARNINGE"],"trtorch::logging::get_is_colored_output_on":[25,1,1,"_CPPv4N7trtorch7logging24get_is_colored_output_onEv"],"trtorch::logging::get_logging_prefix":[29,1,1,"_CPPv4N7trtorch7logging18get_logging_prefixEv"],"trtorch::logging::get_reportable_log_level":[23,1,1,"_CPPv4N7trtorch7logging24get_reportable_log_levelEv"],"trtorch::logging::kDEBUG":[17,5,1,"_CPPv4N7trtorch7logging5Level6kDEBUGE"],"trtorch::logging::kERROR":[17,5,1,"_CPPv4N7trtorch7logging5Level6kERRORE"],"trtorch::logging::kGRAPH":[17,5,1,"_CPPv4N7trtorch7logging5Level6kGRAPHE"],"trtorch::logging::kINFO":[17,5,1,"_CPPv4N7trtorch7logging5Level5kINFOE"],"trtorch::logging::kINTERNAL_ERROR":[17,5,1,"_CPPv4N7trtorch7logging5Level15kINTERNAL_ERRORE"],"trtorch::logging::kWARNING":[17,5,1,"_CPPv4N7trtorch7logging5Level8kWARNINGE"],"trtorch::logging::log":[27,1,1,"_CPPv4N7trtorch7logging3logE5LevelNSt6stringE"],"trtorch::logging::log::lvl":[27,2,1,"_CPPv4N7trtorch7logging3logE5LevelNSt6stringE"],"trtorch::logging::log::msg":[27,2,1,"_CPPv4N7trtorch7logging3logE5LevelNSt6stringE"],"trtorch::logging::set_is_colored_output_on":[26,1,1,"_CPPv4N7trtorch7logging24set_is_colored_output_onEb"],"trtorch::logging::set_is_colored_output_on::colored_output_on":[26,2,1,"_CPPv4N7trtorch7logging24set_is_colored_output_onEb"],"trtorch::logging::set_logging_prefix":[24,1,1,"_CPPv4N7trtorch7logging18set_logging_prefixENSt6stringE"],"trtorch::logging::set_logging_prefix::prefix":[24,2,1,"_CPPv4N7trtorch7logging18set_logging_prefixENSt6stringE"],"trtorch::logging::set_reportable_log_level":[28,1,1,"_CPPv4N7trtorch7logging24set_reportable_log_levelE5Level"],"trtorch::logging::set_reportable_log_level::lvl":[28,2,1,"_CPPv4N7trtorch7logging24set_reportable_log_levelE5Level"],"trtorch::ptq::Int8CacheCalibrator":[3,3,1,"_CPPv4I0EN7trtorch3ptq19Int8CacheCalibratorE"],"trtorch::ptq::Int8CacheCalibrator::Algorithm":[3,7,1,"_CPPv4I0EN7trtorch3ptq19Int8CacheCalibratorE"],"trtorch::ptq::Int8CacheCalibrator::Int8CacheCalibrator":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE"],"trtorch::ptq::Int8CacheCalibrator::Int8CacheCalibrator::cache_file_path":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE"],"trtorch::ptq::Int8CacheCalibrator::getBatch":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8CacheCalibrator::getBatch::bindings":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8CacheCalibrator::getBatch::names":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8CacheCalibrator::getBatch::nbBindings":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8CacheCalibrator::getBatchSize":[3,1,1,"_CPPv4NK7trtorch3ptq19Int8CacheCalibrator12getBatchSizeEv"],"trtorch::ptq::Int8CacheCalibrator::operator nvinfer1::IInt8Calibrator*":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibratorcvPN8nvinfer115IInt8CalibratorEEv"],"trtorch::ptq::Int8CacheCalibrator::readCalibrationCache":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t"],"trtorch::ptq::Int8CacheCalibrator::readCalibrationCache::length":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t"],"trtorch::ptq::Int8CacheCalibrator::writeCalibrationCache":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8CacheCalibrator::writeCalibrationCache::cache":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8CacheCalibrator::writeCalibrationCache::length":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8Calibrator":[4,3,1,"_CPPv4I00EN7trtorch3ptq14Int8CalibratorE"],"trtorch::ptq::Int8Calibrator::Algorithm":[4,7,1,"_CPPv4I00EN7trtorch3ptq14Int8CalibratorE"],"trtorch::ptq::Int8Calibrator::DataLoaderUniquePtr":[4,7,1,"_CPPv4I00EN7trtorch3ptq14Int8CalibratorE"],"trtorch::ptq::Int8Calibrator::Int8Calibrator":[4,1,1,"_CPPv4N7trtorch3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb"],"trtorch::ptq::Int8Calibrator::Int8Calibrator::cache_file_path":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb"],"trtorch::ptq::Int8Calibrator::Int8Calibrator::dataloader":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb"],"trtorch::ptq::Int8Calibrator::Int8Calibrator::use_cache":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb"],"trtorch::ptq::Int8Calibrator::getBatch":[4,1,1,"_CPPv4N7trtorch3ptq14Int8Calibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8Calibrator::getBatch::bindings":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8Calibrator::getBatch::names":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8Calibrator::getBatch::nbBindings":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8Calibrator::getBatchSize":[4,1,1,"_CPPv4NK7trtorch3ptq14Int8Calibrator12getBatchSizeEv"],"trtorch::ptq::Int8Calibrator::operator nvinfer1::IInt8Calibrator*":[4,1,1,"_CPPv4N7trtorch3ptq14Int8CalibratorcvPN8nvinfer115IInt8CalibratorEEv"],"trtorch::ptq::Int8Calibrator::readCalibrationCache":[4,1,1,"_CPPv4N7trtorch3ptq14Int8Calibrator20readCalibrationCacheER6size_t"],"trtorch::ptq::Int8Calibrator::readCalibrationCache::length":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator20readCalibrationCacheER6size_t"],"trtorch::ptq::Int8Calibrator::writeCalibrationCache":[4,1,1,"_CPPv4N7trtorch3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8Calibrator::writeCalibrationCache::cache":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8Calibrator::writeCalibrationCache::length":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::make_int8_cache_calibrator":[31,1,1,"_CPPv4I0EN7trtorch3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE"],"trtorch::ptq::make_int8_cache_calibrator::Algorithm":[31,7,1,"_CPPv4I0EN7trtorch3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE"],"trtorch::ptq::make_int8_cache_calibrator::cache_file_path":[31,2,1,"_CPPv4I0EN7trtorch3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE"],"trtorch::ptq::make_int8_calibrator":[30,1,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::Algorithm":[30,7,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::DataLoader":[30,7,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::cache_file_path":[30,2,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::dataloader":[30,2,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::use_cache":[30,2,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::set_device":[34,1,1,"_CPPv4N7trtorch10set_deviceEKi"],"trtorch::set_device::gpu_id":[34,2,1,"_CPPv4N7trtorch10set_deviceEKi"],STR:[5,0,1,"c.STR"],TRTORCH_API:[6,0,1,"c.TRTORCH_API"],TRTORCH_HIDDEN:[7,0,1,"c.TRTORCH_HIDDEN"],TRTORCH_MAJOR_VERSION:[8,0,1,"c.TRTORCH_MAJOR_VERSION"],TRTORCH_MINOR_VERSION:[12,0,1,"c.TRTORCH_MINOR_VERSION"],TRTORCH_PATCH_VERSION:[9,0,1,"c.TRTORCH_PATCH_VERSION"],TRTORCH_VERSION:[10,0,1,"c.TRTORCH_VERSION"],XSTR:[11,0,1,"c.XSTR"],trtorch:[64,8,0,"-"]},"trtorch.logging":{Level:[63,9,1,""],get_is_colored_output_on:[63,10,1,""],get_logging_prefix:[63,10,1,""],get_reportable_log_level:[63,10,1,""],log:[63,10,1,""],set_is_colored_output_on:[63,10,1,""],set_logging_prefix:[63,10,1,""],set_reportable_log_level:[63,10,1,""]},"trtorch.logging.Level":{Debug:[63,11,1,""],Error:[63,11,1,""],Info:[63,11,1,""],InternalError:[63,11,1,""],Warning:[63,11,1,""]},trtorch:{DeviceType:[64,9,1,""],EngineCapability:[64,9,1,""],TensorRTCompileSpec:[64,10,1,""],check_method_op_support:[64,10,1,""],compile:[64,10,1,""],convert_method_to_trt_engine:[64,10,1,""],dtype:[64,9,1,""],dump_build_info:[64,10,1,""],get_build_info:[64,10,1,""],logging:[63,8,0,"-"],set_device:[64,10,1,""]}},objnames:{"0":["c","macro","C macro"],"1":["cpp","function","C++ function"],"10":["py","function","Python function"],"11":["py","attribute","Python attribute"],"2":["cpp","functionParam","functionParam"],"3":["cpp","class","C++ class"],"4":["cpp","enum","C++ enum"],"5":["cpp","enumerator","C++ enumerator"],"6":["cpp","member","C++ member"],"7":["cpp","templateParam","templateParam"],"8":["py","module","Python module"],"9":["py","class","Python class"]},objtypes:{"0":"c:macro","1":"cpp:function","10":"py:function","11":"py:attribute","2":"cpp:functionParam","3":"cpp:class","4":"cpp:enum","5":"cpp:enumerator","6":"cpp:member","7":"cpp:templateParam","8":"py:module","9":"py:class"},terms:{"001s":51,"00f1b6db":51,"01s":51,"04s":51,"07s":51,"0c106ec84f199a0fbcf1199010166986da732f9b0907768c9ac5ea5b120772db":66,"0x7fb1218be8f0":64,"11k":51,"12a":51,"16280mib":51,"1x1":53,"24k":51,"2_20200626":66,"2c365_subsampl":51,"2mib":51,"300w":51,"300x300":53,"31c":51,"32w":51,"32x32":51,"33c":51,"33w":51,"34c":51,"34w":51,"353k":51,"35c":51,"35k":51,"35w":51,"36c":51,"37c":51,"43w":51,"442k":51,"4fef":51,"53k":51,"55k":51,"774kb":51,"818977576572eadaf62c80434a25afe44dbaa32ebda3a0919e389dcbe74f8656":66,"81k":51,"84e944ff11f8":51,"891mib":51,"9205bed204e2ae7aafd2e01cce0f21309e281e18d5bfd7172ef8541771539d41":66,"94k":51,"9ab0":51,"abstract":[57,60],"byte":64,"case":[1,2,45,46,52,53,54,57,60,66,67],"catch":[55,65],"char":[3,4,43,65],"class":[30,31,43,44,45,46,50,51,52,53,57,60,63,64,65,67],"const":[1,2,3,4,30,31,33,34,36,37,43,44,45,46,55,60,62,65,67],"default":[1,2,3,4,17,30,31,42,44,45,46,51,53,64,65,67,69,70],"enum":[1,2,41,44,45,46,50,63,67],"export":66,"final":[54,56,58,66],"float":[45,62,64,65,69],"function":[1,2,3,4,45,46,47,50,51,52,53,55,57,60,65,67,70,71],"import":[51,52,53,55,65,68,69,70],"int":[3,4,34,43,44,45,62,64,65],"long":[45,54,64],"new":[1,2,3,4,33,45,46,47,51,52,57,58,60,63,65],"public":[1,2,3,4,43,44,45,46,47,67],"return":[1,2,3,4,23,25,30,31,32,33,36,37,41,42,43,44,45,46,51,52,55,56,57,58,60,63,64,65,67],"short":55,"static":[45,47,54,60,64,65],"super":[43,52,65],"throw":[55,65],"true":[1,2,4,45,46,51,52,53,55,60,62,64,65,67,70,71],"try":[51,52,58,65,70],"var":62,"void":[3,4,24,26,27,28,34,35,41,43,44],"while":67,And:65,Are:41,Bus:51,But:65,For:[51,52,53,54,65,66,67,68,70],IDs:53,Its:60,Not:3,One:[64,65],PRs:65,Thats:65,The:[2,45,46,51,52,53,54,55,56,57,58,60,63,66,67,69,70],Then:[66,67,70],There:[4,51,53,54,60,65,67,68],These:[54,57,67],Use:[45,60,64,67],Useful:61,Using:[4,51,53,61,71],Will:36,With:[51,65,67],___torch_mangle_10:65,___torch_mangle_4847:57,___torch_mangle_5:65,___torch_mangle_9:65,__and__:62,__attribute__:42,__getitem__:62,__gnuc__:42,__init__:[52,65],__is__:62,__isnot__:62,__not__:62,__or__:62,__round_to_zero_floordiv:62,__torch__:[57,65],__torch___pytorch_detection_ssd_src_model_ssd300_trt_engin:57,__torch___torchvision_models_resnet____torch_mangle_4847_resnet_trt_engin:57,__visibility__:42,__xor__:62,_all_:55,_convolut:[62,65],_jit_to_backend:70,_jit_to_tensorrt:64,_script:64,a100:[51,52],aarch64:58,abi:68,abl:[51,52,54,55,60,61,67,70],about:[53,54,57,60,64,65,69],abov:[28,53,65],abs:62,acceler:[51,52,65,71],accept:[45,47,57,60,69],access:[53,55,60,61,65,70],accord:60,accumul:[45,64],accuraci:[53,67],achiev:[51,52],aco:62,acosh:62,across:55,acthardtanh:60,activ:[65,67,71],activationtyp:60,actual:[52,55,57,60,63,65],adaptive_avg_pool2d:62,adaptiveavgpool2d:51,add:[27,54,55,60,62,63,65,66],add_:[55,62,65],add_patch:53,addactiv:60,added:[28,54],addit:[53,55,65],addlay:65,addshuffl:65,advanc:67,affin:51,after:[53,54,61,65,68,69],again:[43,53,57,60],against:[65,69],agre:[51,52,53],agx:44,ahead:65,aim:55,algo_typ:67,algorithm:[3,4,30,31,43,67],align_corn:62,all:[17,41,42,43,44,51,52,53,55,57,64,65,67,68,69],alloc:60,allow:[45,47,51,52,53,54,55,64,69],allow_gpu_fallback:[44,45,46,64,67,70,71],allow_tf32:62,almost:65,alpha:[53,62],alreadi:[51,54,55,65,67,69],also:[31,51,52,53,54,60,61,65,66,67],alwai:[3,4,26],amazonaw:51,amp:51,analog:65,analogu:60,analysi:[51,53],ani:[51,52,53,54,60,64,65,66,67,69],annot:[53,60,65],anoth:65,aot:[61,65],apach:[51,52,53],apex:53,api:[13,15,16,41,42,43,44,58,60,64,65,67,68,70],apidirectori:[22,48],append:[51,52,53,62],appli:67,applic:[2,31,45,46,51,52,53,55,58,65,68,69,70,71],approach:[51,52],apr:65,aquir:65,architectur:[53,61,66],archiv:66,aren:65,arg:[54,65],argc:65,argmax:51,argument:[55,57,60,65,69],argv:65,around:[57,60,65],arrai:[3,4,54],arrayref:[44,45,47],arti:51,arxiv:67,asin:62,asinh:62,aspect:69,assembl:[54,65],assign:[3,4],associ:[54,60,65],associatevalueandivalu:60,associatevalueandtensor:[60,65],assum:70,atan:62,atanh:62,aten:[55,59,60,62,65],attach:53,attribut:[55,57,65],aug:51,auto:[43,60,65,67,71],automat:[51,52,65],avail:[51,52,53,60,66,71],ave:[51,52],averag:[45,51,52,53,64,69],avg:[53,69],avg_pool1d:62,avg_pool2d:62,avg_pool3d:62,avgpool:[51,53],avoid:51,await:51,axes:51,axi:51,b_hh:62,b_ih:62,back:[55,57,58,65],back_insert:43,backbon:53,backend:[51,52,53,64,70],background:53,base:[35,48,49,51,52,53,57,63,65,66,67],bash:[53,66],basi:[51,52,53],basic:69,batch:[3,4,43,45,51,52,53,64,67,69,71],batch_norm:[60,62],batch_siz:[43,53,67],batched_data_:43,batchnorm2d:51,batchnorm:[53,55],batchtyp:43,bazel:[58,66],bazel_vers:66,bazelbuild:66,bazelisk:66,bazelvers:66,bbox:53,bdist_wheel:66,becaus:[60,65,66],becom:60,been:[54,60,65],befor:[45,53,55,58,60,61,64,65,66],begin:[43,66],beginn:65,behav:[51,53],behavior:[45,64],being:65,below:[53,60,65],benchmark:[52,62],benefit:[60,65],best:[45,47,51,52,66],best_result:53,best_results_per_input:53,best_results_per_input_trt:53,beta:62,better:[51,52,53,65,67],between:[53,60,67],bia:[51,52,55,62,65],bin:[51,66],binari:[43,67],bind:[3,4,43],bird:51,bit:[45,60,64,65],blob:[59,67],block0:55,block1:55,block:[54,55],bn1:51,bn2:51,bn3:51,bool:[1,2,3,4,25,26,30,36,41,43,44,45,46,55,60,62,63,64,65,67],bot:53,both:[51,52,53,65,66,67],bottleneck:51,bound:53,box:53,branch:66,breed:51,briefli:65,bsd:[41,42,43,44],buffer:[3,4],bug:66,build:[30,31,32,45,54,56,58,60,64,65,67,69],build_fil:66,builderconfig:44,built:[58,66,69],bust:51,bzl:66,c10:[1,2,44,45,46,47,65,67],c96b:51,c_api:59,c_str:[60,65],cach:[3,4,30,31,43,51,53,65,67,69],cache_:43,cache_fil:[43,67],cache_file_path:[3,4,30,31,43],cache_file_path_:43,cache_size_:43,cachecalibr:67,calcul:[54,65],calibr:[3,4,30,31,43,45,65,67,69],calibration_cache_fil:[30,31,67],calibration_dataload:[30,67],calibration_dataset:67,calibrationalgo:67,call:[30,31,33,45,51,52,53,55,57,60,64,65,70],callmethod:65,can:[1,2,4,30,31,37,45,46,47,51,52,53,54,55,56,57,58,60,64,65,66,67,68,69,70],cannot:[51,52,53,55,65],cap:51,capabl:[44,45,64,69,70],captur:53,cast:[3,4,55],cat:[62,66],caught:55,caus:[60,66],cdll:65,ceil:62,ceil_mod:[51,62],cell:53,centercrop:51,cerr:65,certifi:51,cf0691493d05062fe3239cf76773bae4c5124f4b039050dbdd291c652af3ab2a:66,chain:60,chanc:60,chang:[31,51,52,55,58,67],channel:51,check:[1,2,36,45,46,53,55,60,64,65,66,68,69],check_method_op_support:64,checkmethodoperatorsupport:[21,38,44,48,49,65],checkpoint:53,checkpoint_from_distribut:53,chimpansee_amber_r_1920x1080:51,chimpanze:51,choos:[65,66],cifar10:67,cifar:67,clamp:62,classes_to_label:53,classif:[52,53,65],classifi:52,clear:43,cli:[65,69],close:65,closer:55,cloudfront:51,coco:53,cocodataset:53,code:[51,52,53,58,61,65,67],collect:65,color:[25,26,63],colored_output_on:[26,41,63],com:[51,52,59,65,66,67],come:[51,52],command:[51,65,66,69],comment:66,common:[51,53,54,55],common_subexpression_elimin:55,commun:65,compar:53,comparis:[1,45],comparison:[2,45,46],compat:[1,2,45,46,55,57,66],compil:[33,36,37,45,51,52,53,55,57,60,64,67,68,69,70,71],compile_set:[52,65,67],compile_spec:[64,67,71],compilegraph:[21,38,44,48,49,65,67],compilespec:[0,2,3,4,21,33,37,38,44,48,49,64,65,67,71],compilespecstruct:[0,48],complet:[51,52,53,65],complex:65,compli:53,complianc:[51,52,53],compliat:67,compon:[52,56,58,65,68],compos:[51,52,53,65,67],composit:65,comprehens:53,comput:[45,51,52,53,66,67],conclus:51,condit:[51,52,53],confid:[51,53],config:66,configur:[33,37,61,64,65,66,67],connect:[51,55,71],consid:[51,65],consol:69,consolid:65,constant:[54,55,65],constexpr:[1,2,44,45,46],construct:[1,2,3,4,45,46,47,54,55,56,58,60,65,67],constructor:[1,45,46,57,65],consum:[4,54,65],contain:[30,36,51,52,53,54,55,60,64,65,66,67,68],content:67,context:[54,56,57,58],continu:[51,52,53,68],contributor:65,control:[51,52,53,65],conv1:[51,52,65],conv2:[51,52,65],conv2d:[51,52,65],conv3:51,conv4_x:53,conv5_x:53,conv:65,conveni:[53,67],convers:[51,53,55,57,64,65],conversionctx:[60,65],convert:[3,4,33,36,37,52,53,55,56,58,61,64,70],convert_method_to_trt_engin:[64,70],convertgraphtotrtengin:[21,38,44,48,49,65],convien:45,convienc:[3,4],convolut:[53,67,71],coordin:58,copi:[43,51,52,53,60],copyright:[41,42,43,44,51,52,53,65],core:[44,51,52,53,55,58,64,65,71],corpor:[41,42,43,44,51,52,53],correct:66,correspond:[51,53,60],cos:62,cosh:62,count_include_pad:62,coupl:[51,52,54,58,68],cout:65,cp36:66,cp36m:66,cp37:66,cp37m:66,cp38:66,cp39:66,cpp:[14,15,16,41,42,43,44,50,55,58,65,67],cpp_frontend:67,cppdirectori:[22,48],cppdoc:65,creat:[30,31,51,52,53,54,57,60,64,69],credit:65,csrc:[55,59],cstddef:67,ctx:[60,65],ctype:65,cu102:66,cuda:[45,51,52,53,57,64,65,66,67,70],cuda_runtim:[21,44],cudafloattyp:65,cudasetdevic:34,cudnn8:66,cudnn:[51,52,53],cudnn_en:62,curl:66,current:[23,60],custom:66,cxx11:68,cycler:51,d17fnq9dkz9hgj:51,data:[1,3,4,30,31,43,44,45,46,51,52,53,54,56,58,60,67],data_dir:67,dataflow:[60,65],dataload:[4,30,31,43,45,67],dataloader_:43,dataloadercalibr:67,dataloaderopt:67,dataloaderuniqueptr:[4,43],dataset:[31,53,67],datatyp:[0,2,21,38,44,45,46,48,49,64],dateutil:51,dbg:66,dead_code_elimin:55,deal:60,debug:[17,26,44,45,60,63,64,69,70],debugg:[64,69],decid:52,decod:51,decode_result:53,deconvolut:71,dedic:55,deep:[51,52,53,60,61,67,71],deeplearn:59,deeplearningexampl:53,def:[51,52,53,65],defin:[1,2,3,4,17,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,42,45,46,47,50,51,52,65,67,69],definit:[50,60],delet:[1,2,44,45,46,55],demo:[51,53,67],demonstr:[51,52,53,67],denorm:53,dep:66,depend:[31,32,51,53,54,58,65,68],depickl:57,deploi:[51,52,61,65,67],deploy:[51,52,65,67,68,69,71],deprec:62,describ:[45,51,52,53,60,64,65,70],deseri:[64,65],design:[51,52,71],desir:67,destroi:60,destructor:60,detail:[51,65,68],detect:[51,57],detections_batch:53,determin:55,determinist:62,develop:[51,52,61,65,66],deviat:69,devic:[0,21,34,38,44,45,48,49,51,52,64,65,67,69,70,71],device_typ:[44,45,46,64,67,70,71],deviceclass:[0,48],devicetyp:[21,38,44,45,46,48,49,64,67,70,71],devicetypestruct:[0,48],dict:[53,64],dictionari:[64,65,70],differ:[31,52,53,55,58,61,65],differenti:[51,52],dilat:[51,62],dim0:62,dim1:62,dim:[51,62],dim_int:62,dim_intlist:62,dimens:55,directli:[60,61,67],directori:[18,19,20,21,22,41,42,43,44,48,51,66,67],disabl:[63,66,69],disable_tf32:[44,45,64,67],disclos:66,disp:51,displai:69,dist:[51,66],distdir:66,distribut:[51,52,53,64,65,67,68],div:62,div_:62,divisor_overrid:62,dl_open:68,dla:[2,44,45,46,61,64,69],dla_cor:[44,45,46,64,67,70,71],doc:[58,59,66],docker:[51,52,53],docsrc:58,document:[41,42,43,44,48,49,58,65,67,68,70],doe:[42,43,51,53,55,60,67],doesn:65,doing:[53,54,55,65,67],domain:67,don:[52,60,67],done:[51,53,54,58],dont:41,doubl:[45,64],down:[51,52,66],download:[53,66,67],downsampl:51,doxygen_should_skip_thi:[43,44],driver:[51,66],drop:[53,66],dtype:[51,52,53,62,64],due:[3,4,51,53],dump:[35,66,69],dump_build_info:[21,38,44,48,49,64],dure:[60,67,69],dynam:[45,47,64],each:[3,4,45,53,54,55,57,60,64,65],eager:[51,52],earlier:51,easi:[54,55,65,67,69],easier:[56,58,60,65,67],easiest:66,easili:[3,4],ecc:51,ecosystem:[51,52,53],edgecolor:53,edu:67,effect:[55,65,67],effici:60,either:[45,47,51,52,53,60,64,65,66,69],element:57,element_typ:43,els:[42,43,64],elu:62,emb:65,embed:[57,62,65,69,71],emit:54,empti:[52,65],emum:[17,45],enabl:[3,4,25,51,52,53,63,64],encount:66,end:[43,60,62,65,67],end_dim:[62,65],end_tim:[51,52,53],endif:[42,43,44],enforc:65,engin:[1,2,33,37,45,46,47,54,56,58,61,64,65,67,69,70,71],engine_converted_from_jit:65,enginecap:[44,45,64,70],enhanc:53,ensur:[31,55],enter:54,entri:[45,60,64],entropi:[30,31,67],entropy_calibration_2:67,enumer:[1,2,17,45,46],eps:[51,62],equival:[33,51,52,53,56,58,60,64,65,67],equivil:37,erf:62,error:[17,54,55,58,63,65,66],etc:[64,71],eval:[51,52,53,65],evalu:[53,56,57,58],evaluated_value_map:[54,60],even:65,everi:65,everyth:17,exactli:53,exampl:[51,52,53,57,58,60,65,67],except:[51,52,53],exception_elimin:55,execpt:55,execut:[51,52,53,55,56,57,58,64,65,67],execute_engin:[57,65],exeuct:57,exhaust:65,exist:[4,33,36,37,51,64,66,67],exp:62,expand:[55,62],expand_a:62,expect:[51,55,60,65],experi:[51,52],explic:43,explicit:[3,4,44,55,61,67],explicitli:[67,70],explict:43,explictli:[1,45],expon:62,expos:67,express:[51,52,53],extend:[56,58,60,65],extent:[61,65],extra:[45,65],extract:65,extractor:52,f16:[65,69,71],f32:69,facecolor:53,factori:[4,30,31,67],fail:[65,71],fallback:[60,69,71],fals:[1,2,3,4,43,44,45,46,51,53,62,64,65,67,70],famili:[51,52,53],familyhandyman:51,fan:51,fashion:65,fbed:51,fc1:[52,65],fc2:[52,65],fc3:[52,65],feat:[52,65],featur:[51,52,53,65,67,69,70],fed:[3,4],feed:[30,31,65],feel:61,few:[51,52],field:[3,4,67],fig:[51,53],file:[1,2,3,4,5,6,7,8,9,10,11,12,17,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,45,46,47,51,52,53,57,58,64,65,66,67,69],file_path:69,filer_publ:51,filer_public_thumbnail:51,fill:[51,52],filter:53,find:[4,53,65],finish:53,first:[51,52,53,54,55,65,67],five:53,fix:[45,51,53,71],fixed_s:[44,45],flag:[66,69],flatten:[52,62,65],flatten_convert:65,flexibl:[51,52,53],float16:[64,69],float32:[45,51,64,69],float_int:62,floor:62,floor_divid:62,floordiv:62,flow:[51,52,53,60,65],fly:65,follow:[51,52,53,65,66,67,69],footprint:[51,52],forc:[64,69],form:54,format:[45,51,52,53,64,69],forum:66,forward:[30,31,33,52,57,60,64,65,67,70],found:[41,42,43,44,51,53,65,66,67],fp16:[1,45,52,53,61,64,65,71],fp32:[1,45,52,53,61,64,67],framework:[51,52,53],freed:60,freez:65,freeze_modul:55,from:[1,2,3,4,30,31,43,45,46,47,51,52,53,54,55,56,57,58,60,61,65,67,69],fssl:66,fstream:[20,43],full:[60,65,67,68,69,71],fulli:[36,55,64,65,67,71],fuse:[51,52],fuse_addmm_branch:55,fuse_flatten_linear:55,fuse_linear:55,fusion:60,futur:[51,52],gain:53,gamma:62,gaurd:42,gcc:[58,65],gear:67,gener:[3,4,31,51,52,53,55,57,58,60,65,67,69],get:[1,2,3,4,23,32,43,45,46,47,53,55,60,63,66,67,70],get_batch_impl:43,get_build_info:[21,38,44,48,49,64],get_coco_object_dictionari:53,get_is_colored_output_on:[18,39,41,48,49,63],get_logging_prefix:[18,39,41,48,49,63],get_reportable_log_level:[18,39,41,48,49,63],getattr:[55,57,65],getbatch:[3,4,43],getbatchs:[3,4,43],getdimens:[60,65],getoutput:[60,65],github:[51,52,53,59,65,66,67],give:52,given:[45,51,53,55,64,65,69,70],global:[27,65],gnu:66,goal:60,going:[43,65],good:[43,60],got:65,govern:[51,52,53],gpu:[2,33,34,37,44,45,46,51,52,64,65,67,69,70,71],gpu_id:[34,44,45,46,64,67,70,71],granular:52,graph:[17,33,36,37,44,51,52,53,54,56,58,60,61,64,65],great:[51,52,53,65],green_mamba:51,group:62,gtc:61,guard:55,guard_elimin:55,gulf:51,hack:43,hakaimagazin:51,half:[52,53,64,65,69,70,71],handl:[53,55,57],happen:[51,52,65],hardtanh:[60,62],hardtanh_:62,hardwar:[51,52,53,71],has:[51,52,53,54,55,58,60,65,67],hash:66,have:[31,43,51,52,53,54,55,60,61,65,66,67,69],haven:65,head:53,header:[51,65],help:[26,51,52,54,60,65,69],helper:[51,52,53,60],here:[43,51,52,53,54,57,65,66,67],hermet:66,hfile:[22,48],hidden:42,high:[51,53,55,65],higher:[55,65],hinton:67,hold:[45,46,47,54,60,67],holder:57,home:66,hood:58,host:66,how:[3,4,51,53,65,70],howev:[31,51,52,53,66],html:[59,65,66,67],http:[51,52,53,59,65,66,67],http_archiv:66,hub:[51,53],huski:51,idea:55,ident:69,idx:[53,62],ifndef:[43,44],ifstream:43,iint8calibr:[3,4,30,31,43,44,45,67],iint8entropycalibrator2:[3,4,30,31,43,67],iint8minmaxcalibr:[30,31,67],ilay:60,imag:[51,53,67],image_idx:53,imagenet:51,imagenet_cla:51,imagenet_class_index:51,images_:67,img0:51,img1:51,img2:51,img3:51,img:51,img_path:51,impact:[51,52,53],implement:[3,4,51,52,53,55,57,65,67],impli:[51,52,53],implic:55,implicit:62,imshow:[51,53],in_featur:[51,52],in_shap:65,in_tensor:65,incas:43,includ:[14,16,17,32,35,41,42,43,44,50,51,52,53,64,65,66,67,69],includedirectori:[22,48],ind:51,independ:[51,53],index:[59,61,62,67],indic:62,inetworkdefinit:54,infer:[51,52,55,65,67],info:[17,33,37,44,45,60,63,65,69],inform:[28,32,35,53,54,61,64,65,67,69,70],infrastructur:67,ingest:58,inherit:[48,49,67],inlin:[43,55,65],inner:45,inplac:51,input0:65,input1:65,input2:65,input:[3,4,31,43,45,47,51,52,53,54,55,57,60,62,64,65,67,69,70,71],input_0:[57,65],input_batch:51,input_data:[51,52,53,65],input_file_path:[69,71],input_rang:[44,45],input_s:65,input_scal:62,input_shap:[51,52,53,64,65,67,69,70,71],input_tensor:51,inputrang:[21,38,44,45,48,49,65],inputrangeclass:[0,48],inspect:[52,60,65],instal:[51,53,61,65,68],instanc:[51,52,55,65],instanti:[56,57,58,60,65],instatin:[1,2,45,46],instead:[54,55,65,68,69],instnanti:57,instruct:[65,66],insur:66,int64_t:[44,45,46,47,67,71],int8:[1,43,45,61,64,67,69,71],int8_t:44,int8cachecalibr:[20,31,40,43,48,49],int8cachecalibratortempl:[0,48],int8calibr:[3,20,30,40,43,48,49],int8calibratorstruct:[0,48],int_float:62,integ:64,integr:[51,52,61],intent:55,intercompat:[51,53],interest:55,interfac:[1,2,45,46,57,58,60,65,67],intermedi:[17,51,52,65],intern:[2,17,45,46,51,52,53,60,65],internal_error:63,internalerror:63,interpret:[51,52,57],intro_to_torchscript_tutori:65,introduc:[51,52,53],invok:65,involv:[51,52],ios:43,iostream:[20,43,65],is_avail:51,is_train:67,iscustomclass:60,issu:[3,4,51,52,65,66],istensor:60,istream_iter:43,it_:43,item:51,itensor:[54,60,65],iter:[20,43,45,51,52,53,54,64,69],its:[31,51,52,53,54,57,60],itself:[1,2,45,46,55,66,69,70],ivalu:[54,57,60,65],jetson:[51,52,64],jit:[33,36,37,44,51,52,53,54,55,56,57,58,59,60,64,65,69,70],jpeg:51,jpg:[51,53],jpg__1920x1080_q85_subject_loc:51,json:51,json_fil:51,just:[43,44,51,53,55,61,65,68,70],kchar:[1,44,45],kclip:60,kcpu:[2,45,46],kcuda:[2,45,46,65],kdebug:[17,41,43],kdefault:[44,45],kdla:[2,44,45,46,71],keepdim:62,kei:[64,65],kernel:[45,51,52,60,64,65,69],kernel_s:[51,52,62],kerror:[17,41],kf16:71,kfloat:[1,44,45],kgpu:[2,44,45,46],kgraph:[17,41,55],khalf:[1,44,45,65],ki8:67,kind:[51,52,53,54,64],kinfo:[17,41,43],kinternal_error:[17,41],kiwisolv:51,know:[41,60],known:53,kriz:67,krizhevski:67,ksafe_dla:[44,45],ksafe_gpu:[44,45],ktest:67,ktrain:67,kwarn:[17,41],label:[53,67],laid:65,lambda:[60,65],languag:[51,52,53,65],larg:[51,52,56,58,65,67],larger:67,largest:62,last:[53,55],later:[31,65],latest:66,law:[51,52,53],layer1:51,layer2:51,layer3:51,layer4:51,layer:[45,46,51,52,53,54,55,60,64,65,67,69,71],ld_library_path:66,ld_preload:68,ldd:66,leaky_relu:62,leaky_relu_:62,learn:[61,65,66,67,71],least:51,leav:[52,55],left:53,len:[51,53,62],lenet:[53,65],lenet_script:65,lenetclassifi:[52,65],lenetfeatextractor:[52,65],length:[3,4,43,51,62],let:[45,46,51,52,53,55,60,69],level:[18,23,27,28,39,41,43,48,49,51,52,55,58,63,65],levelnamespac:[0,48],leverag:[51,52,53,67],lib:[51,55,65,66],librari:[32,41,42,43,44,51,52,53,56,57,58,60,65],libtorch:[4,35,51,52,53,60,65,66,67],libtorch_pre_cxx11_abi:66,libtrtorch:[65,66,69],libtrtorchrt:68,licens:[41,42,43,44,51,52,53,65],like:[51,52,53,54,55,57,60,65,66,67,68,69],limit:[51,52,53,55,67],line:[65,69],linear:[51,52,62,65],linewidth:53,link:[54,61,65,68,69],linux:[58,65,66],linux_x86_64:66,list:[18,19,20,21,36,50,53,54,57,60,62,64,65,66],listconstruct:[54,57,65],listunpack:[57,65],live:60,load:[51,53,57,65,66,67,68,69,70],load_librari:68,loader:[51,52,53],loading_data_recip:67,local:[51,53,55,65],locat:[53,67],log:[16,17,19,20,22,38,43,48,49,50,55,60,62,64],log_debug:60,logger:63,loggingenum:[0,48],loglevel:63,longer:[51,52,68],look:[54,55,65,67,70],loop_unrol:55,lorikeet:51,loss:67,lot:60,lower:17,lower_graph:55,lower_tupl:55,loweralltupl:55,lowersimpletupl:55,lstm_cell:62,lvl:[27,28,41],machin:[51,52,57,66,67],macro:[5,6,7,8,9,10,11,12,16,18,21,22,41,44,48,50],made:[53,55,56,58],mai:[51,52,53,54,57,58,65,67],main:[53,55,56,57,58,60,65],maintain:[57,60],major:[51,52,53,58],make:[51,52,53,54,65,66,67,71],make_data_load:[4,67],make_int8_cache_calibr:[20,40,43,48,49,67],make_int8_calibr:[20,31,40,43,48,49,67],manag:[54,56,58,60,65],mangag:55,mantissa:[45,64],manual:66,map:[2,45,46,54,55,56,58,60,65,67,70],master:[59,66,67],match:[45,55,66],matmul:[55,62,65],matplotlib:[51,53],matrix:59,matur:58,max:[44,45,47,52,60,62,64,65,69],max_batch_s:[44,45,64,67,69,70],max_c:69,max_h:69,max_n:69,max_pool1d:62,max_pool2d:[52,62,65],max_pool3d:62,max_val:[60,62],max_w:69,maximum:[45,47,64,65,69],maxpool2d:51,maxpool:51,mean:[45,51,52,53,60,61,62,64,65,69],mechan:60,media:51,meet:64,member:[45,46,47,64],memori:[20,21,43,44,51,52,55,60,65],mention:51,menu:69,messag:[17,27,28,63,69],metadata:[57,60],method:[33,36,37,51,52,53,55,60,64,65,66,70],method_nam:[36,37,44,64,65],mig:51,might:55,min:[44,45,47,52,60,62,64,65,69],min_c:69,min_h:69,min_n:69,min_val:[60,62],min_w:69,mini:51,minim:[45,64,67,69],minimum:[45,47,63,65],minmax:[30,31,67],miss:65,mix:53,mkdir:[51,66],mobilenet_v2:70,mod:[65,67],mode:[65,67],mode_:67,model:[57,65,67,70],model_math:53,modern:53,modifi:66,modul:[33,36,37,44,51,52,53,56,57,58,60,61,64,67,69,70,71],modular:65,momentum:[51,62],more:[51,52,53,54,61,65,67,68,70],most:58,move:[30,43,44,51,52,55,57,65,67],msg:[27,41,63],much:[60,67],mul:62,mul_:62,multipl:[57,67],multipli:[45,64],must:[45,51,53,60,64,65,66,68,69],n01749939:51,n01820546:51,n02110185:51,n02481823:51,name:[3,4,36,37,43,51,53,57,60,64,65,66,70],namespac:[0,41,43,44,50,55,61,67],nano:66,narrow:62,nativ:[58,59,65],native_funct:59,nbbind:[3,4,43],ncol:51,necessari:[41,68],need:[1,2,28,31,42,45,46,53,54,55,60,65,66,67,68],neg:62,negative_slop:62,nest:[48,49],net:[51,60,65],network:[30,31,51,52,53,60,65,67,71],neural:[51,53,71],new_lay:60,new_local_repositori:66,new_siz:67,newer:[51,52],next:[3,4,53,54,57,67],ngc:53,nice:66,ninja:66,nlp:[30,31,67],no_grad:[51,52,53],node:[55,60,65],node_info:[60,65],noexcept:67,none:[53,60,62],normal:[1,2,45,46,51,52,53,65,67,71],noskipw:43,note:[2,45,46,51,60,65,66,71],notebook:[51,52,53,58],notic:[52,53],now:[51,52,53,55,58,60,65,66,70],nrow:51,nrun:[51,52,53],nullptr:[43,44,45],num:69,num_avg_timing_it:[44,45,64,70],num_it:69,num_min_timing_it:[44,45,64,70],num_work:67,number:[3,4,45,51,55,60,64,65,69],numel:62,numer:69,numpi:[51,52,53],nvidia:[33,37,41,42,43,44,51,52,53,59,64,65,66,67,69,71],nvidia_deeplearningexamples_torchhub:53,nvidia_ncf:53,nvidia_ssd:53,nvidia_ssd_processing_util:53,nvidia_tacotron2:53,nvidia_waveglow:53,nvinfer1:[3,4,30,31,43,44,45,60,67],nvinfer:[20,43],nwarmup:[51,52,53],obj:62,object:[1,2,3,4,45,46,47,60,64,65,67,70],observ:51,obsolet:53,obtain:[51,52,53],obvious:65,octet:51,off:[51,53,57],offici:66,ofstream:[43,65],older:58,olefil:51,onc:[41,42,43,44,54,55,57,65,67,68],one:[53,55,60,63,65],ones:[41,51,52,53,65,66],onli:[2,3,4,17,31,43,45,46,52,53,55,58,60,63,64,65,66,67,68,69,71],onnx:55,onto:[57,69],op_precis:[44,45,51,52,53,64,65,67,69,70,71],open:[51,52],oper:[1,2,3,4,36,43,44,45,46,51,52,54,55,56,57,58,60,61,64,67,69,71],ops:[51,53,55,65,68],opset:[56,58],opt:[44,45,47,52,64,65,66],opt_c:69,opt_h:69,opt_n:69,opt_w:69,optim:[45,47,51,52,53,55,61,65,69],optimi:65,optimin:[45,47],optimiz:[51,52,53],option:[43,64,66,67,68,69,71],order:[45,53,60,65],org:[51,52,53,59,65,66,67],origin:53,original_nam:52,other:[1,2,44,45,46,51,52,53,54,55,57,61,62,64,65,66,68,69],otherwis:[66,68],our:[51,52,53,58,65],out:[36,43,51,52,54,55,56,58,60,63,64,65,66],out_featur:[51,52],out_shap:65,out_tensor:[60,65],output0:55,output:[25,26,45,51,52,53,54,55,57,60,63,65,66,69],output_file_path:[69,71],output_pad:62,output_s:[51,62],outself:65,over:[51,52,56,58],overkil:52,overrid:[3,4,30,31,43,67],overview:[59,61],own:[51,52,60,65],p100:51,packag:[51,55,65,69],pad:[51,62],padding_idx:62,page:61,pair:[60,67],paper:[51,53],paramet:[1,2,3,4,26,27,28,30,31,33,34,36,37,45,46,47,54,55,60,63,64,65],parent:[14,15,16,18,19,20,21],pars:65,part:[58,69],particular:52,pass:[54,56,57,58,60,65,67],patch:53,path:[4,13,14,15,16,30,31,51,52,53,65,66,67,69],path_to_trtorch_root:66,pathwai:65,pattern:[60,65],peephole_optimz:55,per:53,perf:51,perform:[30,31,51,52,53,67],performac:[45,47,67],permiss:[51,52,53],permut:62,persist:51,phase:[17,60,65],pick:[52,65],pick_best:53,pickler:57,pid:51,pil:51,pillow:[51,53],pip3:66,pip3_import:66,pip:[51,53,66],pip_instal:66,pipelin:[65,69,71],piplein:65,place:[55,66,67],plan:[58,69],platform:[44,51,52,58,66,71],pleas:66,plot:53,plot_result:53,plt:[51,53],point:[64,65],pointer:[3,4,67],pool:71,pop:57,portabl:[51,52,53,57],posit:69,possibl:[51,52],post:[30,31,45,61,65,69],pow:62,power:[51,52,65],practic:[51,52],pragma:[41,42,43,44,67],pre:[51,67,68],pre_cxx11_abi:66,precis:[45,52,53,61,64,65,67,69,71],pred:51,pred_label:53,pred_loc:53,predict:[51,53],prefer:65,prefix:[24,26,41,63],prelu:62,prepar:[51,52,53],prepare_input:53,prepare_tensor:53,preprint:67,preprocess:[51,67],preserv:[65,67],prespect:65,pretrain:[51,53,70],pretti:65,prevent:45,previous:[31,65],prim:[54,55,57,62,65],primarili:[58,65],primer:53,print:[17,36,43,51,52,53,63,64,65,70],priorit:66,privat:[3,4,43,44,67],prob:51,probabl:[51,53],probablil:51,process:[51,52,53,65,67,69,70],prod:62,produc:[45,47,54,57,60,65],product:[45,51,52],profil:[45,47],program:[18,19,20,21,31,50,51,52,53,56,58,61,65,69],propog:55,provid:[3,4,45,57,60,64,65,66,67,70],providi:[56,58],ptq:[3,4,16,18,22,38,48,49,50,61,69],ptq_calibr:[3,4,44,45,67],ptqtemplat:[0,48],pull:66,pure:36,purpos:[51,53,66],push:57,push_back:43,pwr:51,py_test_dep:66,pypars:51,pyplot:[51,53],python3:[51,55,65,66],python:[51,52,53,58,68,69,71],python_api:59,pytorch:[51,53,56,57,58,60,64,65,66,67,68],pytorch_vision_v0:51,qualiti:[51,53],quantiz:[30,31,61,65,69],quantizatiom:45,question:65,quickli:[65,67,69],quit:[60,65],rais:55,raiseexcept:55,rand:65,randn:[51,52,53,65,70],rang:[45,47,51,52,53,64,65,69],rather:55,raw:53,read:[3,4,30,31,43,67],readcalibrationcach:[3,4,43],readm:[51,52,53],realiz:57,realli:60,reason:[1,45,53,65],recalibr:31,recip:67,recipi:53,reciproc:62,recognit:[51,67],recomend:[30,31],recommend:[30,31,65,66],recompil:53,record:[51,52,54,65],rect:53,rectangl:53,recurs:54,recursivescriptmodul:52,reduc:[51,52,55,56,58,67],refer:[56,58,67],referenc:[53,66],refit:[44,45,64,70],reflect:44,regard:66,regist:[57,60],registernodeconversionpattern:[60,65],registri:[54,65],reinterpret_cast:43,relat:[45,46],relationship:[48,49],relu:[51,52,62,65],relu_:62,remain:[51,52,53,55,67],remov:[51,53],remove_contigu:55,remove_dropout:55,remove_to:55,repack:57,repeat:62,replac:[53,55],report:[23,43],reportable_log_level:63,repositori:[51,53,58],repres:[45,47,60,63],represent:[51,52,55,60,65],request:[51,65],requir:[31,51,52,53,54,55,63,64,65,66,67,68,69],research:[51,52],reserv:[41,42,43,44,51,52,53],reset:43,reshap:62,residu:51,resiz:51,resnet50:51,resnet50_model:51,resnet:[53,57],resnet_50_trac:51,resnet_trt:57,resolv:[51,54,55,56,58],resourc:[54,67],respons:[31,51,57],restrict:[45,64,69],result:[51,52,54,55,64,65],results_per_input:53,ret:55,reus:[55,67],rgb:51,right:[41,42,43,44,51,52,53,55,58,60],rn50_preprocess:51,root:[41,42,43,44,51,53,66,67],round:[45,64],rsub:62,rule:66,run:[2,37,45,46,51,52,53,54,55,56,57,58,60,61,64,65,66,67,68,69,70,71],runtim:[51,52,53,61,65],safe:[60,64],safe_dla:[64,69],safe_gpu:[64,69],safeti:[45,64],same:[51,53,57,65,66,70],sampl:[51,67],satisfi:51,save:[31,43,51,52,53,57,64,68,69],saw:65,scalar:[60,62],scalartyp:[1,44,45],scale:[62,67],scale_factor:62,scale_grad_by_freq:62,scales_d:62,scales_h:62,scales_w:62,schema:[60,65],scikit:53,scipi:53,scope:55,score:[51,53],scratch:31,script:[36,51,53,55,64,65,70],script_model:[52,65,70],scriptclass:64,scripted_model:71,scriptmodul:[64,65],sdk:[51,52,53,59],seamlessli:61,search:61,section:67,secur:66,see:[36,51,52,53,55,57,64,65],select:[30,31,37,45,51,52,62,64,67,69],self:[52,55,57,60,62,65,71],self_1:[57,65],self_int:62,sens:65,sent:51,separ:[51,52,53],sequenti:51,serial:[37,56,58,64,65],serializ:57,seril:57,serv:[57,69],set:[3,4,17,26,28,31,33,34,37,44,45,46,47,51,52,53,54,55,56,57,58,61,63,64,65,66,67,69,71],set_devic:[21,38,44,48,49,64],set_is_colored_output_on:[18,39,41,48,49,63],set_logging_prefix:[18,39,41,48,49,63],set_reportable_log_level:[18,39,41,48,49,63],setalpha:60,setbeta:60,setnam:[60,65],setreshapedimens:65,setup:67,sever:[17,27,63],sha256:66,shape:[45,47,51,52,53,60,62,64,71],share:66,ship:[65,68],should:[1,3,4,31,44,45,51,54,60,61,63,64,67,69],show:[51,53],shown:65,shuffl:[65,67],shutterstock_780480850:51,siberian:51,siberian_huski:51,side:[55,65],sigmoid:62,sigmoid_:62,signifi:[45,47],signific:53,significantli:55,similar:[53,60,65,70],simonyan:67,simpil:67,simpl:[52,65],simpli:[52,55],simplic:[51,53],simplifi:54,sin:62,sinc:[52,55,65,67],singl:[45,47,52,55,65,67,69],singular:60,sinh:62,site:[55,65,66],six:51,size:[3,4,43,45,47,51,52,53,55,62,64,65,67,69,71],size_t:[3,4,43,67],slice:62,slither:51,sm_output:51,small:55,smi:51,snake:51,softmax:[51,53,55,62],softwar:[51,52,53],sole:67,some:[54,55,56,57,58,60,65,67],someth:[42,55],sort:[60,62,70],sourc:[41,42,43,44,51,53,58,64],space:67,spars:62,spec:[64,70],specif:[33,51,52,53,55,56,58,64],specifi:[3,4,51,53,60,61,63,64,65,69,70],specifii:64,speed:[51,53],speedup:51,split:62,split_siz:62,split_with_s:62,sqrt:62,squeez:62,src:[57,59],ssd300:53,ssd300_trt:57,ssd:57,ssd_300_trace:53,ssd_trace:69,ssd_trt:69,sstream:[20,43],stabl:59,stack:[57,62,67],stage:54,stand:57,standard:[51,52,53,61,68,69,70],start:[53,54,62,66,70],start_dim:[62,65],start_tim:[51,52,53],state:[54,60,65],statement:55,static_cast:43,statu:43,std:[3,4,24,27,29,30,31,32,36,37,41,43,44,45,47,51,65,67,71],stdout:[35,63,64],steamlin:67,step:[51,52,53,61,62,67],still:[43,51,53,67],stitch:[52,65],stop:65,storag:67,store:[4,54,57,60,65],str:[19,42,43,48,49,51,63,64],straight:60,stream:51,strict:[68,69],strict_typ:[44,45,64,70],strictli:64,stride:[51,52,53,62],string:[3,4,18,20,21,24,27,29,30,31,32,36,37,41,43,44,60,64,65,67],stringstream:43,strip_prefix:66,strong:[51,52],struct:[1,2,21,38,44,67],structur:[31,44,45,46,51,52,58,60,65],style:[41,42,43,44],sub:[62,65],sub_:62,subdirectori:50,subexpress:55,subgraph:[54,55,60,65],subject:58,submodul:[52,65],subplot:[51,53],subset:67,successfulli:[51,53],sudo:66,suffic:55,suggest:53,suit:61,sum:[45,62,64],support:[1,2,26,36,45,46,47,51,52,53,59,61,64,65,66,69,71],sure:[65,66,71],sxm2:51,symbol:66,synchron:[51,52,53],system:[51,53,54,60,61,66],take:[33,36,37,51,52,53,54,56,57,58,60,64,65,67,70],taken:[51,53],talk:61,tan:62,tanh:62,tanh_:62,tar:[66,67],tarbal:[65,67],target:[2,44,45,46,51,52,53,58,61,64,65,67,69,70,71],targets_:67,task:[30,31,67],techinqu:65,techniqu:67,tell:60,temp:51,templat:[20,40,43,44,48,49,65],tensor:[43,45,47,51,52,53,54,55,57,60,62,65,67],tensor_scalar:62,tensor_tensor:62,tensorcontain:60,tensorlist:60,tensorrt:[1,2,3,4,30,31,33,35,37,44,45,46,47,51,52,53,54,55,56,58,60,61,64,65,67,69,70],tensorrtcompilespec:[64,70],term:67,termin:[26,65,69],tesla:51,test:[51,52,53,58,66,67,69],test_ptq_dataloader_calibr:67,test_ptq_trt_calibr:67,testing_dataload:67,testing_dataset:67,text:[53,63],tf32:45,tgz:66,than:[55,61,66,68],thats:[54,67],thei:[45,46,53,54,55,60,66,69],them:[51,52,53,57,65,66],theori:54,therebi:57,therefor:[31,65],therfor:68,thi:[1,2,30,31,41,42,43,44,45,46,47,51,52,53,54,55,56,57,58,60,65,66,67,68,69,70],thing:52,think:60,third_parti:[58,66],those:54,though:[51,53,58,60,65,69],three:[45,47,56,58],threshold:69,thrid_parti:66,through:[51,52,53,54,55,57,61,65],time:[45,51,52,53,54,55,56,58,60,64,65,67,69],tini:67,titan:[51,52],titl:51,tmp:65,tocustomclass:60,todim:65,togeth:[52,54,60,65],toilet:51,too:66,tool:[51,52,60,65],toolchain:58,top:[53,58],topk:62,torch:[1,2,4,20,30,31,33,36,37,43,44,45,46,51,52,53,55,57,59,60,64,65,66,67,68,69,70,71],torch_scirpt_modul:65,torch_script_modul:65,torchbind:57,torchhub:53,torchscript:[33,36,37,51,53,56,57,58,64,69,70,71],torchvis:[51,57,67,70],toronto:67,totensor:[51,67],tovec:65,toward:67,trace:[53,64,65],traced_model:[51,52,53,65],track:[60,67],track_running_stat:51,trade:53,tradit:[64,67],traget:33,train:[30,31,45,51,53,61,62,65,69],trainabl:55,transform:[51,52,65,67],translat:[53,65],transpos:62,travers:[56,58],treat:69,tree:[41,42,43,44,67],trigger:[52,65],trim:67,trt:[1,2,3,4,45,46,54,55,57,60,62,65],trt_lenet_script:65,trt_mod:[65,67,71],trt_model:[51,53,70],trt_model_fp32:51,trt_script_modul:52,trt_ts_modul:[52,65],trtorch:[0,1,2,3,4,15,17,22,41,42,43,45,46,47,49,50,54,55,56,57,58,66,67,69,71],trtorch_api:[19,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,41,42,43,44,48,49],trtorch_check:60,trtorch_hidden:[19,42,48,49],trtorch_major_vers:[19,42,48,49],trtorch_minor_vers:[19,42,48,49],trtorch_patch_vers:[19,42,48,49],trtorch_py_dep:66,trtorch_unus:60,trtorch_vers:[19,42,48,49],trtorchc:[61,71],trtorchfil:[22,48],trtorchnamespac:[0,48],truncat:[45,64],truncate_long_and_doubl:[44,45,64],ts_model:65,tue:51,tune:[51,52,53],tupl:[57,64,65],tupleconstruct:[55,57],tupleunpack:55,tutori:[65,67],two:[51,52,53,60,65,66,67,69],txt:66,type:[1,2,30,47,48,49,51,54,57,60,63,64,65,67,69],typenam:[3,4,30,31,43],typic:[54,60],ubuntu:66,uint64_t:[44,45],unabl:[60,65],uncom:66,uncorr:51,under:[41,42,43,44,51,52,53,58],underli:[1,2,45,46,60],understand:65,union:[60,65],uniqu:4,unique_ptr:[4,30],unit:52,unless:[51,52,53],unlik:[61,65,66,70],unpack_addmm:55,unpack_log_softmax:55,unqiue_ptr:4,unsqueez:[51,62],unstabl:58,unsupport:[36,64],unsur:60,untest:58,until:[54,58,60,66],unwrap:60,unwrap_distribut:53,unwraptodoubl:60,unwraptoint:65,unzip:66,upgrad:51,upload:51,upsample_bilinear2d:62,upsample_linear1d:62,upsample_nearest1d:62,upsample_nearest2d:62,upsample_nearest3d:62,upsample_trilinear3d:62,upstream:65,uri:53,url:66,usag:[51,65],use:[1,2,3,4,30,31,45,46,51,52,53,54,55,57,58,60,63,64,65,66,67,68,69,70],use_cach:[3,4,30,43,67],use_cache_:43,use_subset:67,usecas:66,used:[1,2,3,4,43,45,46,47,51,53,54,55,57,60,63,64,65,67,69],useful:60,user:[41,51,52,56,57,58,65,66,67],uses:[30,31,43,51,52,53,60,66,67],using:[1,2,33,34,37,43,44,45,46,51,52,53,60,61,64,65,67,68,69,70],using_int:[62,65],usr:[51,66],usual:53,util:[60,64,65,67],val2017:53,val:53,valid:[2,45,46,53,60],valu:[1,2,17,44,45,46,54,57,60,62,63,65],value_tensor_map:[54,60],variant:68,varient:55,variou:71,vec:62,vector:[20,21,43,44,45,47,65,67,71],verbios:69,verbos:69,veri:[67,70],version:[32,35,51,52,53,58,66],vgg16:67,vgg:[53,67],via:[51,53,61,64,67,68],view:62,virtual:67,vision:51,visit:53,volatil:51,volta:[51,52],w_hh:62,w_ih:62,wai:[51,65,66,67,69],walk:[51,52,53],want:[41,45,51,52,65,67,70],warm:[51,52,53],warn:[17,43,51,60,63,69],warranti:[51,52,53],websit:66,weight:[54,62,65],welcom:65,well:[51,52,53,65,67],were:[53,65],wget:51,what:[4,53,55,65],whatev:57,when:[26,43,44,45,46,51,52,54,55,56,57,58,60,63,64,65,66,67,69],where:[51,52,54,55,60,65,67],whether:[4,67],which:[2,31,33,37,45,46,51,52,53,54,55,56,57,58,60,64,65,67,70],whilst:53,white:53,whl:66,whole:[51,52],whose:55,width:51,within:[51,52,53,56,58],without:[51,52,53,60,65,67],work:[43,52,53,55,58,60,67],worker:67,workflow:70,workspac:[45,64,66,67,69,71],workspace_s:[44,45,51,53,64,67,69,71],world:[51,52],would:[60,65,66,68,69,70],wrap:[56,57,58,65,70],wrapper:60,write:[3,4,30,31,43,51,52,53,54,61,65,67],writecalibrationcach:[3,4,43],www:[51,52,53,65,66,67],x64:66,x86:68,x86_64:[58,66],xavier:[44,51,52,64,71],xstr:[19,42,48,49],yaml:59,you:[1,2,30,31,45,46,51,52,53,54,55,57,58,60,61,64,65,66,67,68,69,70],your:[51,52,53,60,61,65,66,68,70],yourself:65,zip:[57,66],zisserman:67},titles:["Class Hierarchy","Class CompileSpec::DataType","Class Device::DeviceType","Template Class Int8CacheCalibrator","Template Class Int8Calibrator","Define STR","Define TRTORCH_API","Define TRTORCH_HIDDEN","Define TRTORCH_MAJOR_VERSION","Define TRTORCH_PATCH_VERSION","Define TRTORCH_VERSION","Define XSTR","Define TRTORCH_MINOR_VERSION","Directory cpp","Directory api","Directory include","Directory trtorch","Enum Level","File logging.h","File macros.h","File ptq.h","File trtorch.h","File Hierarchy","Function trtorch::logging::get_reportable_log_level","Function trtorch::logging::set_logging_prefix","Function trtorch::logging::get_is_colored_output_on","Function trtorch::logging::set_is_colored_output_on","Function trtorch::logging::log","Function trtorch::logging::set_reportable_log_level","Function trtorch::logging::get_logging_prefix","Template Function trtorch::ptq::make_int8_calibrator","Template Function trtorch::ptq::make_int8_cache_calibrator","Function trtorch::get_build_info","Function trtorch::CompileGraph","Function trtorch::set_device","Function trtorch::dump_build_info","Function trtorch::CheckMethodOperatorSupport","Function trtorch::ConvertGraphToTRTEngine","Namespace trtorch","Namespace trtorch::logging","Namespace trtorch::ptq","Program Listing for File logging.h","Program Listing for File macros.h","Program Listing for File ptq.h","Program Listing for File trtorch.h","Struct CompileSpec","Struct CompileSpec::Device","Struct CompileSpec::InputRange","TRTorch C++ API","Full API","Full API","TRTorch Getting Started - ResNet 50","TRTorch Getting Started - LeNet","Object Detection with TRTorch (SSD)","Conversion Phase","Lowering Phase","Compiler Phases","Runtime Phase","System Overview","Useful Links for TRTorch Development","Writing Converters","TRTorch","Operators Supported","trtorch.logging","trtorch","Getting Started","Installation","Post Training Quantization (PTQ)","Deploying TRTorch Programs","trtorchc","Using TRTorch Directly From PyTorch","DLA"],titleterms:{"class":[0,1,2,3,4,20,21,38,40,48,49],"enum":[17,18,39,48,49,64],"function":[18,20,21,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,48,49,59,64],The:65,Used:55,Useful:59,Using:[65,70],aarch64:66,abi:66,addmm:55,advic:60,ahead:61,api:[14,18,19,20,21,48,49,50,59,61,66],applic:67,arg:60,avail:59,background:[57,60,65],base:[3,4],benchmark:[51,53],binari:66,branch:55,build:66,checkmethodoperatorsupport:36,citat:67,cli:66,code:55,compil:[56,58,61,65,66],compilegraph:33,compilespec:[1,45,46,47],conclus:[52,53],construct:57,content:[18,19,20,21,38,39,40,51,52,53],context:60,contigu:55,contract:60,contributor:61,convers:[54,56,58,60],convert:[54,60,62,65],convertgraphtotrtengin:37,cpp:[13,18,19,20,21],creat:[65,67],cudnn:66,current:62,custom:65,cxx11:66,datatyp:1,dead:55,debug:66,defin:[5,6,7,8,9,10,11,12,19,48,49],definit:[18,19,20,21],depend:66,deploi:68,descript:[51,53],deseri:57,detail:53,detect:53,detector:53,develop:59,devic:[2,46],devicetyp:2,dimens:59,directli:70,directori:[13,14,15,16,50],disk:65,distribut:66,dla:71,documen:61,document:[1,2,3,4,5,6,7,8,9,10,11,12,17,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,45,46,47,59,61],dropout:55,dump_build_info:35,easier:59,elimin:55,eliminatecommonsubexpress:55,engin:57,envior:66,evalu:[54,62],execept:55,executor:57,expect:59,file:[16,18,19,20,21,22,41,42,43,44,48,50],flatten:55,fp16:51,fp32:51,freez:55,from:[66,70],full:[48,49,50],fuse:55,gaurd:55,get:[51,52,61,65],get_build_info:32,get_is_colored_output_on:25,get_logging_prefix:29,get_reportable_log_level:23,gpu:61,graph:[55,57],guarante:60,half:51,hierarchi:[0,22,48],hood:65,how:67,includ:[15,18,19,20,21],indic:61,infer:53,inherit:[3,4],inputrang:47,instal:66,int8cachecalibr:3,int8calibr:4,jetson:66,jit:61,layer:59,learn:[51,52,53],lenet:52,level:17,librari:[66,68],libtrtorch:68,linear:55,link:59,list:[41,42,43,44],local:66,log:[18,23,24,25,26,27,28,29,39,41,63],logsoftmax:55,loop:55,lower:[55,56,58],macro:[19,42],make_int8_cache_calibr:31,make_int8_calibr:30,measur:53,model:[51,52,53],modul:[55,65],multibox:53,namespac:[18,20,21,38,39,40,48,49],nativ:66,native_op:59,nest:[1,2,45,46,47],next:[51,52],node:54,nvidia:61,object:[51,52,53],oper:[62,65],optimz:55,other:60,overview:[51,52,53,58],own:67,packag:[66,68],pass:55,pattern:55,peephol:55,phase:[54,55,56,57,58],post:67,pre:66,precis:51,precompil:66,prerequisit:66,program:[41,42,43,44,68],ptq:[20,30,31,40,43,67],python:[59,61,65,66,67],pytorch:[52,59,61,70],quantiz:67,quickstart:65,read:59,redund:55,refer:53,regist:65,relationship:[1,2,3,4,45,46,47],releas:66,remov:55,resnet:51,respons:60,result:[53,57],runtim:[56,57,58,68],sampl:53,save:65,script:52,serial:57,set_devic:34,set_is_colored_output_on:26,set_logging_prefix:24,set_reportable_log_level:28,setup:66,shot:53,singl:[51,53],sometim:59,sourc:66,speedup:53,ssd:53,start:[51,52,61,65],str:5,struct:[45,46,47,48,49],subdirectori:[13,14,15],submodul:64,support:62,system:58,tarbal:66,templat:[3,4,30,31],tensorrt:[57,59,66],through:62,time:61,torchscript:[52,61,65],trace:[51,52],train:67,trtorch:[16,18,19,20,21,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,44,48,51,52,53,59,61,63,64,65,68,70],trtorch_api:6,trtorch_hidden:7,trtorch_major_vers:8,trtorch_minor_vers:12,trtorch_patch_vers:9,trtorch_vers:10,trtorchc:[65,69],tupl:55,type:[3,4,45,46],under:65,unpack:55,unrol:55,unsupport:65,using:66,util:[51,53],visual:53,weight:60,what:[51,52,60],work:65,write:60,xstr:11,your:67}})
\ No newline at end of file
+Search.setIndex({docnames:["_cpp_api/class_view_hierarchy","_cpp_api/classtrtorch_1_1CompileSpec_1_1DataType","_cpp_api/classtrtorch_1_1CompileSpec_1_1Device_1_1DeviceType","_cpp_api/classtrtorch_1_1ptq_1_1Int8CacheCalibrator","_cpp_api/classtrtorch_1_1ptq_1_1Int8Calibrator","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502","_cpp_api/define_macros_8h_1a20c1fbeb21757871c52299dc52351b5f","_cpp_api/define_macros_8h_1a25ee153c325dfc7466a33cbd5c1ff055","_cpp_api/define_macros_8h_1a48d6029a45583a06848891cb0e86f7ba","_cpp_api/define_macros_8h_1a71b02dddfabe869498ad5a88e11c440f","_cpp_api/define_macros_8h_1a9d31d0569348d109b1b069b972dd143e","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da","_cpp_api/define_macros_8h_1ae1c56ab8a40af292a9a4964651524d84","_cpp_api/dir_cpp","_cpp_api/dir_cpp_api","_cpp_api/dir_cpp_api_include","_cpp_api/dir_cpp_api_include_trtorch","_cpp_api/enum_logging_8h_1a5f612ff2f783ff4fbe89d168f0d817d4","_cpp_api/file_cpp_api_include_trtorch_logging.h","_cpp_api/file_cpp_api_include_trtorch_macros.h","_cpp_api/file_cpp_api_include_trtorch_ptq.h","_cpp_api/file_cpp_api_include_trtorch_trtorch.h","_cpp_api/file_view_hierarchy","_cpp_api/function_logging_8h_1a118d65b179defff7fff279eb9cd126cb","_cpp_api/function_logging_8h_1a396a688110397538f8b3fb7dfdaf38bb","_cpp_api/function_logging_8h_1a9b420280bfacc016d7e36a5704021949","_cpp_api/function_logging_8h_1aa533955a2b908db9e5df5acdfa24715f","_cpp_api/function_logging_8h_1abc57d473f3af292551dee8b9c78373ad","_cpp_api/function_logging_8h_1adf5435f0dbb09c0d931a1b851847236b","_cpp_api/function_logging_8h_1aef44b69c62af7cf2edc8875a9506641a","_cpp_api/function_ptq_8h_1a4422781719d7befedb364cacd91c6247","_cpp_api/function_ptq_8h_1a5f33b142bc2f3f2aaf462270b3ad7e31","_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447","_cpp_api/function_trtorch_8h_1a3eace458ae9122f571fabfc9ef1b9e3a","_cpp_api/function_trtorch_8h_1a589ea96d16e2df44146ad0919424e00e","_cpp_api/function_trtorch_8h_1a726f6e7091b6b7be45b5a4275b2ffb10","_cpp_api/function_trtorch_8h_1ab01696cfe08b6a5293c55935a9713c25","_cpp_api/function_trtorch_8h_1ac4ead1d30e521d581462bb51e283be08","_cpp_api/function_trtorch_8h_1af19cb866b0520fc84b69a1cf25a52b65","_cpp_api/namespace_trtorch","_cpp_api/namespace_trtorch__logging","_cpp_api/namespace_trtorch__ptq","_cpp_api/program_listing_file_cpp_api_include_trtorch_logging.h","_cpp_api/program_listing_file_cpp_api_include_trtorch_macros.h","_cpp_api/program_listing_file_cpp_api_include_trtorch_ptq.h","_cpp_api/program_listing_file_cpp_api_include_trtorch_trtorch.h","_cpp_api/structtrtorch_1_1CompileSpec","_cpp_api/structtrtorch_1_1CompileSpec_1_1Device","_cpp_api/structtrtorch_1_1CompileSpec_1_1InputRange","_cpp_api/trtorch_cpp","_cpp_api/unabridged_api","_cpp_api/unabridged_orphan","_notebooks/Resnet50-example","_notebooks/lenet-getting-started","_notebooks/ssd-object-detection-demo","contributors/conversion","contributors/lowering","contributors/phases","contributors/runtime","contributors/system_overview","contributors/useful_links","contributors/writing_converters","index","indices/supported_ops","py_api/logging","py_api/trtorch","tutorials/getting_started","tutorials/installation","tutorials/ptq","tutorials/runtime","tutorials/trtorchc","tutorials/use_from_pytorch","tutorials/using_dla"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":3,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":2,"sphinx.domains.rst":2,"sphinx.domains.std":1,"sphinx.ext.intersphinx":1,nbsphinx:3,sphinx:56},filenames:["_cpp_api/class_view_hierarchy.rst","_cpp_api/classtrtorch_1_1CompileSpec_1_1DataType.rst","_cpp_api/classtrtorch_1_1CompileSpec_1_1Device_1_1DeviceType.rst","_cpp_api/classtrtorch_1_1ptq_1_1Int8CacheCalibrator.rst","_cpp_api/classtrtorch_1_1ptq_1_1Int8Calibrator.rst","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.rst","_cpp_api/define_macros_8h_1a20c1fbeb21757871c52299dc52351b5f.rst","_cpp_api/define_macros_8h_1a25ee153c325dfc7466a33cbd5c1ff055.rst","_cpp_api/define_macros_8h_1a48d6029a45583a06848891cb0e86f7ba.rst","_cpp_api/define_macros_8h_1a71b02dddfabe869498ad5a88e11c440f.rst","_cpp_api/define_macros_8h_1a9d31d0569348d109b1b069b972dd143e.rst","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.rst","_cpp_api/define_macros_8h_1ae1c56ab8a40af292a9a4964651524d84.rst","_cpp_api/dir_cpp.rst","_cpp_api/dir_cpp_api.rst","_cpp_api/dir_cpp_api_include.rst","_cpp_api/dir_cpp_api_include_trtorch.rst","_cpp_api/enum_logging_8h_1a5f612ff2f783ff4fbe89d168f0d817d4.rst","_cpp_api/file_cpp_api_include_trtorch_logging.h.rst","_cpp_api/file_cpp_api_include_trtorch_macros.h.rst","_cpp_api/file_cpp_api_include_trtorch_ptq.h.rst","_cpp_api/file_cpp_api_include_trtorch_trtorch.h.rst","_cpp_api/file_view_hierarchy.rst","_cpp_api/function_logging_8h_1a118d65b179defff7fff279eb9cd126cb.rst","_cpp_api/function_logging_8h_1a396a688110397538f8b3fb7dfdaf38bb.rst","_cpp_api/function_logging_8h_1a9b420280bfacc016d7e36a5704021949.rst","_cpp_api/function_logging_8h_1aa533955a2b908db9e5df5acdfa24715f.rst","_cpp_api/function_logging_8h_1abc57d473f3af292551dee8b9c78373ad.rst","_cpp_api/function_logging_8h_1adf5435f0dbb09c0d931a1b851847236b.rst","_cpp_api/function_logging_8h_1aef44b69c62af7cf2edc8875a9506641a.rst","_cpp_api/function_ptq_8h_1a4422781719d7befedb364cacd91c6247.rst","_cpp_api/function_ptq_8h_1a5f33b142bc2f3f2aaf462270b3ad7e31.rst","_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447.rst","_cpp_api/function_trtorch_8h_1a3eace458ae9122f571fabfc9ef1b9e3a.rst","_cpp_api/function_trtorch_8h_1a589ea96d16e2df44146ad0919424e00e.rst","_cpp_api/function_trtorch_8h_1a726f6e7091b6b7be45b5a4275b2ffb10.rst","_cpp_api/function_trtorch_8h_1ab01696cfe08b6a5293c55935a9713c25.rst","_cpp_api/function_trtorch_8h_1ac4ead1d30e521d581462bb51e283be08.rst","_cpp_api/function_trtorch_8h_1af19cb866b0520fc84b69a1cf25a52b65.rst","_cpp_api/namespace_trtorch.rst","_cpp_api/namespace_trtorch__logging.rst","_cpp_api/namespace_trtorch__ptq.rst","_cpp_api/program_listing_file_cpp_api_include_trtorch_logging.h.rst","_cpp_api/program_listing_file_cpp_api_include_trtorch_macros.h.rst","_cpp_api/program_listing_file_cpp_api_include_trtorch_ptq.h.rst","_cpp_api/program_listing_file_cpp_api_include_trtorch_trtorch.h.rst","_cpp_api/structtrtorch_1_1CompileSpec.rst","_cpp_api/structtrtorch_1_1CompileSpec_1_1Device.rst","_cpp_api/structtrtorch_1_1CompileSpec_1_1InputRange.rst","_cpp_api/trtorch_cpp.rst","_cpp_api/unabridged_api.rst","_cpp_api/unabridged_orphan.rst","_notebooks/Resnet50-example.ipynb","_notebooks/lenet-getting-started.ipynb","_notebooks/ssd-object-detection-demo.ipynb","contributors/conversion.rst","contributors/lowering.rst","contributors/phases.rst","contributors/runtime.rst","contributors/system_overview.rst","contributors/useful_links.rst","contributors/writing_converters.rst","index.rst","indices/supported_ops.rst","py_api/logging.rst","py_api/trtorch.rst","tutorials/getting_started.rst","tutorials/installation.rst","tutorials/ptq.rst","tutorials/runtime.rst","tutorials/trtorchc.rst","tutorials/use_from_pytorch.rst","tutorials/using_dla.rst"],objects:{"":{"trtorch::CheckMethodOperatorSupport":[36,1,1,"_CPPv4N7trtorch26CheckMethodOperatorSupportERKN5torch3jit6ModuleENSt6stringE"],"trtorch::CheckMethodOperatorSupport::method_name":[36,2,1,"_CPPv4N7trtorch26CheckMethodOperatorSupportERKN5torch3jit6ModuleENSt6stringE"],"trtorch::CheckMethodOperatorSupport::module":[36,2,1,"_CPPv4N7trtorch26CheckMethodOperatorSupportERKN5torch3jit6ModuleENSt6stringE"],"trtorch::CompileGraph":[33,1,1,"_CPPv4N7trtorch12CompileGraphERKN5torch3jit6ModuleE11CompileSpec"],"trtorch::CompileGraph::info":[33,2,1,"_CPPv4N7trtorch12CompileGraphERKN5torch3jit6ModuleE11CompileSpec"],"trtorch::CompileGraph::module":[33,2,1,"_CPPv4N7trtorch12CompileGraphERKN5torch3jit6ModuleE11CompileSpec"],"trtorch::CompileSpec":[46,3,1,"_CPPv4N7trtorch11CompileSpecE"],"trtorch::CompileSpec::CompileSpec":[46,1,1,"_CPPv4N7trtorch11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE"],"trtorch::CompileSpec::CompileSpec::fixed_sizes":[46,2,1,"_CPPv4N7trtorch11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE"],"trtorch::CompileSpec::CompileSpec::input_ranges":[46,2,1,"_CPPv4N7trtorch11CompileSpec11CompileSpecENSt6vectorI10InputRangeEE"],"trtorch::CompileSpec::DataType":[46,3,1,"_CPPv4N7trtorch11CompileSpec8DataTypeE"],"trtorch::CompileSpec::DataType::DataType":[46,1,1,"_CPPv4N7trtorch11CompileSpec8DataType8DataTypeEv"],"trtorch::CompileSpec::DataType::DataType::t":[46,2,1,"_CPPv4N7trtorch11CompileSpec8DataType8DataTypeEN3c1010ScalarTypeE"],"trtorch::CompileSpec::DataType::Value":[46,4,1,"_CPPv4N7trtorch11CompileSpec8DataType5ValueE"],"trtorch::CompileSpec::DataType::Value::kChar":[46,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value5kCharE"],"trtorch::CompileSpec::DataType::Value::kFloat":[46,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value6kFloatE"],"trtorch::CompileSpec::DataType::Value::kHalf":[46,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value5kHalfE"],"trtorch::CompileSpec::DataType::kChar":[1,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value5kCharE"],"trtorch::CompileSpec::DataType::kFloat":[1,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value6kFloatE"],"trtorch::CompileSpec::DataType::kHalf":[1,5,1,"_CPPv4N7trtorch11CompileSpec8DataType5Value5kHalfE"],"trtorch::CompileSpec::DataType::operator Value":[46,1,1,"_CPPv4NK7trtorch11CompileSpec8DataTypecv5ValueEv"],"trtorch::CompileSpec::DataType::operator bool":[46,1,1,"_CPPv4N7trtorch11CompileSpec8DataTypecvbEv"],"trtorch::CompileSpec::DataType::operator!=":[46,1,1,"_CPPv4NK7trtorch11CompileSpec8DataTypeneEN8DataType5ValueE"],"trtorch::CompileSpec::DataType::operator!=::other":[46,2,1,"_CPPv4NK7trtorch11CompileSpec8DataTypeneEN8DataType5ValueE"],"trtorch::CompileSpec::DataType::operator==":[46,1,1,"_CPPv4NK7trtorch11CompileSpec8DataTypeeqEN8DataType5ValueE"],"trtorch::CompileSpec::DataType::operator==::other":[46,2,1,"_CPPv4NK7trtorch11CompileSpec8DataTypeeqEN8DataType5ValueE"],"trtorch::CompileSpec::Device":[47,3,1,"_CPPv4N7trtorch11CompileSpec6DeviceE"],"trtorch::CompileSpec::Device::Device":[47,1,1,"_CPPv4N7trtorch11CompileSpec6Device6DeviceEv"],"trtorch::CompileSpec::Device::DeviceType":[47,3,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceTypeE"],"trtorch::CompileSpec::Device::DeviceType::DeviceType":[47,1,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType10DeviceTypeEv"],"trtorch::CompileSpec::Device::DeviceType::DeviceType::t":[47,2,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE"],"trtorch::CompileSpec::Device::DeviceType::Value":[47,4,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5ValueE"],"trtorch::CompileSpec::Device::DeviceType::Value::kDLA":[47,5,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5Value4kDLAE"],"trtorch::CompileSpec::Device::DeviceType::Value::kGPU":[47,5,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5Value4kGPUE"],"trtorch::CompileSpec::Device::DeviceType::kDLA":[2,5,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5Value4kDLAE"],"trtorch::CompileSpec::Device::DeviceType::kGPU":[2,5,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceType5Value4kGPUE"],"trtorch::CompileSpec::Device::DeviceType::operator Value":[47,1,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypecv5ValueEv"],"trtorch::CompileSpec::Device::DeviceType::operator bool":[47,1,1,"_CPPv4N7trtorch11CompileSpec6Device10DeviceTypecvbEv"],"trtorch::CompileSpec::Device::DeviceType::operator!=":[47,1,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypeneE10DeviceType"],"trtorch::CompileSpec::Device::DeviceType::operator!=::other":[47,2,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypeneE10DeviceType"],"trtorch::CompileSpec::Device::DeviceType::operator==":[47,1,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypeeqE10DeviceType"],"trtorch::CompileSpec::Device::DeviceType::operator==::other":[47,2,1,"_CPPv4NK7trtorch11CompileSpec6Device10DeviceTypeeqE10DeviceType"],"trtorch::CompileSpec::Device::allow_gpu_fallback":[47,6,1,"_CPPv4N7trtorch11CompileSpec6Device18allow_gpu_fallbackE"],"trtorch::CompileSpec::Device::device_type":[47,6,1,"_CPPv4N7trtorch11CompileSpec6Device11device_typeE"],"trtorch::CompileSpec::Device::dla_core":[47,6,1,"_CPPv4N7trtorch11CompileSpec6Device8dla_coreE"],"trtorch::CompileSpec::Device::gpu_id":[47,6,1,"_CPPv4N7trtorch11CompileSpec6Device6gpu_idE"],"trtorch::CompileSpec::EngineCapability":[46,4,1,"_CPPv4N7trtorch11CompileSpec16EngineCapabilityE"],"trtorch::CompileSpec::EngineCapability::kDEFAULT":[46,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability8kDEFAULTE"],"trtorch::CompileSpec::EngineCapability::kSAFE_DLA":[46,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability9kSAFE_DLAE"],"trtorch::CompileSpec::EngineCapability::kSAFE_GPU":[46,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability9kSAFE_GPUE"],"trtorch::CompileSpec::InputRange":[48,3,1,"_CPPv4N7trtorch11CompileSpec10InputRangeE"],"trtorch::CompileSpec::InputRange::InputRange":[48,1,1,"_CPPv4N7trtorch11CompileSpec10InputRange10InputRangeENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE"],"trtorch::CompileSpec::InputRange::InputRange::max":[48,2,1,"_CPPv4N7trtorch11CompileSpec10InputRange10InputRangeENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE"],"trtorch::CompileSpec::InputRange::InputRange::min":[48,2,1,"_CPPv4N7trtorch11CompileSpec10InputRange10InputRangeENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE"],"trtorch::CompileSpec::InputRange::InputRange::opt":[48,2,1,"_CPPv4N7trtorch11CompileSpec10InputRange10InputRangeENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE"],"trtorch::CompileSpec::InputRange::max":[48,6,1,"_CPPv4N7trtorch11CompileSpec10InputRange3maxE"],"trtorch::CompileSpec::InputRange::min":[48,6,1,"_CPPv4N7trtorch11CompileSpec10InputRange3minE"],"trtorch::CompileSpec::InputRange::opt":[48,6,1,"_CPPv4N7trtorch11CompileSpec10InputRange3optE"],"trtorch::CompileSpec::capability":[46,6,1,"_CPPv4N7trtorch11CompileSpec10capabilityE"],"trtorch::CompileSpec::debug":[46,6,1,"_CPPv4N7trtorch11CompileSpec5debugE"],"trtorch::CompileSpec::device":[46,6,1,"_CPPv4N7trtorch11CompileSpec6deviceE"],"trtorch::CompileSpec::disable_tf32":[46,6,1,"_CPPv4N7trtorch11CompileSpec12disable_tf32E"],"trtorch::CompileSpec::input_ranges":[46,6,1,"_CPPv4N7trtorch11CompileSpec12input_rangesE"],"trtorch::CompileSpec::kDEFAULT":[46,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability8kDEFAULTE"],"trtorch::CompileSpec::kSAFE_DLA":[46,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability9kSAFE_DLAE"],"trtorch::CompileSpec::kSAFE_GPU":[46,5,1,"_CPPv4N7trtorch11CompileSpec16EngineCapability9kSAFE_GPUE"],"trtorch::CompileSpec::max_batch_size":[46,6,1,"_CPPv4N7trtorch11CompileSpec14max_batch_sizeE"],"trtorch::CompileSpec::num_avg_timing_iters":[46,6,1,"_CPPv4N7trtorch11CompileSpec20num_avg_timing_itersE"],"trtorch::CompileSpec::num_min_timing_iters":[46,6,1,"_CPPv4N7trtorch11CompileSpec20num_min_timing_itersE"],"trtorch::CompileSpec::op_precision":[46,6,1,"_CPPv4N7trtorch11CompileSpec12op_precisionE"],"trtorch::CompileSpec::ptq_calibrator":[46,6,1,"_CPPv4N7trtorch11CompileSpec14ptq_calibratorE"],"trtorch::CompileSpec::refit":[46,6,1,"_CPPv4N7trtorch11CompileSpec5refitE"],"trtorch::CompileSpec::strict_types":[46,6,1,"_CPPv4N7trtorch11CompileSpec12strict_typesE"],"trtorch::CompileSpec::truncate_long_and_double":[46,6,1,"_CPPv4N7trtorch11CompileSpec24truncate_long_and_doubleE"],"trtorch::CompileSpec::workspace_size":[46,6,1,"_CPPv4N7trtorch11CompileSpec14workspace_sizeE"],"trtorch::ConvertGraphToTRTEngine":[38,1,1,"_CPPv4N7trtorch23ConvertGraphToTRTEngineERKN5torch3jit6ModuleENSt6stringE11CompileSpec"],"trtorch::ConvertGraphToTRTEngine::info":[38,2,1,"_CPPv4N7trtorch23ConvertGraphToTRTEngineERKN5torch3jit6ModuleENSt6stringE11CompileSpec"],"trtorch::ConvertGraphToTRTEngine::method_name":[38,2,1,"_CPPv4N7trtorch23ConvertGraphToTRTEngineERKN5torch3jit6ModuleENSt6stringE11CompileSpec"],"trtorch::ConvertGraphToTRTEngine::module":[38,2,1,"_CPPv4N7trtorch23ConvertGraphToTRTEngineERKN5torch3jit6ModuleENSt6stringE11CompileSpec"],"trtorch::EmbedEngineInNewModule":[37,1,1,"_CPPv4N7trtorch22EmbedEngineInNewModuleERKNSt6stringE"],"trtorch::EmbedEngineInNewModule::engine":[37,2,1,"_CPPv4N7trtorch22EmbedEngineInNewModuleERKNSt6stringE"],"trtorch::dump_build_info":[35,1,1,"_CPPv4N7trtorch15dump_build_infoEv"],"trtorch::get_build_info":[32,1,1,"_CPPv4N7trtorch14get_build_infoEv"],"trtorch::logging::Level":[17,4,1,"_CPPv4N7trtorch7logging5LevelE"],"trtorch::logging::Level::kDEBUG":[17,5,1,"_CPPv4N7trtorch7logging5Level6kDEBUGE"],"trtorch::logging::Level::kERROR":[17,5,1,"_CPPv4N7trtorch7logging5Level6kERRORE"],"trtorch::logging::Level::kGRAPH":[17,5,1,"_CPPv4N7trtorch7logging5Level6kGRAPHE"],"trtorch::logging::Level::kINFO":[17,5,1,"_CPPv4N7trtorch7logging5Level5kINFOE"],"trtorch::logging::Level::kINTERNAL_ERROR":[17,5,1,"_CPPv4N7trtorch7logging5Level15kINTERNAL_ERRORE"],"trtorch::logging::Level::kWARNING":[17,5,1,"_CPPv4N7trtorch7logging5Level8kWARNINGE"],"trtorch::logging::get_is_colored_output_on":[25,1,1,"_CPPv4N7trtorch7logging24get_is_colored_output_onEv"],"trtorch::logging::get_logging_prefix":[29,1,1,"_CPPv4N7trtorch7logging18get_logging_prefixEv"],"trtorch::logging::get_reportable_log_level":[23,1,1,"_CPPv4N7trtorch7logging24get_reportable_log_levelEv"],"trtorch::logging::kDEBUG":[17,5,1,"_CPPv4N7trtorch7logging5Level6kDEBUGE"],"trtorch::logging::kERROR":[17,5,1,"_CPPv4N7trtorch7logging5Level6kERRORE"],"trtorch::logging::kGRAPH":[17,5,1,"_CPPv4N7trtorch7logging5Level6kGRAPHE"],"trtorch::logging::kINFO":[17,5,1,"_CPPv4N7trtorch7logging5Level5kINFOE"],"trtorch::logging::kINTERNAL_ERROR":[17,5,1,"_CPPv4N7trtorch7logging5Level15kINTERNAL_ERRORE"],"trtorch::logging::kWARNING":[17,5,1,"_CPPv4N7trtorch7logging5Level8kWARNINGE"],"trtorch::logging::log":[27,1,1,"_CPPv4N7trtorch7logging3logE5LevelNSt6stringE"],"trtorch::logging::log::lvl":[27,2,1,"_CPPv4N7trtorch7logging3logE5LevelNSt6stringE"],"trtorch::logging::log::msg":[27,2,1,"_CPPv4N7trtorch7logging3logE5LevelNSt6stringE"],"trtorch::logging::set_is_colored_output_on":[26,1,1,"_CPPv4N7trtorch7logging24set_is_colored_output_onEb"],"trtorch::logging::set_is_colored_output_on::colored_output_on":[26,2,1,"_CPPv4N7trtorch7logging24set_is_colored_output_onEb"],"trtorch::logging::set_logging_prefix":[24,1,1,"_CPPv4N7trtorch7logging18set_logging_prefixENSt6stringE"],"trtorch::logging::set_logging_prefix::prefix":[24,2,1,"_CPPv4N7trtorch7logging18set_logging_prefixENSt6stringE"],"trtorch::logging::set_reportable_log_level":[28,1,1,"_CPPv4N7trtorch7logging24set_reportable_log_levelE5Level"],"trtorch::logging::set_reportable_log_level::lvl":[28,2,1,"_CPPv4N7trtorch7logging24set_reportable_log_levelE5Level"],"trtorch::ptq::Int8CacheCalibrator":[3,3,1,"_CPPv4I0EN7trtorch3ptq19Int8CacheCalibratorE"],"trtorch::ptq::Int8CacheCalibrator::Algorithm":[3,7,1,"_CPPv4I0EN7trtorch3ptq19Int8CacheCalibratorE"],"trtorch::ptq::Int8CacheCalibrator::Int8CacheCalibrator":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE"],"trtorch::ptq::Int8CacheCalibrator::Int8CacheCalibrator::cache_file_path":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE"],"trtorch::ptq::Int8CacheCalibrator::getBatch":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8CacheCalibrator::getBatch::bindings":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8CacheCalibrator::getBatch::names":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8CacheCalibrator::getBatch::nbBindings":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8CacheCalibrator::getBatchSize":[3,1,1,"_CPPv4NK7trtorch3ptq19Int8CacheCalibrator12getBatchSizeEv"],"trtorch::ptq::Int8CacheCalibrator::operator nvinfer1::IInt8Calibrator*":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibratorcvPN8nvinfer115IInt8CalibratorEEv"],"trtorch::ptq::Int8CacheCalibrator::readCalibrationCache":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t"],"trtorch::ptq::Int8CacheCalibrator::readCalibrationCache::length":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t"],"trtorch::ptq::Int8CacheCalibrator::writeCalibrationCache":[3,1,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8CacheCalibrator::writeCalibrationCache::cache":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8CacheCalibrator::writeCalibrationCache::length":[3,2,1,"_CPPv4N7trtorch3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8Calibrator":[4,3,1,"_CPPv4I00EN7trtorch3ptq14Int8CalibratorE"],"trtorch::ptq::Int8Calibrator::Algorithm":[4,7,1,"_CPPv4I00EN7trtorch3ptq14Int8CalibratorE"],"trtorch::ptq::Int8Calibrator::DataLoaderUniquePtr":[4,7,1,"_CPPv4I00EN7trtorch3ptq14Int8CalibratorE"],"trtorch::ptq::Int8Calibrator::Int8Calibrator":[4,1,1,"_CPPv4N7trtorch3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb"],"trtorch::ptq::Int8Calibrator::Int8Calibrator::cache_file_path":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb"],"trtorch::ptq::Int8Calibrator::Int8Calibrator::dataloader":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb"],"trtorch::ptq::Int8Calibrator::Int8Calibrator::use_cache":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb"],"trtorch::ptq::Int8Calibrator::getBatch":[4,1,1,"_CPPv4N7trtorch3ptq14Int8Calibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8Calibrator::getBatch::bindings":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8Calibrator::getBatch::names":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8Calibrator::getBatch::nbBindings":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator8getBatchEA_PvA_PKci"],"trtorch::ptq::Int8Calibrator::getBatchSize":[4,1,1,"_CPPv4NK7trtorch3ptq14Int8Calibrator12getBatchSizeEv"],"trtorch::ptq::Int8Calibrator::operator nvinfer1::IInt8Calibrator*":[4,1,1,"_CPPv4N7trtorch3ptq14Int8CalibratorcvPN8nvinfer115IInt8CalibratorEEv"],"trtorch::ptq::Int8Calibrator::readCalibrationCache":[4,1,1,"_CPPv4N7trtorch3ptq14Int8Calibrator20readCalibrationCacheER6size_t"],"trtorch::ptq::Int8Calibrator::readCalibrationCache::length":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator20readCalibrationCacheER6size_t"],"trtorch::ptq::Int8Calibrator::writeCalibrationCache":[4,1,1,"_CPPv4N7trtorch3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8Calibrator::writeCalibrationCache::cache":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::Int8Calibrator::writeCalibrationCache::length":[4,2,1,"_CPPv4N7trtorch3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t"],"trtorch::ptq::make_int8_cache_calibrator":[31,1,1,"_CPPv4I0EN7trtorch3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE"],"trtorch::ptq::make_int8_cache_calibrator::Algorithm":[31,7,1,"_CPPv4I0EN7trtorch3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE"],"trtorch::ptq::make_int8_cache_calibrator::cache_file_path":[31,2,1,"_CPPv4I0EN7trtorch3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE"],"trtorch::ptq::make_int8_calibrator":[30,1,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::Algorithm":[30,7,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::DataLoader":[30,7,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::cache_file_path":[30,2,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::dataloader":[30,2,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::ptq::make_int8_calibrator::use_cache":[30,2,1,"_CPPv4I00EN7trtorch3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb"],"trtorch::set_device":[34,1,1,"_CPPv4N7trtorch10set_deviceEKi"],"trtorch::set_device::gpu_id":[34,2,1,"_CPPv4N7trtorch10set_deviceEKi"],STR:[5,0,1,"c.STR"],TRTORCH_API:[6,0,1,"c.TRTORCH_API"],TRTORCH_HIDDEN:[7,0,1,"c.TRTORCH_HIDDEN"],TRTORCH_MAJOR_VERSION:[8,0,1,"c.TRTORCH_MAJOR_VERSION"],TRTORCH_MINOR_VERSION:[12,0,1,"c.TRTORCH_MINOR_VERSION"],TRTORCH_PATCH_VERSION:[9,0,1,"c.TRTORCH_PATCH_VERSION"],TRTORCH_VERSION:[10,0,1,"c.TRTORCH_VERSION"],XSTR:[11,0,1,"c.XSTR"],trtorch:[65,8,0,"-"]},"trtorch.logging":{Level:[64,9,1,""],get_is_colored_output_on:[64,10,1,""],get_logging_prefix:[64,10,1,""],get_reportable_log_level:[64,10,1,""],log:[64,10,1,""],set_is_colored_output_on:[64,10,1,""],set_logging_prefix:[64,10,1,""],set_reportable_log_level:[64,10,1,""]},"trtorch.logging.Level":{Debug:[64,11,1,""],Error:[64,11,1,""],Info:[64,11,1,""],InternalError:[64,11,1,""],Warning:[64,11,1,""]},trtorch:{DeviceType:[65,9,1,""],EngineCapability:[65,9,1,""],TensorRTCompileSpec:[65,10,1,""],check_method_op_support:[65,10,1,""],compile:[65,10,1,""],convert_method_to_trt_engine:[65,10,1,""],dtype:[65,9,1,""],dump_build_info:[65,10,1,""],get_build_info:[65,10,1,""],logging:[64,8,0,"-"],set_device:[65,10,1,""]}},objnames:{"0":["c","macro","C macro"],"1":["cpp","function","C++ function"],"10":["py","function","Python function"],"11":["py","attribute","Python attribute"],"2":["cpp","functionParam","functionParam"],"3":["cpp","class","C++ class"],"4":["cpp","enum","C++ enum"],"5":["cpp","enumerator","C++ enumerator"],"6":["cpp","member","C++ member"],"7":["cpp","templateParam","templateParam"],"8":["py","module","Python module"],"9":["py","class","Python class"]},objtypes:{"0":"c:macro","1":"cpp:function","10":"py:function","11":"py:attribute","2":"cpp:functionParam","3":"cpp:class","4":"cpp:enum","5":"cpp:enumerator","6":"cpp:member","7":"cpp:templateParam","8":"py:module","9":"py:class"},terms:{"001s":52,"00f1b6db":52,"01s":52,"04s":52,"07s":52,"0c106ec84f199a0fbcf1199010166986da732f9b0907768c9ac5ea5b120772db":67,"0x7faaac5bf570":65,"11k":52,"12a":52,"16280mib":52,"1x1":54,"24k":52,"2_20200626":67,"2c365_subsampl":52,"2mib":52,"300w":52,"300x300":54,"31c":52,"32w":52,"32x32":52,"33c":52,"33w":52,"34c":52,"34w":52,"353k":52,"35c":52,"35k":52,"35w":52,"36c":52,"37c":52,"43w":52,"442k":52,"4fef":52,"53k":52,"55k":52,"774kb":52,"818977576572eadaf62c80434a25afe44dbaa32ebda3a0919e389dcbe74f8656":67,"81k":52,"84e944ff11f8":52,"891mib":52,"9205bed204e2ae7aafd2e01cce0f21309e281e18d5bfd7172ef8541771539d41":67,"94k":52,"9ab0":52,"abstract":[58,61],"byte":65,"case":[1,2,46,47,53,54,55,58,61,67,68],"catch":[56,66],"char":[3,4,44,66],"class":[30,31,44,45,46,47,51,52,53,54,58,61,64,65,66,68],"const":[1,2,3,4,30,31,33,34,36,37,38,44,45,46,47,56,61,63,66,68],"default":[1,2,3,4,17,30,31,43,45,46,47,52,54,65,66,68,70,71],"enum":[1,2,42,45,46,47,51,64,68],"export":67,"final":[55,57,59,67],"float":[46,63,65,66,70],"function":[1,2,3,4,46,47,48,51,52,53,54,56,58,61,66,68,71,72],"import":[52,53,54,56,66,69,70,71],"int":[3,4,34,44,45,46,63,65,66],"long":[46,55,65],"new":[1,2,3,4,33,37,46,47,48,52,53,58,59,61,64,66],"public":[1,2,3,4,44,45,46,47,48,68],"return":[1,2,3,4,23,25,30,31,32,33,36,37,38,42,43,44,45,46,47,52,53,56,57,58,59,61,64,65,66,68],"short":56,"static":[46,48,55,61,65,66],"super":[44,53,66],"throw":[56,66],"true":[1,2,4,46,47,52,53,54,56,61,63,65,66,68,71,72],"try":[52,53,59,66,71],"var":63,"void":[3,4,24,26,27,28,34,35,42,44,45],"while":68,And:66,Are:42,Bus:52,But:66,For:[52,53,54,55,66,67,68,69,71],IDs:54,Its:61,Not:3,One:[65,66],PRs:66,Thats:66,The:[2,46,47,52,53,54,55,56,57,58,59,61,64,67,68,70,71],Then:[67,68,71],There:[4,52,54,55,61,66,68,69],These:[55,58,68],Use:[46,61,65,68],Useful:62,Using:[4,52,54,62,72],Will:36,With:[52,66,68],___torch_mangle_10:66,___torch_mangle_4847:58,___torch_mangle_5:66,___torch_mangle_9:66,__and__:63,__attribute__:43,__getitem__:63,__gnuc__:43,__init__:[53,66],__is__:63,__isnot__:63,__not__:63,__or__:63,__round_to_zero_floordiv:63,__torch__:[58,66],__torch___pytorch_detection_ssd_src_model_ssd300_trt_engin:58,__torch___torchvision_models_resnet____torch_mangle_4847_resnet_trt_engin:58,__visibility__:43,__xor__:63,_all_:56,_convolut:[63,66],_jit_to_backend:71,_jit_to_tensorrt:65,_script:65,a100:[52,53],aarch64:59,abi:69,abl:[52,53,55,56,61,62,68,71],about:[54,55,58,61,65,66,70],abov:[28,54,66],abs:63,acceler:[52,53,66,72],accept:[46,48,58,61,70],access:[54,56,61,62,66,71],accord:61,accumul:[46,65],accuraci:[54,68],achiev:[52,53],aco:63,acosh:63,across:56,acthardtanh:61,activ:[66,68,72],activationtyp:61,actual:[53,56,58,61,64,66],adaptive_avg_pool2d:63,adaptiveavgpool2d:52,add:[27,55,56,61,63,64,66,67],add_:[56,63,66],add_patch:54,addactiv:61,added:[28,55],addit:[54,56,66],addlay:66,addshuffl:66,advanc:68,affin:52,after:[54,55,62,66,69,70],again:[44,54,58,61],against:[66,70],agre:[52,53,54],agx:45,ahead:66,aim:56,algo_typ:68,algorithm:[3,4,30,31,44,68],align_corn:63,all:[17,42,43,44,45,52,53,54,56,58,65,66,68,69,70],alloc:61,allow:[46,48,52,53,54,55,56,65,70],allow_gpu_fallback:[45,46,47,65,68,71,72],allow_tf32:63,almost:66,alpha:[54,63],alreadi:[52,55,56,66,68,70],also:[31,52,53,54,55,61,62,66,67,68],alwai:[3,4,26],amazonaw:52,amp:52,analog:66,analogu:61,analysi:[52,54],ani:[52,53,54,55,61,65,66,67,68,70],annot:[54,61,66],anoth:66,aot:[62,66],apach:[52,53,54],apex:54,api:[13,15,16,42,43,44,45,59,61,65,66,68,69,71],apidirectori:[22,49],append:[52,53,54,63],appli:68,applic:[2,31,46,47,52,53,54,56,59,66,69,70,71,72],approach:[52,53],apr:66,aquir:66,architectur:[54,62,67],archiv:67,aren:66,arg:[55,66],argc:66,argmax:52,argument:[56,58,61,66,70],argv:66,around:[58,61,66],arrai:[3,4,55],arrayref:[45,46,48],arti:52,arxiv:68,asin:63,asinh:63,aspect:70,assembl:[55,66],assign:[3,4],associ:[55,61,66],associatevalueandivalu:61,associatevalueandtensor:[61,66],assum:71,atan:63,atanh:63,aten:[56,60,61,63,66],attach:54,attribut:[56,58,66],aug:52,auto:[44,61,66,68,72],automat:[52,53,66],avail:[52,53,54,61,67,72],ave:[52,53],averag:[46,52,53,54,65,70],avg:[54,70],avg_pool1d:63,avg_pool2d:63,avg_pool3d:63,avgpool:[52,54],avoid:52,await:52,axes:52,axi:52,b_hh:63,b_ih:63,back:[56,58,59,66],back_insert:44,backbon:54,backend:[52,53,54,65,71],background:54,base:[35,49,50,52,53,54,58,64,66,67,68],bash:[54,67],basi:[52,53,54],basic:70,batch:[3,4,44,46,52,53,54,65,68,70,72],batch_norm:[61,63],batch_siz:[44,54,68],batched_data_:44,batchnorm2d:52,batchnorm:[54,56],batchtyp:44,bazel:[59,67],bazel_vers:67,bazelbuild:67,bazelisk:67,bazelvers:67,bbox:54,bdist_wheel:67,becaus:[61,66,67],becom:61,been:[55,61,66],befor:[46,54,56,59,61,62,65,66,67],begin:[44,67],beginn:66,behav:[52,54],behavior:[46,65],being:66,below:[54,61,66],benchmark:[53,63],benefit:[61,66],best:[46,48,52,53,67],best_result:54,best_results_per_input:54,best_results_per_input_trt:54,beta:63,better:[52,53,54,66,68],between:[54,61,68],bia:[52,53,56,63,66],bin:[52,67],binari:[44,68],bind:[3,4,44],bird:52,bit:[46,61,65,66],blob:[60,68],block0:56,block1:56,block:[55,56],bn1:52,bn2:52,bn3:52,bool:[1,2,3,4,25,26,30,36,42,44,45,46,47,56,61,63,64,65,66,68],bot:54,both:[52,53,54,66,67,68],bottleneck:52,bound:54,box:54,branch:67,breed:52,briefli:66,bsd:[42,43,44,45],buffer:[3,4],bug:67,build:[30,31,32,46,55,57,59,61,65,66,68,70],build_fil:67,builderconfig:45,built:[37,59,67,70],bust:52,bzl:67,c10:[1,2,45,46,47,48,66,68],c96b:52,c_api:60,c_str:[61,66],cach:[3,4,30,31,44,52,54,66,68,70],cache_:44,cache_fil:[44,68],cache_file_path:[3,4,30,31,44],cache_file_path_:44,cache_size_:44,cachecalibr:68,calcul:[55,66],calibr:[3,4,30,31,44,46,66,68,70],calibration_cache_fil:[30,31,68],calibration_dataload:[30,68],calibration_dataset:68,calibrationalgo:68,call:[30,31,33,46,52,53,54,56,58,61,65,66,71],callmethod:66,can:[1,2,4,30,31,38,46,47,48,52,53,54,55,56,57,58,59,61,65,66,67,68,69,70,71],cannot:[52,53,54,56,66],cap:52,capabl:[45,46,65,70,71],captur:54,cast:[3,4,56],cat:[63,67],caught:56,caus:[61,67],cdll:66,ceil:63,ceil_mod:[52,63],cell:54,centercrop:52,cerr:66,certifi:52,cf0691493d05062fe3239cf76773bae4c5124f4b039050dbdd291c652af3ab2a:67,chain:61,chanc:61,chang:[31,52,53,56,59,68],channel:52,check:[1,2,36,46,47,54,56,61,65,66,67,69,70],check_method_op_support:65,checkmethodoperatorsupport:[21,39,45,49,50,66],checkpoint:54,checkpoint_from_distribut:54,chimpansee_amber_r_1920x1080:52,chimpanze:52,choos:[66,67],cifar10:68,cifar:68,clamp:63,classes_to_label:54,classif:[53,54,66],classifi:53,clear:44,cli:[66,70],close:66,closer:56,cloudfront:52,coco:54,cocodataset:54,code:[52,53,54,59,62,66,68],collect:66,color:[25,26,64],colored_output_on:[26,42,64],com:[52,53,60,66,67,68],come:[52,53],command:[52,66,67,70],comment:67,common:[52,54,55,56],common_subexpression_elimin:56,commun:66,compar:54,comparis:[1,46],comparison:[2,46,47],compat:[1,2,46,47,56,58,67],compil:[33,36,38,46,52,53,54,56,58,61,65,68,69,70,71,72],compile_set:[53,66,68],compile_spec:[65,68,72],compilegraph:[21,39,45,49,50,66,68],compilespec:[0,2,3,4,21,33,38,39,45,49,50,65,66,68,72],compilespecstruct:[0,49],complet:[52,53,54,66],complex:66,compli:54,complianc:[52,53,54],compliat:68,compon:[53,57,59,66,69],compos:[52,53,54,66,68],composit:66,comprehens:54,comput:[46,52,53,54,67,68],conclus:52,condit:[52,53,54],confid:[52,54],config:67,configur:[33,38,62,65,66,67,68],connect:[52,56,72],consid:[52,66],consol:70,consolid:66,constant:[55,56,66],constexpr:[1,2,45,46,47],construct:[1,2,3,4,46,47,48,55,56,57,59,61,66,68],constructor:[1,46,47,58,66],consum:[4,55,66],contain:[30,36,52,53,54,55,56,61,65,66,67,68,69],content:68,context:[55,57,58,59],continu:[52,53,54,69],contributor:66,control:[52,53,54,66],conv1:[52,53,66],conv2:[52,53,66],conv2d:[52,53,66],conv3:52,conv4_x:54,conv5_x:54,conv:66,conveni:[54,68],convers:[52,54,56,58,65,66],conversionctx:[61,66],convert:[3,4,33,36,38,53,54,56,57,59,62,65,71],convert_method_to_trt_engin:[65,71],convertgraphtotrtengin:[21,39,45,49,50,66],convien:46,convienc:[3,4],convolut:[54,68,72],coordin:59,copi:[44,52,53,54,61],copyright:[42,43,44,45,52,53,54,66],core:[45,52,53,54,56,59,65,66,72],corpor:[42,43,44,45,52,53,54],correct:67,correspond:[52,54,61],cos:63,cosh:63,count_include_pad:63,coupl:[52,53,55,59,69],cout:66,cp36:67,cp36m:67,cp37:67,cp37m:67,cp38:67,cp39:67,cpp:[14,15,16,42,43,44,45,51,56,59,66,68],cpp_frontend:68,cppdirectori:[22,49],cppdoc:66,creat:[30,31,37,52,53,54,55,58,61,65,70],credit:66,csrc:[56,60],cstddef:68,ctx:[61,66],ctype:66,cu102:67,cuda:[46,52,53,54,58,65,66,67,68,71],cuda_runtim:[21,45],cudafloattyp:66,cudasetdevic:34,cudnn8:67,cudnn:[52,53,54],cudnn_en:63,curl:67,current:[23,61],custom:67,cxx11:69,cycler:52,d17fnq9dkz9hgj:52,data:[1,3,4,30,31,44,45,46,47,52,53,54,55,57,59,61,68],data_dir:68,dataflow:[61,66],dataload:[4,30,31,44,46,68],dataloader_:44,dataloadercalibr:68,dataloaderopt:68,dataloaderuniqueptr:[4,44],dataset:[31,54,68],datatyp:[0,2,21,39,45,46,47,49,50,65],dateutil:52,dbg:67,dead_code_elimin:56,deal:61,debug:[17,26,45,46,61,64,65,70,71],debugg:[65,70],decid:53,decod:52,decode_result:54,deconvolut:72,dedic:56,deep:[52,53,54,61,62,68,72],deeplearn:60,deeplearningexampl:54,def:[52,53,54,66],defin:[1,2,3,4,17,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,43,46,47,48,51,52,53,66,68,70],definit:[51,61],delet:[1,2,45,46,47,56],demo:[52,54,68],demonstr:[52,53,54,68],denorm:54,dep:67,depend:[31,32,52,54,55,59,66,69],depickl:58,deploi:[52,53,62,66,68],deploy:[52,53,66,68,69,70,72],deprec:63,describ:[46,52,53,54,61,65,66,71],deseri:[65,66],design:[52,53,72],desir:68,destroi:61,destructor:61,detail:[52,66,69],detect:[52,58],detections_batch:54,determin:56,determinist:63,develop:[52,53,62,66,67],deviat:70,devic:[0,21,34,39,45,46,49,50,52,53,65,66,68,70,71,72],device_typ:[45,46,47,65,68,71,72],deviceclass:[0,49],devicetyp:[21,39,45,46,47,49,50,65,68,71,72],devicetypestruct:[0,49],dict:[54,65],dictionari:[65,66,71],differ:[31,53,54,56,59,62,66],differenti:[52,53],dilat:[52,63],dim0:63,dim1:63,dim:[52,63],dim_int:63,dim_intlist:63,dimens:56,directli:[61,62,68],directori:[18,19,20,21,22,42,43,44,45,49,52,67,68],disabl:[64,67,70],disable_tf32:[45,46,65,68],disclos:67,disp:52,displai:70,dist:[52,67],distdir:67,distribut:[52,53,54,65,66,68,69],div:63,div_:63,divisor_overrid:63,dl_open:69,dla:[2,45,46,47,62,65,70],dla_cor:[45,46,47,65,68,71,72],doc:[59,60,67],docker:[52,53,54],docsrc:59,document:[42,43,44,45,49,50,59,66,68,69,71],doe:[43,44,52,54,56,61,68],doesn:66,doing:[54,55,56,66,68],domain:68,don:[53,61,68],done:[52,54,55,59],dont:42,doubl:[46,65],down:[52,53,67],download:[54,67,68],downsampl:52,doxygen_should_skip_thi:[44,45],driver:[52,67],drop:[54,67],dtype:[52,53,54,63,65],due:[3,4,52,54],dump:[35,67,70],dump_build_info:[21,39,45,49,50,65],dure:[61,68,70],dynam:[46,48,65],each:[3,4,46,54,55,56,58,61,65,66],eager:[52,53],earlier:52,easi:[55,56,66,68,70],easier:[57,59,61,66,68],easiest:67,easili:[3,4],ecc:52,ecosystem:[52,53,54],edgecolor:54,edu:68,effect:[56,66,68],effici:61,either:[46,48,52,53,54,61,65,66,67,70],element:58,element_typ:44,els:[43,44,65],elu:63,emb:[37,66],embed:[58,63,66,70,72],embedengineinnewmodul:[21,39,45,49,50],emit:55,empti:[53,66],emum:[17,46],enabl:[3,4,25,52,53,54,64,65],encount:67,end:[44,61,63,66,68],end_dim:[63,66],end_tim:[52,53,54],endif:[43,44,45],enforc:66,engin:[1,2,33,37,38,45,46,47,48,55,57,59,62,65,66,68,70,71,72],engine_converted_from_jit:66,enginecap:[45,46,65,71],enhanc:54,ensur:[31,56],enter:55,entri:[46,61,65],entropi:[30,31,68],entropy_calibration_2:68,enumer:[1,2,17,46,47],eps:[52,63],equival:[33,52,53,54,57,59,61,65,66,68],equivil:38,erf:63,error:[17,55,56,59,64,66,67],etc:[65,72],eval:[52,53,54,66],evalu:[54,57,58,59],evaluated_value_map:[55,61],even:66,everi:66,everyth:17,exactli:54,exampl:[52,53,54,58,59,61,66,68],except:[52,53,54],exception_elimin:56,execpt:56,execut:[37,52,53,54,56,57,58,59,65,66,68],execute_engin:[58,66],exeuct:58,exhaust:66,exist:[4,33,36,38,52,65,67,68],exp:63,expand:[56,63],expand_a:63,expect:[52,56,61,66],experi:[52,53],explic:44,explicit:[3,4,45,56,62,68],explicitli:[68,71],explict:44,explictli:[1,46],expon:63,expos:68,express:[52,53,54],extend:[57,59,61,66],extent:[62,66],extra:[46,66],extract:66,extractor:53,f16:[66,70,72],f32:70,facecolor:54,factori:[4,30,31,68],fail:[66,72],fallback:[61,70,72],fals:[1,2,3,4,44,45,46,47,52,54,63,65,66,68,71],famili:[52,53,54],familyhandyman:52,fan:52,fashion:66,fbed:52,fc1:[53,66],fc2:[53,66],fc3:[53,66],feat:[53,66],featur:[52,53,54,66,68,70,71],fed:[3,4],feed:[30,31,66],feel:62,few:[52,53],field:[3,4,68],fig:[52,54],file:[1,2,3,4,5,6,7,8,9,10,11,12,17,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,46,47,48,52,53,54,58,59,65,66,67,68,70],file_path:70,filer_publ:52,filer_public_thumbnail:52,fill:[52,53],filter:54,find:[4,54,66],finish:54,first:[52,53,54,55,56,66,68],five:54,fix:[46,52,54,72],fixed_s:[45,46],flag:[67,70],flatten:[53,63,66],flatten_convert:66,flexibl:[52,53,54],float16:[65,70],float32:[46,52,65,70],float_int:63,floor:63,floor_divid:63,floordiv:63,flow:[52,53,54,61,66],fly:66,follow:[52,53,54,66,67,68,70],footprint:[52,53],forc:[65,70],form:55,format:[46,52,53,54,65,70],forum:67,forward:[30,31,33,37,53,58,61,65,66,68,71],found:[42,43,44,45,52,54,66,67,68],fp16:[1,46,53,54,62,65,66,72],fp32:[1,46,53,54,62,65,68],framework:[52,53,54],freed:61,freez:66,freeze_modul:56,from:[1,2,3,4,30,31,44,46,47,48,52,53,54,55,56,57,58,59,61,62,66,68,70],fssl:67,fstream:[20,44],full:[61,66,68,69,70,72],fulli:[36,56,65,66,68,72],fuse:[52,53],fuse_addmm_branch:56,fuse_flatten_linear:56,fuse_linear:56,fusion:61,futur:[52,53],gain:54,gamma:63,gaurd:43,gcc:[59,66],gear:68,gener:[3,4,31,52,53,54,56,58,59,61,66,68,70],get:[1,2,3,4,23,32,44,46,47,48,54,56,61,64,67,68,71],get_batch_impl:44,get_build_info:[21,39,45,49,50,65],get_coco_object_dictionari:54,get_is_colored_output_on:[18,40,42,49,50,64],get_logging_prefix:[18,40,42,49,50,64],get_reportable_log_level:[18,40,42,49,50,64],getattr:[56,58,66],getbatch:[3,4,44],getbatchs:[3,4,44],getdimens:[61,66],getoutput:[61,66],github:[52,53,54,60,66,67,68],give:53,given:[46,52,54,56,65,66,70,71],global:[27,66],gnu:67,goal:61,going:[44,66],good:[44,61],got:66,govern:[52,53,54],gpu:[2,33,34,38,45,46,47,52,53,65,66,68,70,71,72],gpu_id:[34,45,46,47,65,68,71,72],granular:53,graph:[17,33,36,38,45,52,53,54,55,57,59,61,62,65,66],great:[52,53,54,66],green_mamba:52,group:63,gtc:62,guard:56,guard_elimin:56,gulf:52,hack:44,hakaimagazin:52,half:[53,54,65,66,70,71,72],handl:[54,56,58],happen:[52,53,66],hardtanh:[61,63],hardtanh_:63,hardwar:[52,53,54,72],has:[52,53,54,55,56,59,61,66,68],hash:67,have:[31,44,52,53,54,55,56,61,62,66,67,68,70],haven:66,head:54,header:[52,66],help:[26,52,53,55,61,66,70],helper:[52,53,54,61],here:[44,52,53,54,55,58,66,67,68],hermet:67,hfile:[22,49],hidden:43,high:[52,54,56,66],higher:[56,66],hinton:68,hold:[46,47,48,55,61,68],holder:58,home:67,hood:59,host:67,how:[3,4,52,54,66,71],howev:[31,52,53,54,67],html:[60,66,67,68],http:[52,53,54,60,66,67,68],http_archiv:67,hub:[52,54],huski:52,idea:56,ident:70,idx:[54,63],ifndef:[44,45],ifstream:44,iint8calibr:[3,4,30,31,44,45,46,68],iint8entropycalibrator2:[3,4,30,31,44,68],iint8minmaxcalibr:[30,31,68],ilay:61,imag:[52,54,68],image_idx:54,imagenet:52,imagenet_cla:52,imagenet_class_index:52,images_:68,img0:52,img1:52,img2:52,img3:52,img:52,img_path:52,impact:[52,53,54],implement:[3,4,52,53,54,56,58,66,68],impli:[52,53,54],implic:56,implicit:63,imshow:[52,54],in_featur:[52,53],in_shap:66,in_tensor:66,incas:44,includ:[14,16,17,32,35,42,43,44,45,51,52,53,54,65,66,67,68,70],includedirectori:[22,49],ind:52,independ:[52,54],index:[60,62,63,68],indic:63,inetworkdefinit:55,infer:[52,53,56,66,68],info:[17,33,38,45,46,61,64,66,70],inform:[28,32,35,54,55,62,65,66,68,70,71],infrastructur:68,ingest:59,inherit:[49,50,68],inlin:[44,56,66],inner:46,inplac:52,input0:66,input1:66,input2:66,input:[3,4,31,44,46,48,52,53,54,55,56,58,61,63,65,66,68,70,71,72],input_0:[58,66],input_batch:52,input_data:[52,53,54,66],input_file_path:[70,72],input_rang:[45,46],input_s:66,input_scal:63,input_shap:[52,53,54,65,66,68,70,71,72],input_tensor:52,inputrang:[21,39,45,46,49,50,66],inputrangeclass:[0,49],inspect:[53,61,66],instal:[52,54,62,66,69],instanc:[52,53,56,66],instanti:[57,58,59,61,66],instatin:[1,2,46,47],instead:[55,56,66,69,70],instnanti:58,instruct:[66,67],insur:67,int64_t:[45,46,47,48,68,72],int8:[1,44,46,62,65,68,70,72],int8_t:45,int8cachecalibr:[20,31,41,44,49,50],int8cachecalibratortempl:[0,49],int8calibr:[3,20,30,41,44,49,50],int8calibratorstruct:[0,49],int_float:63,integ:65,integr:[52,53,62],intent:56,intercompat:[52,54],interest:56,interfac:[1,2,46,47,58,59,61,66,68],intermedi:[17,52,53,66],intern:[2,17,46,47,52,53,54,61,66],internal_error:64,internalerror:64,interpret:[52,53,58],intro_to_torchscript_tutori:66,introduc:[52,53,54],invok:66,involv:[52,53],ios:44,iostream:[20,44,66],is_avail:52,is_train:68,iscustomclass:61,issu:[3,4,52,53,66,67],istensor:61,istream_iter:44,it_:44,item:52,itensor:[55,61,66],iter:[20,44,46,52,53,54,55,65,70],its:[31,52,53,54,55,58,61],itself:[1,2,46,47,56,67,70,71],ivalu:[55,58,61,66],jetson:[52,53,65],jit:[33,36,37,38,45,52,53,54,55,56,57,58,59,60,61,65,66,70,71],jpeg:52,jpg:[52,54],jpg__1920x1080_q85_subject_loc:52,json:52,json_fil:52,just:[44,45,52,54,56,62,66,69,71],kchar:[1,45,46],kclip:61,kcpu:[2,46,47],kcuda:[2,46,47,66],kdebug:[17,42,44],kdefault:[45,46],kdla:[2,45,46,47,72],keepdim:63,kei:[65,66],kernel:[46,52,53,61,65,66,70],kernel_s:[52,53,63],kerror:[17,42],kf16:72,kfloat:[1,45,46],kgpu:[2,45,46,47],kgraph:[17,42,56],khalf:[1,45,46,66],ki8:68,kind:[52,53,54,55,65],kinfo:[17,42,44],kinternal_error:[17,42],kiwisolv:52,know:[42,61],known:54,kriz:68,krizhevski:68,ksafe_dla:[45,46],ksafe_gpu:[45,46],ktest:68,ktrain:68,kwarn:[17,42],label:[54,68],laid:66,lambda:[61,66],languag:[52,53,54,66],larg:[52,53,57,59,66,68],larger:68,largest:63,last:[54,56],later:[31,66],latest:67,law:[52,53,54],layer1:52,layer2:52,layer3:52,layer4:52,layer:[46,47,52,53,54,55,56,61,65,66,68,70,72],ld_library_path:67,ld_preload:69,ldd:67,leaky_relu:63,leaky_relu_:63,learn:[62,66,67,68,72],least:52,leav:[53,56],left:54,len:[52,54,63],lenet:[54,66],lenet_script:66,lenetclassifi:[53,66],lenetfeatextractor:[53,66],length:[3,4,44,52,63],let:[46,47,52,53,54,56,61,70],level:[18,23,27,28,40,42,44,49,50,52,53,56,59,64,66],levelnamespac:[0,49],leverag:[52,53,54,68],lib:[52,56,66,67],librari:[32,42,43,44,45,52,53,54,57,58,59,61,66],libtorch:[4,35,52,53,54,61,66,67,68],libtorch_pre_cxx11_abi:67,libtrtorch:[66,67,70],libtrtorchrt:69,licens:[42,43,44,45,52,53,54,66],like:[52,53,54,55,56,58,61,66,67,68,69,70],limit:[52,53,54,56,68],line:[66,70],linear:[52,53,63,66],linewidth:54,link:[55,62,66,69,70],linux:[59,66,67],linux_x86_64:67,list:[18,19,20,21,36,51,54,55,58,61,63,65,66,67],listconstruct:[55,58,66],listunpack:[58,66],live:61,load:[52,54,58,66,67,68,69,70,71],load_librari:69,loader:[52,53,54],loading_data_recip:68,local:[52,54,56,66],locat:[54,68],log:[16,17,19,20,22,39,44,49,50,51,56,61,63,65],log_debug:61,logger:64,loggingenum:[0,49],loglevel:64,longer:[52,53,69],look:[55,56,66,68,71],loop_unrol:56,lorikeet:52,loss:68,lot:61,lower:17,lower_graph:56,lower_tupl:56,loweralltupl:56,lowersimpletupl:56,lstm_cell:63,lvl:[27,28,42],machin:[52,53,58,67,68],macro:[5,6,7,8,9,10,11,12,16,18,21,22,42,45,49,51],made:[54,56,57,59],mai:[52,53,54,55,58,59,66,68],main:[54,56,57,58,59,61,66],maintain:[58,61],major:[52,53,54,59],make:[52,53,54,55,66,67,68,72],make_data_load:[4,68],make_int8_cache_calibr:[20,41,44,49,50,68],make_int8_calibr:[20,31,41,44,49,50,68],manag:[55,57,59,61,66],mangag:56,mantissa:[46,65],manual:67,map:[2,46,47,55,56,57,59,61,66,68,71],master:[60,67,68],match:[46,56,67],matmul:[56,63,66],matplotlib:[52,54],matrix:60,matur:59,max:[45,46,48,53,61,63,65,66,70],max_batch_s:[45,46,65,68,70,71],max_c:70,max_h:70,max_n:70,max_pool1d:63,max_pool2d:[53,63,66],max_pool3d:63,max_val:[61,63],max_w:70,maximum:[46,48,65,66,70],maxpool2d:52,maxpool:52,mean:[46,52,53,54,61,62,63,65,66,70],mechan:61,media:52,meet:65,member:[46,47,48,65],memori:[20,21,44,45,52,53,56,61,66],mention:52,menu:70,messag:[17,27,28,64,70],metadata:[58,61],method:[33,36,37,38,52,53,54,56,61,65,66,67,71],method_nam:[36,38,45,65,66],mig:52,might:56,min:[45,46,48,53,61,63,65,66,70],min_c:70,min_h:70,min_n:70,min_val:[61,63],min_w:70,mini:52,minim:[46,65,68,70],minimum:[46,48,64,66],minmax:[30,31,68],miss:66,mix:54,mkdir:[52,67],mobilenet_v2:71,mod:[66,68],mode:[66,68],mode_:68,model:[58,66,68,71],model_math:54,modern:54,modifi:67,modul:[33,36,37,38,45,52,53,54,57,58,59,61,62,65,68,70,71,72],modular:66,momentum:[52,63],more:[52,53,54,55,62,66,68,69,71],most:59,move:[30,44,45,52,53,56,58,66,68],msg:[27,42,64],much:[61,68],mul:63,mul_:63,multipl:[58,68],multipli:[46,65],must:[46,52,54,61,65,66,67,69,70],n01749939:52,n01820546:52,n02110185:52,n02481823:52,name:[3,4,36,38,44,52,54,58,61,65,66,67,71],namespac:[0,42,44,45,51,56,62,68],nano:67,narrow:63,nativ:[59,60,66],native_funct:60,nbbind:[3,4,44],ncol:52,necessari:[42,69],need:[1,2,28,31,43,46,47,54,55,56,61,66,67,68,69],neg:63,negative_slop:63,nest:[49,50],net:[52,61,66],network:[30,31,52,53,54,61,66,68,72],neural:[52,54,72],new_lay:61,new_local_repositori:67,new_siz:68,newer:[52,53],next:[3,4,54,55,58,68],ngc:54,nice:67,ninja:67,nlp:[30,31,68],no_grad:[52,53,54],node:[56,61,66],node_info:[61,66],noexcept:68,none:[54,61,63],normal:[1,2,46,47,52,53,54,66,68,72],noskipw:44,note:[2,46,47,52,61,66,67,72],notebook:[52,53,54,59],notic:[53,54],now:[52,53,54,56,59,61,66,67,71],nrow:52,nrun:[52,53,54],nullptr:[44,45,46],num:70,num_avg_timing_it:[45,46,65,71],num_it:70,num_min_timing_it:[45,46,65,71],num_work:68,number:[3,4,46,52,56,61,65,66,70],numel:63,numer:70,numpi:[52,53,54],nvidia:[33,38,42,43,44,45,52,53,54,60,65,66,67,68,70,72],nvidia_deeplearningexamples_torchhub:54,nvidia_ncf:54,nvidia_ssd:54,nvidia_ssd_processing_util:54,nvidia_tacotron2:54,nvidia_waveglow:54,nvinfer1:[3,4,30,31,44,45,46,61,68],nvinfer:[20,44],nwarmup:[52,53,54],obj:63,object:[1,2,3,4,46,47,48,61,65,66,68,71],observ:52,obsolet:54,obtain:[52,53,54],obvious:66,octet:52,off:[52,54,58],offici:67,ofstream:[44,66],older:59,olefil:52,onc:[42,43,44,45,55,56,58,66,68,69],one:[54,56,61,64,66],ones:[42,52,53,54,66,67],onli:[2,3,4,17,31,44,46,47,53,54,56,59,61,64,65,66,67,68,69,70,72],onnx:56,onto:[58,70],op_precis:[45,46,52,53,54,65,66,68,70,71,72],open:[52,53],oper:[1,2,3,4,36,44,45,46,47,52,53,55,56,57,58,59,61,62,65,68,70,72],ops:[52,54,56,66,69],opset:[57,59],opt:[45,46,48,53,65,66,67],opt_c:70,opt_h:70,opt_n:70,opt_w:70,optim:[46,48,52,53,54,56,62,66,70],optimi:66,optimin:[46,48],optimiz:[52,53,54],option:[44,65,67,68,69,70,72],order:[46,54,61,66],org:[52,53,54,60,66,67,68],origin:54,original_nam:53,other:[1,2,45,46,47,52,53,54,55,56,58,62,63,65,66,67,69,70],otherwis:[67,69],our:[52,53,54,59,66],out:[36,44,52,53,55,56,57,59,61,64,65,66,67],out_featur:[52,53],out_shap:66,out_tensor:[61,66],output0:56,output:[25,26,46,52,53,54,55,56,58,61,64,66,67,70],output_file_path:[70,72],output_pad:63,output_s:[52,63],outself:66,over:[52,53,57,59],overkil:53,overrid:[3,4,30,31,44,68],overview:[60,62],own:[52,53,61,66],p100:52,packag:[52,56,66,70],pad:[52,63],padding_idx:63,page:62,pair:[61,68],paper:[52,54],paramet:[1,2,3,4,26,27,28,30,31,33,34,36,37,38,46,47,48,55,56,61,64,65,66],parent:[14,15,16,18,19,20,21],pars:66,part:[59,70],particular:53,pass:[55,57,58,59,61,66,68],patch:54,path:[4,13,14,15,16,30,31,52,53,54,66,67,68,70],path_to_trtorch_root:67,pathwai:66,pattern:[61,66],peephole_optimz:56,per:54,perf:52,perform:[30,31,52,53,54,68],performac:[46,48,68],permiss:[52,53,54],permut:63,persist:52,phase:[17,61,66],pick:[53,66],pick_best:54,pickler:58,pid:52,pil:52,pillow:[52,54],pip3:67,pip3_import:67,pip:[52,54,67],pip_instal:67,pipelin:[66,70,72],piplein:66,place:[56,67,68],plan:[59,70],platform:[45,52,53,59,67,72],pleas:67,plot:54,plot_result:54,plt:[52,54],point:[65,66],pointer:[3,4,68],pool:72,pop:58,portabl:[52,53,54,58],posit:70,possibl:[52,53],post:[30,31,46,62,66,70],pow:63,power:[52,53,66],practic:[52,53],pragma:[42,43,44,45,68],pre:[37,52,68,69],pre_cxx11_abi:67,precis:[46,53,54,62,65,66,68,70,72],pred:52,pred_label:54,pred_loc:54,predict:[52,54],prefer:66,prefix:[24,26,42,64],prelu:63,prepar:[52,53,54],prepare_input:54,prepare_tensor:54,preprint:68,preprocess:[52,68],preserv:[66,68],prespect:66,pretrain:[52,54,71],pretti:66,prevent:46,previous:[31,37,66],prim:[55,56,58,63,66],primarili:[59,66],primer:54,print:[17,36,44,52,53,54,64,65,66,71],priorit:67,privat:[3,4,44,45,68],prob:52,probabl:[52,54],probablil:52,process:[52,53,54,66,68,70,71],prod:63,produc:[46,48,55,58,61,66],product:[46,52,53],profil:[46,48],program:[18,19,20,21,31,51,52,53,54,57,59,62,66,70],propog:56,provid:[3,4,46,58,61,65,66,67,68,71],providi:[57,59],ptq:[3,4,16,18,22,39,49,50,51,62,70],ptq_calibr:[3,4,45,46,68],ptqtemplat:[0,49],pull:67,pure:36,purpos:[52,54,67],push:58,push_back:44,pwr:52,py_test_dep:67,pypars:52,pyplot:[52,54],python3:[52,56,66,67],python:[52,53,54,59,69,70,72],python_api:60,pytorch:[52,54,57,58,59,61,65,66,67,68,69],pytorch_vision_v0:52,qualiti:[52,54],quantiz:[30,31,62,66,70],quantizatiom:46,question:66,quickli:[66,68,70],quit:[61,66],rais:56,raiseexcept:56,rand:66,randn:[52,53,54,66,71],rang:[46,48,52,53,54,65,66,70],rather:56,raw:54,read:[3,4,30,31,44,68],readcalibrationcach:[3,4,44],readm:[52,53,54],realiz:58,realli:61,reason:[1,46,54,66],recalibr:31,recip:68,recipi:54,reciproc:63,recognit:[52,68],recomend:[30,31],recommend:[30,31,66,67],recompil:54,record:[52,53,55,66],rect:54,rectangl:54,recurs:55,recursivescriptmodul:53,reduc:[52,53,56,57,59,68],refer:[57,59,68],referenc:[54,67],refit:[45,46,65,71],reflect:45,regard:67,regist:[37,58,61],registernodeconversionpattern:[61,66],registri:[55,66],reinterpret_cast:44,relat:[46,47],relationship:[49,50],relu:[52,53,63,66],relu_:63,remain:[52,53,54,56,68],remov:[52,54],remove_contigu:56,remove_dropout:56,remove_to:56,repack:58,repeat:63,replac:[54,56],report:[23,44],reportable_log_level:64,repositori:[52,54,59],repres:[46,48,61,64],represent:[52,53,56,61,66],request:[52,66],requir:[31,52,53,54,55,56,64,65,66,67,68,69,70],research:[52,53],reserv:[42,43,44,45,52,53,54],reset:44,reshap:63,residu:52,resiz:52,resnet50:52,resnet50_model:52,resnet:[54,58],resnet_50_trac:52,resnet_trt:58,resolv:[52,55,56,57,59],resourc:[55,68],respons:[31,52,58],restrict:[46,65,70],result:[52,53,55,56,65,66],results_per_input:54,ret:56,reus:[56,68],rgb:52,right:[42,43,44,45,52,53,54,56,59,61],rn50_preprocess:52,root:[42,43,44,45,52,54,67,68],round:[46,65],rsub:63,rule:67,run:[2,38,46,47,52,53,54,55,56,57,58,59,61,62,65,66,67,68,69,70,71,72],runtim:[52,53,54,62,66],safe:[61,65],safe_dla:[65,70],safe_gpu:[65,70],safeti:[46,65],same:[52,54,58,66,67,71],sampl:[52,68],satisfi:52,save:[31,44,52,53,54,58,65,69,70],saw:66,scalar:[61,63],scalartyp:[1,45,46],scale:[63,68],scale_factor:63,scale_grad_by_freq:63,scales_d:63,scales_h:63,scales_w:63,schema:[61,66],scikit:54,scipi:54,scope:56,score:[52,54],scratch:31,script:[36,52,54,56,65,66,71],script_model:[53,66,71],scriptclass:65,scripted_model:72,scriptmodul:[65,66],sdk:[52,53,54,60],seamlessli:62,search:62,section:68,secur:67,see:[36,52,53,54,56,58,65,66],select:[30,31,38,46,52,53,63,65,68,70],self:[53,56,58,61,63,66,72],self_1:[58,66],self_int:63,sens:66,sent:52,separ:[52,53,54],sequenti:52,serial:[37,38,57,59,65,66],serializ:58,seril:58,serv:[58,70],set:[3,4,17,26,28,31,33,34,38,45,46,47,48,52,53,54,55,56,57,58,59,62,64,65,66,67,68,70,72],set_devic:[21,39,45,49,50,65],set_is_colored_output_on:[18,40,42,49,50,64],set_logging_prefix:[18,40,42,49,50,64],set_reportable_log_level:[18,40,42,49,50,64],setalpha:61,setbeta:61,setnam:[61,66],setreshapedimens:66,setup:68,sever:[17,27,64],sha256:67,shape:[46,48,52,53,54,61,63,65,72],share:67,ship:[66,69],should:[1,3,4,31,45,46,52,55,61,62,64,65,68,70],show:[52,54],shown:66,shuffl:[66,68],shutterstock_780480850:52,siberian:52,siberian_huski:52,side:[56,66],sigmoid:63,sigmoid_:63,signifi:[46,48],signific:54,significantli:56,similar:[54,61,66,71],simonyan:68,simpil:68,simpl:[53,66],simpli:[53,56],simplic:[52,54],simplifi:55,sin:63,sinc:[53,56,66,68],singl:[46,48,53,56,66,68,70],singular:61,sinh:63,site:[56,66,67],six:52,size:[3,4,44,46,48,52,53,54,56,63,65,66,68,70,72],size_t:[3,4,44,68],slice:63,slither:52,sm_output:52,small:56,smi:52,snake:52,softmax:[52,54,56,63],softwar:[52,53,54],sole:68,some:[55,56,57,58,59,61,66,68],someth:[43,56],sort:[61,63,71],sourc:[42,43,44,45,52,54,59,65],space:68,spars:63,spec:[65,71],specif:[33,52,53,54,56,57,59,65],specifi:[3,4,52,54,61,62,64,65,66,70,71],specifii:65,speed:[52,54],speedup:52,split:63,split_siz:63,split_with_s:63,sqrt:63,squeez:63,src:[58,60],ssd300:54,ssd300_trt:58,ssd:58,ssd_300_trace:54,ssd_trace:70,ssd_trt:70,sstream:[20,44],stabl:60,stack:[58,63,68],stage:55,stand:58,standard:[52,53,54,62,69,70,71],start:[54,55,63,67,71],start_dim:[63,66],start_tim:[52,53,54],state:[55,61,66],statement:56,static_cast:44,statu:44,std:[3,4,24,27,29,30,31,32,36,37,38,42,44,45,46,48,52,66,68,72],stdout:[35,64,65],steamlin:68,step:[52,53,54,62,63,68],still:[44,52,54,68],stitch:[53,66],stop:66,storag:68,store:[4,55,58,61,66],str:[19,43,44,49,50,52,64,65],straight:61,stream:52,strict:[69,70],strict_typ:[45,46,65,71],strictli:65,stride:[52,53,54,63],string:[3,4,18,20,21,24,27,29,30,31,32,36,37,38,42,44,45,61,65,66,68],stringstream:44,strip_prefix:67,strong:[52,53],struct:[1,2,21,39,45,68],structur:[31,45,46,47,52,53,59,61,66],style:[42,43,44,45],sub:[63,66],sub_:63,subdirectori:51,subexpress:56,subgraph:[55,56,61,66],subject:59,submodul:[53,66],subplot:[52,54],subset:68,successfulli:[52,54],sudo:67,suffic:56,suggest:54,suit:62,sum:[46,63,65],support:[1,2,26,36,46,47,48,52,53,54,60,62,65,66,67,70,72],sure:[66,67,72],sxm2:52,symbol:67,synchron:[52,53,54],system:[52,54,55,61,62,67],take:[33,36,37,38,52,53,54,55,57,58,59,61,65,66,68,71],taken:[52,54],talk:62,tan:63,tanh:63,tanh_:63,tar:[67,68],tarbal:[66,68],target:[2,45,46,47,52,53,54,59,62,65,66,68,70,71,72],targets_:68,task:[30,31,68],techinqu:66,techniqu:68,tell:61,temp:52,templat:[20,41,44,45,49,50,66],tensor:[37,44,46,48,52,53,54,55,56,58,61,63,66,68],tensor_scalar:63,tensor_tensor:63,tensorcontain:61,tensorlist:61,tensorrt:[1,2,3,4,30,31,33,35,37,38,45,46,47,48,52,53,54,55,56,57,59,61,62,65,66,68,70,71],tensorrtcompilespec:[65,71],term:68,termin:[26,66,70],tesla:52,test:[52,53,54,59,67,68,70],test_ptq_dataloader_calibr:68,test_ptq_trt_calibr:68,testing_dataload:68,testing_dataset:68,text:[54,64],tf32:46,tgz:67,than:[56,62,67,69],thats:[55,68],thei:[46,47,54,55,56,61,67,70],them:[52,53,54,58,66,67],theori:55,therebi:58,therefor:[31,66],therfor:69,thi:[1,2,30,31,42,43,44,45,46,47,48,52,53,54,55,56,57,58,59,61,66,67,68,69,70,71],thing:53,think:61,third_parti:[59,67],those:55,though:[52,54,59,61,66,70],three:[46,48,57,59],threshold:70,thrid_parti:67,through:[52,53,54,55,56,58,62,66],time:[46,52,53,54,55,56,57,59,61,65,66,68,70],tini:68,titan:[52,53],titl:52,tmp:66,tocustomclass:61,todim:66,togeth:[53,55,61,66],toilet:52,too:67,tool:[52,53,61,66],toolchain:59,top:[54,59],topk:63,torch:[1,2,4,20,30,31,33,36,37,38,44,45,46,47,52,53,54,56,58,60,61,65,66,67,68,69,70,71,72],torch_scirpt_modul:66,torch_script_modul:66,torchbind:58,torchhub:54,torchscript:[33,36,37,38,52,54,57,58,59,65,70,71,72],torchvis:[52,58,68,71],toronto:68,totensor:[52,68],tovec:66,toward:68,trace:[54,65,66],traced_model:[52,53,54,66],track:[61,68],track_running_stat:52,trade:54,tradit:[65,68],traget:[33,37],train:[30,31,46,52,54,62,63,66,70],trainabl:56,transform:[52,53,66,68],translat:[54,66],transpos:63,travers:[57,59],treat:70,tree:[42,43,44,45,68],trigger:[53,66],trim:68,trt:[1,2,3,4,46,47,55,56,58,61,63,66],trt_lenet_script:66,trt_mod:[66,68,72],trt_model:[52,54,71],trt_model_fp32:52,trt_script_modul:53,trt_ts_modul:[53,66],trtorch:[0,1,2,3,4,15,17,22,42,43,44,46,47,48,50,51,55,56,57,58,59,67,68,70,72],trtorch_api:[19,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,42,43,44,45,49,50],trtorch_check:61,trtorch_hidden:[19,43,49,50],trtorch_major_vers:[19,43,49,50],trtorch_minor_vers:[19,43,49,50],trtorch_patch_vers:[19,43,49,50],trtorch_py_dep:67,trtorch_unus:61,trtorch_vers:[19,43,49,50],trtorchc:[62,72],trtorchfil:[22,49],trtorchnamespac:[0,49],truncat:[46,65],truncate_long_and_doubl:[45,46,65],ts_model:66,tue:52,tune:[52,53,54],tupl:[58,65,66],tupleconstruct:[56,58],tupleunpack:56,tutori:[66,68],two:[52,53,54,61,66,67,68,70],txt:67,type:[1,2,30,48,49,50,52,55,58,61,64,65,66,68,70],typenam:[3,4,30,31,44],typic:[55,61],ubuntu:67,uint64_t:[45,46],unabl:[61,66],uncom:67,uncorr:52,under:[42,43,44,45,52,53,54,59],underli:[1,2,46,47,61],understand:66,union:[61,66],uniqu:4,unique_ptr:[4,30],unit:53,unless:[52,53,54],unlik:[62,66,67,71],unpack_addmm:56,unpack_log_softmax:56,unqiue_ptr:4,unsqueez:[52,63],unstabl:59,unsupport:[36,65],unsur:61,untest:59,until:[55,59,61,67],unwrap:61,unwrap_distribut:54,unwraptodoubl:61,unwraptoint:66,unzip:67,upgrad:52,upload:52,upsample_bilinear2d:63,upsample_linear1d:63,upsample_nearest1d:63,upsample_nearest2d:63,upsample_nearest3d:63,upsample_trilinear3d:63,upstream:66,uri:54,url:67,usag:[52,66],use:[1,2,3,4,30,31,46,47,52,53,54,55,56,58,59,61,64,65,66,67,68,69,70,71],use_cach:[3,4,30,44,68],use_cache_:44,use_subset:68,usecas:67,used:[1,2,3,4,44,46,47,48,52,54,55,56,58,61,64,65,66,68,70],useful:61,user:[42,52,53,57,58,59,66,67,68],uses:[30,31,44,52,53,54,61,67,68],using:[1,2,33,34,38,44,45,46,47,52,53,54,61,62,65,66,68,69,70,71],using_int:[63,66],usr:[52,67],usual:54,util:[61,65,66,68],val2017:54,val:54,valid:[2,46,47,54,61],valu:[1,2,17,45,46,47,55,58,61,63,64,66],value_tensor_map:[55,61],variant:69,varient:56,variou:72,vec:63,vector:[20,21,44,45,46,48,66,68,72],verbios:70,verbos:70,veri:[68,71],version:[32,35,52,53,54,59,67],vgg16:68,vgg:[54,68],via:[52,54,62,65,68,69],view:63,virtual:68,vision:52,visit:54,volatil:52,volta:[52,53],w_hh:63,w_ih:63,wai:[52,66,67,68,70],walk:[52,53,54],want:[42,46,52,53,66,68,71],warm:[52,53,54],warn:[17,44,52,61,64,70],warranti:[52,53,54],websit:67,weight:[55,63,66],welcom:66,well:[52,53,54,66,68],were:[54,66],wget:52,what:[4,54,56,66],whatev:58,when:[26,44,45,46,47,52,53,55,56,57,58,59,61,64,65,66,67,68,70],where:[52,53,55,56,61,66,68],whether:[4,68],which:[2,31,33,38,46,47,52,53,54,55,56,57,58,59,61,65,66,68,71],whilst:54,white:54,whl:67,whole:[52,53],whose:56,width:52,within:[52,53,54,57,59],without:[52,53,54,61,66,68],work:[44,53,54,56,59,61,68],worker:68,workflow:71,workspac:[46,65,67,68,70,72],workspace_s:[45,46,52,54,65,68,70,72],world:[52,53],would:[61,66,67,69,70,71],wrap:[57,58,59,66,71],wrapper:61,write:[3,4,30,31,44,52,53,54,55,62,66,68],writecalibrationcach:[3,4,44],www:[52,53,54,66,67,68],x64:67,x86:69,x86_64:[59,67],xavier:[45,52,53,65,72],xstr:[19,43,49,50],yaml:60,you:[1,2,30,31,46,47,52,53,54,55,56,58,59,61,62,65,66,67,68,69,70,71],your:[52,53,54,61,62,66,67,69,71],yourself:66,zip:[58,67],zisserman:68},titles:["Class Hierarchy","Class CompileSpec::DataType","Class Device::DeviceType","Template Class Int8CacheCalibrator","Template Class Int8Calibrator","Define STR","Define TRTORCH_API","Define TRTORCH_HIDDEN","Define TRTORCH_MAJOR_VERSION","Define TRTORCH_PATCH_VERSION","Define TRTORCH_VERSION","Define XSTR","Define TRTORCH_MINOR_VERSION","Directory cpp","Directory api","Directory include","Directory trtorch","Enum Level","File logging.h","File macros.h","File ptq.h","File trtorch.h","File Hierarchy","Function trtorch::logging::get_reportable_log_level","Function trtorch::logging::set_logging_prefix","Function trtorch::logging::get_is_colored_output_on","Function trtorch::logging::set_is_colored_output_on","Function trtorch::logging::log","Function trtorch::logging::set_reportable_log_level","Function trtorch::logging::get_logging_prefix","Template Function trtorch::ptq::make_int8_calibrator","Template Function trtorch::ptq::make_int8_cache_calibrator","Function trtorch::get_build_info","Function trtorch::CompileGraph","Function trtorch::set_device","Function trtorch::dump_build_info","Function trtorch::CheckMethodOperatorSupport","Function trtorch::EmbedEngineInNewModule","Function trtorch::ConvertGraphToTRTEngine","Namespace trtorch","Namespace trtorch::logging","Namespace trtorch::ptq","Program Listing for File logging.h","Program Listing for File macros.h","Program Listing for File ptq.h","Program Listing for File trtorch.h","Struct CompileSpec","Struct CompileSpec::Device","Struct CompileSpec::InputRange","TRTorch C++ API","Full API","Full API","TRTorch Getting Started - ResNet 50","TRTorch Getting Started - LeNet","Object Detection with TRTorch (SSD)","Conversion Phase","Lowering Phase","Compiler Phases","Runtime Phase","System Overview","Useful Links for TRTorch Development","Writing Converters","TRTorch","Operators Supported","trtorch.logging","trtorch","Getting Started","Installation","Post Training Quantization (PTQ)","Deploying TRTorch Programs","trtorchc","Using TRTorch Directly From PyTorch","DLA"],titleterms:{"class":[0,1,2,3,4,20,21,39,41,49,50],"enum":[17,18,40,49,50,65],"function":[18,20,21,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,49,50,60,65],The:66,Used:56,Useful:60,Using:[66,71],aarch64:67,abi:67,addmm:56,advic:61,ahead:62,api:[14,18,19,20,21,49,50,51,60,62,67],applic:68,arg:61,avail:60,background:[58,61,66],base:[3,4],benchmark:[52,54],binari:67,branch:56,build:67,checkmethodoperatorsupport:36,citat:68,cli:67,code:56,compil:[57,59,62,66,67],compilegraph:33,compilespec:[1,46,47,48],conclus:[53,54],construct:58,content:[18,19,20,21,39,40,41,52,53,54],context:61,contigu:56,contract:61,contributor:62,convers:[55,57,59,61],convert:[55,61,63,66],convertgraphtotrtengin:38,cpp:[13,18,19,20,21],creat:[66,68],cudnn:67,current:63,custom:66,cxx11:67,datatyp:1,dead:56,debug:67,defin:[5,6,7,8,9,10,11,12,19,49,50],definit:[18,19,20,21],depend:67,deploi:69,descript:[52,54],deseri:58,detail:54,detect:54,detector:54,develop:60,devic:[2,47],devicetyp:2,dimens:60,directli:71,directori:[13,14,15,16,51],disk:66,distribut:67,dla:72,documen:62,document:[1,2,3,4,5,6,7,8,9,10,11,12,17,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,46,47,48,60,62],dropout:56,dump_build_info:35,easier:60,elimin:56,eliminatecommonsubexpress:56,embedengineinnewmodul:37,engin:58,envior:67,evalu:[55,63],execept:56,executor:58,expect:60,file:[16,18,19,20,21,22,42,43,44,45,49,51],flatten:56,fp16:52,fp32:52,freez:56,from:[67,71],full:[49,50,51],fuse:56,gaurd:56,get:[52,53,62,66],get_build_info:32,get_is_colored_output_on:25,get_logging_prefix:29,get_reportable_log_level:23,gpu:62,graph:[56,58],guarante:61,half:52,hierarchi:[0,22,49],hood:66,how:68,includ:[15,18,19,20,21],indic:62,infer:54,inherit:[3,4],inputrang:48,instal:67,int8cachecalibr:3,int8calibr:4,jetson:67,jit:62,layer:60,learn:[52,53,54],lenet:53,level:17,librari:[67,69],libtrtorch:69,linear:56,link:60,list:[42,43,44,45],local:67,log:[18,23,24,25,26,27,28,29,40,42,64],logsoftmax:56,loop:56,lower:[56,57,59],macro:[19,43],make_int8_cache_calibr:31,make_int8_calibr:30,measur:54,model:[52,53,54],modul:[56,66],multibox:54,namespac:[18,20,21,39,40,41,49,50],nativ:67,native_op:60,nest:[1,2,46,47,48],next:[52,53],node:55,nvidia:62,object:[52,53,54],oper:[63,66],optimz:56,other:61,overview:[52,53,54,59],own:68,packag:[67,69],pass:56,pattern:56,peephol:56,phase:[55,56,57,58,59],post:68,pre:67,precis:52,precompil:67,prerequisit:67,program:[42,43,44,45,69],ptq:[20,30,31,41,44,68],python:[60,62,66,67,68],pytorch:[53,60,62,71],quantiz:68,quickstart:66,read:60,redund:56,refer:54,regist:66,relationship:[1,2,3,4,46,47,48],releas:67,remov:56,resnet:52,respons:61,result:[54,58],runtim:[57,58,59,69],sampl:54,save:66,script:53,serial:58,set_devic:34,set_is_colored_output_on:26,set_logging_prefix:24,set_reportable_log_level:28,setup:67,shot:54,singl:[52,54],sometim:60,sourc:67,speedup:54,ssd:54,start:[52,53,62,66],str:5,struct:[46,47,48,49,50],subdirectori:[13,14,15],submodul:65,support:63,system:59,tarbal:67,templat:[3,4,30,31],tensorrt:[58,60,67],through:63,time:62,torchscript:[53,62,66],trace:[52,53],train:68,trtorch:[16,18,19,20,21,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,45,49,52,53,54,60,62,64,65,66,69,71],trtorch_api:6,trtorch_hidden:7,trtorch_major_vers:8,trtorch_minor_vers:12,trtorch_patch_vers:9,trtorch_vers:10,trtorchc:[66,70],tupl:56,type:[3,4,46,47],under:66,unpack:56,unrol:56,unsupport:66,using:67,util:[52,54],visual:54,weight:61,what:[52,53,61],work:66,write:61,xstr:11,your:68}})
\ No newline at end of file
diff --git a/docs/sitemap.xml b/docs/sitemap.xml
index cb9172076f..d83a98fb39 100644
--- a/docs/sitemap.xml
+++ b/docs/sitemap.xml
@@ -1 +1 @@
-https://nvidia.github.io/TRTorch/_cpp_api/class_view_hierarchy.html https://nvidia.github.io/TRTorch/_cpp_api/classtrtorch_1_1CompileSpec_1_1DataType.html https://nvidia.github.io/TRTorch/_cpp_api/classtrtorch_1_1CompileSpec_1_1Device_1_1DeviceType.html https://nvidia.github.io/TRTorch/_cpp_api/classtrtorch_1_1ptq_1_1Int8CacheCalibrator.html https://nvidia.github.io/TRTorch/_cpp_api/classtrtorch_1_1ptq_1_1Int8Calibrator.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a20c1fbeb21757871c52299dc52351b5f.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a25ee153c325dfc7466a33cbd5c1ff055.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a48d6029a45583a06848891cb0e86f7ba.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a71b02dddfabe869498ad5a88e11c440f.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a9d31d0569348d109b1b069b972dd143e.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1ae1c56ab8a40af292a9a4964651524d84.html https://nvidia.github.io/TRTorch/_cpp_api/dir_cpp.html https://nvidia.github.io/TRTorch/_cpp_api/dir_cpp_api.html https://nvidia.github.io/TRTorch/_cpp_api/dir_cpp_api_include.html https://nvidia.github.io/TRTorch/_cpp_api/dir_cpp_api_include_trtorch.html https://nvidia.github.io/TRTorch/_cpp_api/enum_logging_8h_1a5f612ff2f783ff4fbe89d168f0d817d4.html https://nvidia.github.io/TRTorch/_cpp_api/file_cpp_api_include_trtorch_logging.h.html https://nvidia.github.io/TRTorch/_cpp_api/file_cpp_api_include_trtorch_macros.h.html https://nvidia.github.io/TRTorch/_cpp_api/file_cpp_api_include_trtorch_ptq.h.html https://nvidia.github.io/TRTorch/_cpp_api/file_cpp_api_include_trtorch_trtorch.h.html https://nvidia.github.io/TRTorch/_cpp_api/file_view_hierarchy.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1a118d65b179defff7fff279eb9cd126cb.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1a396a688110397538f8b3fb7dfdaf38bb.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1a9b420280bfacc016d7e36a5704021949.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1aa533955a2b908db9e5df5acdfa24715f.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1abc57d473f3af292551dee8b9c78373ad.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1adf5435f0dbb09c0d931a1b851847236b.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1aef44b69c62af7cf2edc8875a9506641a.html https://nvidia.github.io/TRTorch/_cpp_api/function_ptq_8h_1a4422781719d7befedb364cacd91c6247.html https://nvidia.github.io/TRTorch/_cpp_api/function_ptq_8h_1a5f33b142bc2f3f2aaf462270b3ad7e31.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1a3eace458ae9122f571fabfc9ef1b9e3a.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1a589ea96d16e2df44146ad0919424e00e.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1a726f6e7091b6b7be45b5a4275b2ffb10.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1ab01696cfe08b6a5293c55935a9713c25.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1af19cb866b0520fc84b69a1cf25a52b65.html https://nvidia.github.io/TRTorch/_cpp_api/namespace_trtorch.html https://nvidia.github.io/TRTorch/_cpp_api/namespace_trtorch__logging.html https://nvidia.github.io/TRTorch/_cpp_api/namespace_trtorch__ptq.html https://nvidia.github.io/TRTorch/_cpp_api/program_listing_file_cpp_api_include_trtorch_logging.h.html https://nvidia.github.io/TRTorch/_cpp_api/program_listing_file_cpp_api_include_trtorch_macros.h.html https://nvidia.github.io/TRTorch/_cpp_api/program_listing_file_cpp_api_include_trtorch_ptq.h.html https://nvidia.github.io/TRTorch/_cpp_api/program_listing_file_cpp_api_include_trtorch_trtorch.h.html https://nvidia.github.io/TRTorch/_cpp_api/structtrtorch_1_1CompileSpec.html https://nvidia.github.io/TRTorch/_cpp_api/structtrtorch_1_1CompileSpec_1_1Device.html https://nvidia.github.io/TRTorch/_cpp_api/structtrtorch_1_1CompileSpec_1_1InputRange.html https://nvidia.github.io/TRTorch/_cpp_api/trtorch_cpp.html https://nvidia.github.io/TRTorch/_cpp_api/unabridged_api.html https://nvidia.github.io/TRTorch/_cpp_api/unabridged_orphan.html https://nvidia.github.io/TRTorch/_notebooks/Resnet50-example.html https://nvidia.github.io/TRTorch/_notebooks/lenet-getting-started.html https://nvidia.github.io/TRTorch/_notebooks/ssd-object-detection-demo.html https://nvidia.github.io/TRTorch/contributors/conversion.html https://nvidia.github.io/TRTorch/contributors/lowering.html https://nvidia.github.io/TRTorch/contributors/phases.html https://nvidia.github.io/TRTorch/contributors/runtime.html https://nvidia.github.io/TRTorch/contributors/system_overview.html https://nvidia.github.io/TRTorch/contributors/useful_links.html https://nvidia.github.io/TRTorch/contributors/writing_converters.html https://nvidia.github.io/TRTorch/index.html https://nvidia.github.io/TRTorch/indices/supported_ops.html https://nvidia.github.io/TRTorch/py_api/logging.html https://nvidia.github.io/TRTorch/py_api/trtorch.html https://nvidia.github.io/TRTorch/tutorials/getting_started.html https://nvidia.github.io/TRTorch/tutorials/installation.html https://nvidia.github.io/TRTorch/tutorials/ptq.html https://nvidia.github.io/TRTorch/tutorials/runtime.html https://nvidia.github.io/TRTorch/tutorials/trtorchc.html https://nvidia.github.io/TRTorch/tutorials/use_from_pytorch.html https://nvidia.github.io/TRTorch/tutorials/using_dla.html https://nvidia.github.io/TRTorch/genindex.html https://nvidia.github.io/TRTorch/py-modindex.html https://nvidia.github.io/TRTorch/search.html
\ No newline at end of file
+https://nvidia.github.io/TRTorch/_cpp_api/class_view_hierarchy.html https://nvidia.github.io/TRTorch/_cpp_api/classtrtorch_1_1CompileSpec_1_1DataType.html https://nvidia.github.io/TRTorch/_cpp_api/classtrtorch_1_1CompileSpec_1_1Device_1_1DeviceType.html https://nvidia.github.io/TRTorch/_cpp_api/classtrtorch_1_1ptq_1_1Int8CacheCalibrator.html https://nvidia.github.io/TRTorch/_cpp_api/classtrtorch_1_1ptq_1_1Int8Calibrator.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a20c1fbeb21757871c52299dc52351b5f.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a25ee153c325dfc7466a33cbd5c1ff055.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a48d6029a45583a06848891cb0e86f7ba.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a71b02dddfabe869498ad5a88e11c440f.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1a9d31d0569348d109b1b069b972dd143e.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.html https://nvidia.github.io/TRTorch/_cpp_api/define_macros_8h_1ae1c56ab8a40af292a9a4964651524d84.html https://nvidia.github.io/TRTorch/_cpp_api/dir_cpp.html https://nvidia.github.io/TRTorch/_cpp_api/dir_cpp_api.html https://nvidia.github.io/TRTorch/_cpp_api/dir_cpp_api_include.html https://nvidia.github.io/TRTorch/_cpp_api/dir_cpp_api_include_trtorch.html https://nvidia.github.io/TRTorch/_cpp_api/enum_logging_8h_1a5f612ff2f783ff4fbe89d168f0d817d4.html https://nvidia.github.io/TRTorch/_cpp_api/file_cpp_api_include_trtorch_logging.h.html https://nvidia.github.io/TRTorch/_cpp_api/file_cpp_api_include_trtorch_macros.h.html https://nvidia.github.io/TRTorch/_cpp_api/file_cpp_api_include_trtorch_ptq.h.html https://nvidia.github.io/TRTorch/_cpp_api/file_cpp_api_include_trtorch_trtorch.h.html https://nvidia.github.io/TRTorch/_cpp_api/file_view_hierarchy.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1a118d65b179defff7fff279eb9cd126cb.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1a396a688110397538f8b3fb7dfdaf38bb.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1a9b420280bfacc016d7e36a5704021949.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1aa533955a2b908db9e5df5acdfa24715f.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1abc57d473f3af292551dee8b9c78373ad.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1adf5435f0dbb09c0d931a1b851847236b.html https://nvidia.github.io/TRTorch/_cpp_api/function_logging_8h_1aef44b69c62af7cf2edc8875a9506641a.html https://nvidia.github.io/TRTorch/_cpp_api/function_ptq_8h_1a4422781719d7befedb364cacd91c6247.html https://nvidia.github.io/TRTorch/_cpp_api/function_ptq_8h_1a5f33b142bc2f3f2aaf462270b3ad7e31.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1a2cf17d43ba9117b3b4d652744b4f0447.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1a3eace458ae9122f571fabfc9ef1b9e3a.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1a589ea96d16e2df44146ad0919424e00e.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1a726f6e7091b6b7be45b5a4275b2ffb10.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1ab01696cfe08b6a5293c55935a9713c25.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1ac4ead1d30e521d581462bb51e283be08.html https://nvidia.github.io/TRTorch/_cpp_api/function_trtorch_8h_1af19cb866b0520fc84b69a1cf25a52b65.html https://nvidia.github.io/TRTorch/_cpp_api/namespace_trtorch.html https://nvidia.github.io/TRTorch/_cpp_api/namespace_trtorch__logging.html https://nvidia.github.io/TRTorch/_cpp_api/namespace_trtorch__ptq.html https://nvidia.github.io/TRTorch/_cpp_api/program_listing_file_cpp_api_include_trtorch_logging.h.html https://nvidia.github.io/TRTorch/_cpp_api/program_listing_file_cpp_api_include_trtorch_macros.h.html https://nvidia.github.io/TRTorch/_cpp_api/program_listing_file_cpp_api_include_trtorch_ptq.h.html https://nvidia.github.io/TRTorch/_cpp_api/program_listing_file_cpp_api_include_trtorch_trtorch.h.html https://nvidia.github.io/TRTorch/_cpp_api/structtrtorch_1_1CompileSpec.html https://nvidia.github.io/TRTorch/_cpp_api/structtrtorch_1_1CompileSpec_1_1Device.html https://nvidia.github.io/TRTorch/_cpp_api/structtrtorch_1_1CompileSpec_1_1InputRange.html https://nvidia.github.io/TRTorch/_cpp_api/trtorch_cpp.html https://nvidia.github.io/TRTorch/_cpp_api/unabridged_api.html https://nvidia.github.io/TRTorch/_cpp_api/unabridged_orphan.html https://nvidia.github.io/TRTorch/_notebooks/Resnet50-example.html https://nvidia.github.io/TRTorch/_notebooks/lenet-getting-started.html https://nvidia.github.io/TRTorch/_notebooks/ssd-object-detection-demo.html https://nvidia.github.io/TRTorch/contributors/conversion.html https://nvidia.github.io/TRTorch/contributors/lowering.html https://nvidia.github.io/TRTorch/contributors/phases.html https://nvidia.github.io/TRTorch/contributors/runtime.html https://nvidia.github.io/TRTorch/contributors/system_overview.html https://nvidia.github.io/TRTorch/contributors/useful_links.html https://nvidia.github.io/TRTorch/contributors/writing_converters.html https://nvidia.github.io/TRTorch/index.html https://nvidia.github.io/TRTorch/indices/supported_ops.html https://nvidia.github.io/TRTorch/py_api/logging.html https://nvidia.github.io/TRTorch/py_api/trtorch.html https://nvidia.github.io/TRTorch/tutorials/getting_started.html https://nvidia.github.io/TRTorch/tutorials/installation.html https://nvidia.github.io/TRTorch/tutorials/ptq.html https://nvidia.github.io/TRTorch/tutorials/runtime.html https://nvidia.github.io/TRTorch/tutorials/trtorchc.html https://nvidia.github.io/TRTorch/tutorials/use_from_pytorch.html https://nvidia.github.io/TRTorch/tutorials/using_dla.html https://nvidia.github.io/TRTorch/genindex.html https://nvidia.github.io/TRTorch/py-modindex.html https://nvidia.github.io/TRTorch/search.html
\ No newline at end of file
diff --git a/py/requirements.txt b/py/requirements.txt
index 183f2ab5d8..25baf18936 100644
--- a/py/requirements.txt
+++ b/py/requirements.txt
@@ -1,2 +1,2 @@
-torch==1.8.0
+torch==1.8.1
pybind11==2.6.2
diff --git a/py/trtorch/_compiler.py b/py/trtorch/_compiler.py
index 65c91732e6..183644a065 100644
--- a/py/trtorch/_compiler.py
+++ b/py/trtorch/_compiler.py
@@ -124,6 +124,26 @@ def convert_method_to_trt_engine(module: torch.jit.ScriptModule, method_name: st
return trtorch._C.convert_graph_to_trt_engine(module._c, method_name, _parse_compile_spec(compile_spec))
+def embed_engine_in_new_module(serialized_engine: bytes) -> torch.jit.ScriptModule:
+ """Takes a pre-built serialized TensorRT engine and embeds it within a TorchScript module
+
+ Takes a pre-built serialied TensorRT engine (as bytes) and embeds it within a TorchScript module.
+ Registers the forward method to execute the TensorRT engine with the function signature:
+
+ forward(Tensor[]) -> Tensor[]
+
+ Module can be save with engine embedded with torch.jit.save and moved / loaded according to TRTorch portability rules
+
+ Args:
+ serialized_engine (bytes): Serialized TensorRT engine from either TRTorch or TensorRT APIs
+
+ Returns:
+ torch.jit.ScriptModule: New TorchScript module with engine embedded
+ """
+ cpp_mod = trtorch._C.embed_engine_in_new_module(serialized_engine)
+ return torch.jit._recursive.wrap_cpp_module(cpp_mod)
+
+
def check_method_op_support(module: torch.jit.ScriptModule, method_name: str) -> bool:
"""Checks to see if a method is fully supported by TRTorch
diff --git a/py/trtorch/csrc/trtorch_py.cpp b/py/trtorch/csrc/trtorch_py.cpp
index db6788a4f8..28dda72768 100644
--- a/py/trtorch/csrc/trtorch_py.cpp
+++ b/py/trtorch/csrc/trtorch_py.cpp
@@ -119,6 +119,10 @@ bool CheckMethodOperatorSupport(const torch::jit::Module& module, const std::str
return core::CheckMethodOperatorSupport(module, method_name);
}
+torch::jit::Module EmbedEngineInNewModule(const py::bytes& engine) {
+ return core::EmbedEngineInNewModule(engine);
+}
+
std::string get_build_info() {
auto info = core::util::get_build_info();
return info;
@@ -277,6 +281,10 @@ PYBIND11_MODULE(_C, m) {
"check_method_op_support",
&trtorch::pyapi::CheckMethodOperatorSupport,
"Takes a module and a method name and checks if the method graph contains purely convertable operators");
+ m.def(
+ "embed_engine_in_new_module",
+ &trtorch::pyapi::EmbedEngineInNewModule,
+ "Takes a serialized TensorRT engine and wraps it in the forward method of a new TorchScript module");
m.def("get_build_info", &get_build_info, "Returns build info about the compiler as a string");
m.def("_get_logging_prefix", &logging::get_logging_prefix, "Get the current prefix for the logging output");
diff --git a/tests/core/conversion/evaluators/test_aten_evaluators.cpp b/tests/core/conversion/evaluators/test_aten_evaluators.cpp
index a7bdf36c4b..e3158c9b98 100644
--- a/tests/core/conversion/evaluators/test_aten_evaluators.cpp
+++ b/tests/core/conversion/evaluators/test_aten_evaluators.cpp
@@ -178,4 +178,36 @@ TEST(Evaluators, ATenArangeStartEndStepFloatEvaluatesCorrectly) {
auto jit_results = trtorch::tests::util::EvaluateGraphJIT(g, {});
auto trt_results = trtorch::tests::util::EvaluateGraph(g->block(), {});
ASSERT_TRUE(trtorch::tests::util::almostEqual(jit_results[0].toTensor(), trt_results[0].toTensor(), 2e-6));
+}
+
+TEST(Evaluators, FloorIntIntEvaluatesCorrectly) {
+ const auto graph = R"IR(
+ graph():
+ %1 : int = prim::Constant[value=9]()
+ %2 : int = aten::floor(%1)
+ return (%2))IR";
+
+ auto g = std::make_shared();
+ torch::jit::parseIR(graph, g.get());
+
+ auto jit_results = trtorch::tests::util::EvaluateGraphJIT(g, {});
+ auto trt_results = trtorch::tests::util::EvaluateGraph(g->block(), {});
+
+ ASSERT_TRUE(jit_results[0] == trt_results[0]);
+}
+
+TEST(Evaluators, FloorFloatIntEvaluatesCorrectly) {
+ const auto graph = R"IR(
+ graph():
+ %1 : float = prim::Constant[value=9.3]()
+ %2 : int = aten::floor(%1)
+ return (%2))IR";
+
+ auto g = std::make_shared();
+ torch::jit::parseIR(graph, g.get());
+
+ auto jit_results = trtorch::tests::util::EvaluateGraphJIT(g, {});
+ auto trt_results = trtorch::tests::util::EvaluateGraph(g->block(), {});
+
+ ASSERT_TRUE(jit_results[0] == trt_results[0]);
}
\ No newline at end of file
diff --git a/tests/modules/test_modules_as_engines.cpp b/tests/modules/test_modules_as_engines.cpp
index 6e6408575c..5fb1cf5862 100644
--- a/tests/modules/test_modules_as_engines.cpp
+++ b/tests/modules/test_modules_as_engines.cpp
@@ -16,6 +16,34 @@ TEST_P(ModuleTests, ModuleAsEngineIsClose) {
ASSERT_TRUE(trtorch::tests::util::almostEqual(jit_results[0], trt_results[0].reshape_as(jit_results[0]), 2e-5));
}
+TEST_P(ModuleTests, ModuleToEngineToModuleIsClose) {
+ std::vector inputs;
+ std::vector inputs_ivalues;
+ for (auto in_shape : input_shapes) {
+ inputs.push_back(at::randint(5, in_shape, {at::kCUDA}));
+ inputs_ivalues.push_back(inputs[inputs.size() - 1].clone());
+ }
+
+ torch::jit::IValue jit_results_ivalues = trtorch::tests::util::RunModuleForward(mod, inputs_ivalues);
+ std::vector jit_results;
+ jit_results.push_back(jit_results_ivalues.toTensor());
+
+ auto forward_graph = mod.get_method("forward");
+ std::vector> input_ranges;
+ for (auto in : inputs) {
+ input_ranges.push_back(in.sizes());
+ }
+
+ auto engine = trtorch::ConvertGraphToTRTEngine(mod, "forward", input_ranges);
+ auto trt_mod = trtorch::EmbedEngineInNewModule(engine);
+
+ torch::jit::IValue trt_results_ivalues = trtorch::tests::util::RunModuleForward(mod, inputs_ivalues);
+ std::vector trt_results;
+ trt_results.push_back(trt_results_ivalues.toTensor());
+
+ ASSERT_TRUE(trtorch::tests::util::almostEqual(jit_results[0], trt_results[0].reshape_as(jit_results[0]), 2e-5));
+}
+
INSTANTIATE_TEST_SUITE_P(
ModuleAsEngineForwardIsCloseSuite,
ModuleTests,
diff --git a/tests/py/BUILD b/tests/py/BUILD
index 510b3f681e..65a424466e 100644
--- a/tests/py/BUILD
+++ b/tests/py/BUILD
@@ -30,7 +30,7 @@ py_test(
srcs = [
"test_ptq_dataloader_calibrator.py",
"model_test_case.py"
- ]
+ ],
deps = [
requirement("torchvision")
]
@@ -43,7 +43,7 @@ py_test(
srcs = [
"test_ptq_trt_calibrator.py",
"model_test_case.py"
- ]
+ ],
deps = [
requirement("torchvision")
]
@@ -56,8 +56,6 @@ py_test(
"test_multi_gpu.py",
"model_test_case.py"
],
- "//conditions:default" : []
- }),
deps = [
requirement("torchvision")
]
@@ -74,12 +72,23 @@ py_test(
]
)
+py_test(
+ name = "test_trt_intercompatability",
+ srcs = [
+ "test_trt_intercompatability.py",
+ "model_test_case.py"
+ ],
+ deps = [
+ requirement("torchvision")
+ ]
+)
+
py_test(
name = "test_ptq_to_backend",
srcs = [
"test_ptq_to_backend.py",
"model_test_case.py"
- ]
+ ],
deps = [
requirement("torchvision")
]
diff --git a/tests/py/test_api.py b/tests/py/test_api.py
index a21385f6e1..31892e7a81 100644
--- a/tests/py/test_api.py
+++ b/tests/py/test_api.py
@@ -46,6 +46,30 @@ def test_compile_script(self):
self.assertTrue(same < 2e-3)
+class TestPTtoTRTtoPT(ModelTestCase):
+
+ def setUp(self):
+ self.input = torch.randn((1, 3, 224, 224)).to("cuda")
+ self.ts_model = torch.jit.script(self.model)
+
+ def test_pt_to_trt_to_pt(self):
+ compile_spec = {
+ "input_shapes": [self.input.shape],
+ "device": {
+ "device_type": trtorch.DeviceType.GPU,
+ "gpu_id": 0,
+ "dla_core": 0,
+ "allow_gpu_fallback": False,
+ "disable_tf32": False
+ }
+ }
+
+ trt_engine = trtorch.convert_method_to_trt_engine(self.ts_model, "forward", compile_spec)
+ trt_mod = trtorch.embed_engine_in_new_module(trt_engine)
+ same = (trt_mod(self.input) - self.ts_model(self.input)).abs().max()
+ self.assertTrue(same < 2e-3)
+
+
class TestCheckMethodOpSupport(unittest.TestCase):
def setUp(self):
@@ -59,13 +83,13 @@ def test_check_support(self):
class TestLoggingAPIs(unittest.TestCase):
def test_logging_prefix(self):
- new_prefix = "TEST"
+ new_prefix = "Python API Test: "
trtorch.logging.set_logging_prefix(new_prefix)
logging_prefix = trtorch.logging.get_logging_prefix()
self.assertEqual(new_prefix, logging_prefix)
def test_reportable_log_level(self):
- new_level = trtorch.logging.Level.Warning
+ new_level = trtorch.logging.Level.Error
trtorch.logging.set_reportable_log_level(new_level)
level = trtorch.logging.get_reportable_log_level()
self.assertEqual(new_level, level)
@@ -78,10 +102,11 @@ def test_is_colored_output_on(self):
def test_suite():
suite = unittest.TestSuite()
+ suite.addTest(unittest.makeSuite(TestLoggingAPIs))
suite.addTest(TestCompile.parametrize(TestCompile, model=models.resnet18(pretrained=True)))
suite.addTest(TestCompile.parametrize(TestCompile, model=models.mobilenet_v2(pretrained=True)))
+ suite.addTest(TestPTtoTRTtoPT.parametrize(TestPTtoTRTtoPT, model=models.mobilenet_v2(pretrained=True)))
suite.addTest(unittest.makeSuite(TestCheckMethodOpSupport))
- suite.addTest(unittest.makeSuite(TestLoggingAPIs))
return suite
diff --git a/tests/py/test_trt_intercompatability.py b/tests/py/test_trt_intercompatability.py
new file mode 100644
index 0000000000..ffc4cb7217
--- /dev/null
+++ b/tests/py/test_trt_intercompatability.py
@@ -0,0 +1,55 @@
+import unittest
+import trtorch
+import torch
+import torchvision.models as models
+import tensorrt as trt
+
+from model_test_case import ModelTestCase
+
+
+class TestPyTorchToTRTEngine(ModelTestCase):
+
+ def setUp(self):
+ self.input = torch.randn((1, 3, 224, 224)).to("cuda:0")
+ self.ts_model = torch.jit.script(self.model)
+
+ def test_pt_to_trt(self):
+ compile_spec = {
+ "input_shapes": [self.input.shape],
+ "device": {
+ "device_type": trtorch.DeviceType.GPU,
+ "gpu_id": 0,
+ "dla_core": 0,
+ "allow_gpu_fallback": False,
+ "disable_tf32": False
+ }
+ }
+
+ trt_engine = trtorch.convert_method_to_trt_engine(self.ts_model, "forward", compile_spec)
+
+ TRT_LOGGER = trt.Logger(trt.Logger.WARNING)
+ with trt.Runtime(TRT_LOGGER) as rt:
+ engine = rt.deserialize_cuda_engine(trt_engine)
+ with engine.create_execution_context() as ctx:
+ out = torch.empty(size=tuple(engine.get_binding_shape(1))).to("cuda:0")
+ bindings = [self.input.contiguous().data_ptr(), out.contiguous().data_ptr()]
+ ctx.execute_async(batch_size=1,
+ bindings=bindings,
+ stream_handle=torch.cuda.current_stream(device='cuda:0').cuda_stream)
+ same = (out - self.ts_model(self.input)).abs().max()
+ self.assertTrue(same < 2e-3)
+
+
+def test_suite():
+ suite = unittest.TestSuite()
+ suite.addTest(TestPyTorchToTRTEngine.parametrize(TestPyTorchToTRTEngine, model=models.resnet18(pretrained=True)))
+
+ return suite
+
+
+suite = test_suite()
+
+runner = unittest.TextTestRunner()
+result = runner.run(suite)
+
+exit(int(not result.wasSuccessful()))
diff --git a/third_party/cublas/BUILD b/third_party/cublas/BUILD
deleted file mode 100644
index e7d3126dbb..0000000000
--- a/third_party/cublas/BUILD
+++ /dev/null
@@ -1,34 +0,0 @@
-package(default_visibility = ["//visibility:public"])
-
-config_setting(
- name = "aarch64_linux",
- constraint_values = [
- "@platforms//cpu:aarch64",
- "@platforms//os:linux",
- ],
-)
-
-cc_library(
- name = "cublas_headers",
- hdrs = ["include/cublas.h"] + glob(["include/cublas+.h"]),
- includes = ["include/"],
- visibility = ["//visibility:private"],
-)
-
-cc_import(
- name = "cublas_lib",
- shared_library = select({
- ":aarch64_linux": "lib/aarch64-linux-gnu/libcublas.so.10",
- "//conditions:default": "lib/x86_64-linux-gnu/libcublas.so.10",
- }),
- visibility = ["//visibility:private"],
-)
-
-cc_library(
- name = "cublas",
- visibility = ["//visibility:public"],
- deps = [
- "cublas_headers",
- "cublas_lib",
- ],
-)