diff --git a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html index 1b5de13e96..4667d80401 100644 --- a/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html +++ b/docs/_cpp_api/classtorch__tensorrt_1_1DataType.html @@ -199,7 +199,7 @@
import torch
from torch import fx
from enum import Enum
-
+from torch_tensorrt import fx
class _IRType(Enum):
"""Enum to set the minimum required logging level to print a message to stdout
@@ -389,13 +389,7 @@ Source code for torch_tensorrt._compile
if module_is_tsable and ir_targets_torchscript:
return _IRType.ts
elif module_is_fxable and ir_targets_fx:
- if module_type == _ModuleType.fx:
- raise ValueError("Was given a torch.fx.GraphModule, fx is not currently supported by Torch-TensorRT")
- elif ir_targets_fx:
- raise ValueError("Preferred ir was set to \"fx\" which is currently not supported by Torch-TensorRT")
- else:
- raise ValueError("Torch-TensorRT currently does not support fx")
- # return _IRType.fx
+ return _IRType.fx
else:
if ir == "default":
# Options are listed in order of preference
@@ -460,7 +454,78 @@ Source code for torch_tensorrt._compile
ts_mod = torch.jit.script(module)
return torch_tensorrt.ts.compile(ts_mod, inputs=inputs, enabled_precisions=enabled_precisions, **kwargs)
elif target_ir == _IRType.fx:
- raise RuntimeError("fx is currently not supported")
+ from torch_tensorrt.fx.tracer.acc_tracer import acc_tracer
+ from torch_tensorrt.fx import InputTensorSpec
+ from torch_tensorrt.fx import TRTInterpreter
+ from torch_tensorrt.fx.passes.lower_basic_pass import transform_setitem
+ from torch_tensorrt.fx.tools.trt_splitter import TRTSplitter
+ from torch_tensorrt.fx.tools.trt_splitter import TRTSplitterSetting
+ from torch_tensorrt.fx.trt_module import TRTModule
+ from torch_tensorrt.fx.utils import LowerPrecision
+ acc_model = acc_tracer.trace(module, inputs)
+
+ splitter_setting = TRTSplitterSetting()
+ splitter_setting.use_implicit_batch_dim = False
+ splitter = TRTSplitter(acc_model, inputs, settings=splitter_setting)
+ splitter.node_support_preview()
+ split_mod = splitter()
+ num_piece = 0
+ for name, _ in split_mod.named_children():
+ print(f"graph is split into {name}")
+ num_piece += 1
+
+ # if the graph module is split into pieces larger than 8, we consider its perf
+ # is not good and fall back to non-TRT
+ if num_piece > 8:
+ print(
+ f"The graph module is split into {num_piece} which is large than the \
+ threshold=8. Fall back to non-TRT module."
+ )
+ return None
+
+ if torch.float16 in enabled_precisions or torch.half in enabled_precisions:
+ precision = LowerPrecision.FP16
+ else:
+ precision = LowerPrecision.FP32
+
+ def get_submod_inputs(mod, submod, inputs):
+ acc_inputs = None
+
+ def get_input(self, inputs):
+ nonlocal acc_inputs
+ acc_inputs = inputs
+
+ handle = submod.register_forward_pre_hook(get_input)
+ mod(*inputs)
+ handle.remove()
+ return acc_inputs
+
+ for name, _ in split_mod.named_children():
+ if "_run_on_acc" in name:
+ submod = getattr(split_mod, name)
+ # Get submodule inputs for fx2trt
+ acc_inputs = get_submod_inputs(split_mod, submod, inputs)
+
+ # fx2trt replacement
+ interp = TRTInterpreter(
+ submod,
+ InputTensorSpec.from_tensors(acc_inputs),
+ explicit_batch_dimension=True,
+ )
+ r = interp.run(
+ max_workspace_size=20 << 30,
+ lower_precision=precision,
+ # profiling_verbosity=trt.ProfilingVerbosity.DETAILED, #For profile
+ )
+ # For profile
+ # from fx2trt_oss.fx.tools.trt_profiler_sorted import profile_trt_module
+ # profile_trt_module("", trt_mod, acc_inputs)
+ trt_mod = TRTModule(*r)
+
+ setattr(split_mod, name, trt_mod)
+ else:
+ submod = getattr(split_mod, name)
+ return split_mod
else:
raise RuntimeError("Module is an unknown format or the ir requested is unknown")
diff --git a/docs/_modules/torch_tensorrt/_util.html b/docs/_modules/torch_tensorrt/_util.html
index b97f4861f3..5af30d330a 100644
--- a/docs/_modules/torch_tensorrt/_util.html
+++ b/docs/_modules/torch_tensorrt/_util.html
@@ -196,7 +196,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/_modules/torch_tensorrt/logging.html b/docs/_modules/torch_tensorrt/logging.html
index dbdc4bddec..ecefce46f6 100644
--- a/docs/_modules/torch_tensorrt/logging.html
+++ b/docs/_modules/torch_tensorrt/logging.html
@@ -196,7 +196,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/_modules/torch_tensorrt/ptq.html b/docs/_modules/torch_tensorrt/ptq.html
index 2e7a2b1612..b134c67b93 100644
--- a/docs/_modules/torch_tensorrt/ptq.html
+++ b/docs/_modules/torch_tensorrt/ptq.html
@@ -196,7 +196,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/_modules/torch_tensorrt/ts/_compile_spec.html b/docs/_modules/torch_tensorrt/ts/_compile_spec.html
index 47e4d4ed2c..10f275c9e9 100644
--- a/docs/_modules/torch_tensorrt/ts/_compile_spec.html
+++ b/docs/_modules/torch_tensorrt/ts/_compile_spec.html
@@ -196,7 +196,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/_modules/torch_tensorrt/ts/_compiler.html b/docs/_modules/torch_tensorrt/ts/_compiler.html
index a539dcceca..593ce8f8eb 100644
--- a/docs/_modules/torch_tensorrt/ts/_compiler.html
+++ b/docs/_modules/torch_tensorrt/ts/_compiler.html
@@ -196,7 +196,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/_notebooks/CitriNet-example.html b/docs/_notebooks/CitriNet-example.html
index 360a180d82..6d8762a0d7 100644
--- a/docs/_notebooks/CitriNet-example.html
+++ b/docs/_notebooks/CitriNet-example.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
@@ -617,7 +617,7 @@
## 2. VGG16 Overview ### Very Deep Convolutional Networks for Large-Scale Image Recognition VGG is one of the earliest family of image classification networks that first used small (3x3) convolution filters and achieved significant improvements on ImageNet recognition challenge. The network architecture looks as follows
## 3. Training a baseline VGG16 model We train VGG16 on CIFAR10 dataset. Define training and testing datasets and dataloaders. This will download the CIFAR 10 data in your data
directory. Data preprocessing is performed using torchvision
transforms.
[2]:
diff --git a/docs/contributors/conversion.html b/docs/contributors/conversion.html
index 0aac709bfb..55c5943787 100644
--- a/docs/contributors/conversion.html
+++ b/docs/contributors/conversion.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/contributors/lowering.html b/docs/contributors/lowering.html
index 13a5e97f06..4750bcd12b 100644
--- a/docs/contributors/lowering.html
+++ b/docs/contributors/lowering.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/contributors/partitioning.html b/docs/contributors/partitioning.html
index a74b1b41f8..153f94ea90 100644
--- a/docs/contributors/partitioning.html
+++ b/docs/contributors/partitioning.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/contributors/phases.html b/docs/contributors/phases.html
index 4e758fb8dd..e17a59382f 100644
--- a/docs/contributors/phases.html
+++ b/docs/contributors/phases.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/contributors/runtime.html b/docs/contributors/runtime.html
index 2f8d69e384..96f1043a0b 100644
--- a/docs/contributors/runtime.html
+++ b/docs/contributors/runtime.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/contributors/system_overview.html b/docs/contributors/system_overview.html
index 876d2eba52..f76f9e851b 100644
--- a/docs/contributors/system_overview.html
+++ b/docs/contributors/system_overview.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/contributors/useful_links.html b/docs/contributors/useful_links.html
index c15217c4bf..a1edf391ad 100644
--- a/docs/contributors/useful_links.html
+++ b/docs/contributors/useful_links.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/contributors/writing_converters.html b/docs/contributors/writing_converters.html
index e3aef8562d..59a8a922a9 100644
--- a/docs/contributors/writing_converters.html
+++ b/docs/contributors/writing_converters.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/genindex.html b/docs/genindex.html
index d0928fa64d..4e31724891 100644
--- a/docs/genindex.html
+++ b/docs/genindex.html
@@ -196,7 +196,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/index.html b/docs/index.html
index bded5a3903..47405b1d56 100644
--- a/docs/index.html
+++ b/docs/index.html
@@ -198,7 +198,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/indices/supported_ops.html b/docs/indices/supported_ops.html
index 60d43502c7..6ff0fde278 100644
--- a/docs/indices/supported_ops.html
+++ b/docs/indices/supported_ops.html
@@ -198,7 +198,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/objects.inv b/docs/objects.inv
index 1c005aa211..0fcedd7e3b 100644
Binary files a/docs/objects.inv and b/docs/objects.inv differ
diff --git a/docs/py-modindex.html b/docs/py-modindex.html
index 5f7a6fb41d..5e164de9fd 100644
--- a/docs/py-modindex.html
+++ b/docs/py-modindex.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/py_api/logging.html b/docs/py_api/logging.html
index 58a7b3f13f..3b98b22171 100644
--- a/docs/py_api/logging.html
+++ b/docs/py_api/logging.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/py_api/ptq.html b/docs/py_api/ptq.html
index 3b6b547823..03857be132 100644
--- a/docs/py_api/ptq.html
+++ b/docs/py_api/ptq.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/py_api/torch_tensorrt.html b/docs/py_api/torch_tensorrt.html
index a40542c59c..a12b710ced 100644
--- a/docs/py_api/torch_tensorrt.html
+++ b/docs/py_api/torch_tensorrt.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/py_api/ts.html b/docs/py_api/ts.html
index b4f0eb6d03..82cb962378 100644
--- a/docs/py_api/ts.html
+++ b/docs/py_api/ts.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
@@ -534,7 +534,7 @@ Functions
-torch_tensorrt.ts.TensorRTCompileSpec(inputs=[], device=None, disable_tf32=False, sparse_weights=False, enabled_precisions={}, refit=False, debug=False, capability=<EngineCapability.default: 0>, num_min_timing_iters=2, num_avg_timing_iters=1, workspace_size=0, truncate_long_and_double=False, calibrator=None) <torch._C.ScriptClass object at 0x7f02512d01f0> [source]¶
+torch_tensorrt.ts.TensorRTCompileSpec(inputs=[], device=None, disable_tf32=False, sparse_weights=False, enabled_precisions={}, refit=False, debug=False, capability=<EngineCapability.default: 0>, num_min_timing_iters=2, num_avg_timing_iters=1, workspace_size=0, truncate_long_and_double=False, calibrator=None) <torch._C.ScriptClass object at 0x7fb41703f330> [source]¶
Utility to create a formated spec dictionary for using the PyTorch TensorRT backend
- Keyword Arguments
diff --git a/docs/search.html b/docs/search.html
index d80fad8cb0..f23a8ae96f 100644
--- a/docs/search.html
+++ b/docs/search.html
@@ -196,7 +196,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/searchindex.js b/docs/searchindex.js
index dd7492b292..378987a3b7 100644
--- a/docs/searchindex.js
+++ b/docs/searchindex.js
@@ -1 +1 @@
-Search.setIndex({docnames:["_cpp_api/classtorch__tensorrt_1_1DataType","_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType","_cpp_api/classtorch__tensorrt_1_1TensorFormat","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502","_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268","_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e","_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827","_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da","_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59","_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883","_cpp_api/dir_cpp","_cpp_api/dir_cpp_include","_cpp_api/dir_cpp_include_torch_tensorrt","_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558","_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb","_cpp_api/file_cpp_include_torch_tensorrt_logging.h","_cpp_api/file_cpp_include_torch_tensorrt_macros.h","_cpp_api/file_cpp_include_torch_tensorrt_ptq.h","_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h","_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3","_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650","_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a","_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2","_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8","_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5","_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc","_cpp_api/function_ptq_8h_1a83ff2be7e0b80bc7434de415861dc039","_cpp_api/function_ptq_8h_1a9835f6e605dce1abf442a55b64d6dffa","_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797","_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9","_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef","_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528","_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384","_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1","_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2","_cpp_api/namespace_torch_tensorrt","_cpp_api/namespace_torch_tensorrt__logging","_cpp_api/namespace_torch_tensorrt__ptq","_cpp_api/namespace_torch_tensorrt__torchscript","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h","_cpp_api/structtorch__tensorrt_1_1Device","_cpp_api/structtorch__tensorrt_1_1Input","_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec","_cpp_api/torch_tensort_cpp","_cpp_api/unabridged_orphan","_notebooks/CitriNet-example","_notebooks/EfficientNet-example","_notebooks/Hugging-Face-BERT","_notebooks/Resnet50-example","_notebooks/dynamic-shapes","_notebooks/lenet-getting-started","_notebooks/ssd-object-detection-demo","_notebooks/vgg-qat","contributors/conversion","contributors/lowering","contributors/partitioning","contributors/phases","contributors/runtime","contributors/system_overview","contributors/useful_links","contributors/writing_converters","index","indices/supported_ops","py_api/logging","py_api/ptq","py_api/torch_tensorrt","py_api/ts","src/pytorch-sphinx-theme/docs/changelog","src/pytorch-sphinx-theme/docs/configuring","src/pytorch-sphinx-theme/docs/demo/api","src/pytorch-sphinx-theme/docs/demo/demo","src/pytorch-sphinx-theme/docs/demo/lists_tables","src/pytorch-sphinx-theme/docs/demo/long","src/pytorch-sphinx-theme/docs/demo/structure","src/pytorch-sphinx-theme/docs/index","src/pytorch-sphinx-theme/docs/installing","tutorials/creating_torchscript_module_in_python","tutorials/getting_started_with_cpp_api","tutorials/getting_started_with_python_api","tutorials/installation","tutorials/ptq","tutorials/runtime","tutorials/torchtrtc","tutorials/use_from_pytorch","tutorials/using_dla"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":5,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":3,"sphinx.domains.rst":2,"sphinx.domains.std":2,"sphinx.ext.intersphinx":1,"sphinx.ext.todo":2,"sphinx.ext.viewcode":1,nbsphinx:4,sphinx:56},filenames:["_cpp_api/classtorch__tensorrt_1_1DataType.rst","_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.rst","_cpp_api/classtorch__tensorrt_1_1TensorFormat.rst","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.rst","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.rst","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.rst","_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.rst","_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.rst","_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.rst","_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.rst","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.rst","_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.rst","_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.rst","_cpp_api/dir_cpp.rst","_cpp_api/dir_cpp_include.rst","_cpp_api/dir_cpp_include_torch_tensorrt.rst","_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558.rst","_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb.rst","_cpp_api/file_cpp_include_torch_tensorrt_logging.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_macros.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst","_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3.rst","_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650.rst","_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a.rst","_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2.rst","_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8.rst","_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5.rst","_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc.rst","_cpp_api/function_ptq_8h_1a83ff2be7e0b80bc7434de415861dc039.rst","_cpp_api/function_ptq_8h_1a9835f6e605dce1abf442a55b64d6dffa.rst","_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797.rst","_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9.rst","_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef.rst","_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528.rst","_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384.rst","_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.rst","_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2.rst","_cpp_api/namespace_torch_tensorrt.rst","_cpp_api/namespace_torch_tensorrt__logging.rst","_cpp_api/namespace_torch_tensorrt__ptq.rst","_cpp_api/namespace_torch_tensorrt__torchscript.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst","_cpp_api/structtorch__tensorrt_1_1Device.rst","_cpp_api/structtorch__tensorrt_1_1Input.rst","_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.rst","_cpp_api/torch_tensort_cpp.rst","_cpp_api/unabridged_orphan.rst","_notebooks/CitriNet-example.ipynb","_notebooks/EfficientNet-example.ipynb","_notebooks/Hugging-Face-BERT.ipynb","_notebooks/Resnet50-example.ipynb","_notebooks/dynamic-shapes.ipynb","_notebooks/lenet-getting-started.ipynb","_notebooks/ssd-object-detection-demo.ipynb","_notebooks/vgg-qat.ipynb","contributors/conversion.rst","contributors/lowering.rst","contributors/partitioning.rst","contributors/phases.rst","contributors/runtime.rst","contributors/system_overview.rst","contributors/useful_links.rst","contributors/writing_converters.rst","index.rst","indices/supported_ops.rst","py_api/logging.rst","py_api/ptq.rst","py_api/torch_tensorrt.rst","py_api/ts.rst","src/pytorch-sphinx-theme/docs/changelog.rst","src/pytorch-sphinx-theme/docs/configuring.rst","src/pytorch-sphinx-theme/docs/demo/api.rst","src/pytorch-sphinx-theme/docs/demo/demo.rst","src/pytorch-sphinx-theme/docs/demo/lists_tables.rst","src/pytorch-sphinx-theme/docs/demo/long.rst","src/pytorch-sphinx-theme/docs/demo/structure.rst","src/pytorch-sphinx-theme/docs/index.rst","src/pytorch-sphinx-theme/docs/installing.rst","tutorials/creating_torchscript_module_in_python.rst","tutorials/getting_started_with_cpp_api.rst","tutorials/getting_started_with_python_api.rst","tutorials/installation.rst","tutorials/ptq.rst","tutorials/runtime.rst","tutorials/torchtrtc.rst","tutorials/use_from_pytorch.rst","tutorials/using_dla.rst"],objects:{"":[[5,0,1,"c.STR","STR"],[9,0,1,"c.TORCHTRT_API","TORCHTRT_API"],[11,0,1,"c.TORCHTRT_HIDDEN","TORCHTRT_HIDDEN"],[7,0,1,"c.TORCH_TENSORRT_MAJOR_VERSION","TORCH_TENSORRT_MAJOR_VERSION"],[8,0,1,"c.TORCH_TENSORRT_MINOR_VERSION","TORCH_TENSORRT_MINOR_VERSION"],[6,0,1,"c.TORCH_TENSORRT_PATCH_VERSION","TORCH_TENSORRT_PATCH_VERSION"],[12,0,1,"c.TORCH_TENSORRT_VERSION","TORCH_TENSORRT_VERSION"],[10,0,1,"c.XSTR","XSTR"],[0,1,1,"_CPPv4N14torch_tensorrt8DataTypeE","torch_tensorrt::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeE5Value","torch_tensorrt::DataType::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEN3c1010ScalarTypeE","torch_tensorrt::DataType::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEv","torch_tensorrt::DataType::DataType"],[0,3,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeE5Value","torch_tensorrt::DataType::DataType::t"],[0,3,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEN3c1010ScalarTypeE","torch_tensorrt::DataType::DataType::t"],[0,4,1,"_CPPv4N14torch_tensorrt8DataType5ValueE","torch_tensorrt::DataType::Value"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kBoolE","torch_tensorrt::DataType::Value::kBool"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kCharE","torch_tensorrt::DataType::Value::kChar"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value6kFloatE","torch_tensorrt::DataType::Value::kFloat"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kHalfE","torch_tensorrt::DataType::Value::kHalf"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value4kIntE","torch_tensorrt::DataType::Value::kInt"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value8kUnknownE","torch_tensorrt::DataType::Value::kUnknown"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kBoolE","torch_tensorrt::DataType::kBool"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kCharE","torch_tensorrt::DataType::kChar"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value6kFloatE","torch_tensorrt::DataType::kFloat"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kHalfE","torch_tensorrt::DataType::kHalf"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value4kIntE","torch_tensorrt::DataType::kInt"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value8kUnknownE","torch_tensorrt::DataType::kUnknown"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypecv5ValueEv","torch_tensorrt::DataType::operator Value"],[0,2,1,"_CPPv4N14torch_tensorrt8DataTypecvbEv","torch_tensorrt::DataType::operator bool"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeneE8DataType","torch_tensorrt::DataType::operator!="],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeneEN8DataType5ValueE","torch_tensorrt::DataType::operator!="],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeneE8DataType","torch_tensorrt::DataType::operator!=::other"],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeneEN8DataType5ValueE","torch_tensorrt::DataType::operator!=::other"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeeqE8DataType","torch_tensorrt::DataType::operator=="],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeeqEN8DataType5ValueE","torch_tensorrt::DataType::operator=="],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeeqE8DataType","torch_tensorrt::DataType::operator==::other"],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeeqEN8DataType5ValueE","torch_tensorrt::DataType::operator==::other"],[46,1,1,"_CPPv4N14torch_tensorrt6DeviceE","torch_tensorrt::Device"],[46,2,1,"_CPPv4N14torch_tensorrt6Device6DeviceEv","torch_tensorrt::Device::Device"],[1,1,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypeE","torch_tensorrt::Device::DeviceType"],[46,1,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypeE","torch_tensorrt::Device::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEv","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEv","torch_tensorrt::Device::DeviceType::DeviceType"],[1,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType::t"],[1,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType::t"],[46,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType::t"],[46,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType::t"],[1,4,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5ValueE","torch_tensorrt::Device::DeviceType::Value"],[46,4,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5ValueE","torch_tensorrt::Device::DeviceType::Value"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::Value::kDLA"],[46,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::Value::kDLA"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::Value::kGPU"],[46,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::Value::kGPU"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::kDLA"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::kGPU"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypecv5ValueEv","torch_tensorrt::Device::DeviceType::operator Value"],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypecv5ValueEv","torch_tensorrt::Device::DeviceType::operator Value"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypecvbEv","torch_tensorrt::Device::DeviceType::operator bool"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypecvbEv","torch_tensorrt::Device::DeviceType::operator bool"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!="],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!="],[1,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!=::other"],[46,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!=::other"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator=="],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator=="],[1,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator==::other"],[46,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator==::other"],[46,6,1,"_CPPv4N14torch_tensorrt6Device18allow_gpu_fallbackE","torch_tensorrt::Device::allow_gpu_fallback"],[46,6,1,"_CPPv4N14torch_tensorrt6Device11device_typeE","torch_tensorrt::Device::device_type"],[46,6,1,"_CPPv4N14torch_tensorrt6Device8dla_coreE","torch_tensorrt::Device::dla_core"],[46,6,1,"_CPPv4N14torch_tensorrt6Device6gpu_idE","torch_tensorrt::Device::gpu_id"],[17,4,1,"_CPPv4N14torch_tensorrt16EngineCapabilityE","torch_tensorrt::EngineCapability"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability15kDLA_STANDALONEE","torch_tensorrt::EngineCapability::kDLA_STANDALONE"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability7kSAFETYE","torch_tensorrt::EngineCapability::kSAFETY"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability9kSTANDARDE","torch_tensorrt::EngineCapability::kSTANDARD"],[47,1,1,"_CPPv4N14torch_tensorrt5InputE","torch_tensorrt::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN2at6TensorE","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN2at6TensorE","torch_tensorrt::Input::Input::tensor"],[47,6,1,"_CPPv4N14torch_tensorrt5Input5dtypeE","torch_tensorrt::Input::dtype"],[47,6,1,"_CPPv4N14torch_tensorrt5Input6formatE","torch_tensorrt::Input::format"],[47,6,1,"_CPPv4N14torch_tensorrt5Input9max_shapeE","torch_tensorrt::Input::max_shape"],[47,6,1,"_CPPv4N14torch_tensorrt5Input9min_shapeE","torch_tensorrt::Input::min_shape"],[47,6,1,"_CPPv4N14torch_tensorrt5Input9opt_shapeE","torch_tensorrt::Input::opt_shape"],[47,6,1,"_CPPv4N14torch_tensorrt5Input5shapeE","torch_tensorrt::Input::shape"],[2,1,1,"_CPPv4N14torch_tensorrt12TensorFormatE","torch_tensorrt::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatE5Value","torch_tensorrt::TensorFormat::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEN2at12MemoryFormatE","torch_tensorrt::TensorFormat::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEv","torch_tensorrt::TensorFormat::TensorFormat"],[2,3,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatE5Value","torch_tensorrt::TensorFormat::TensorFormat::t"],[2,3,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEN2at12MemoryFormatE","torch_tensorrt::TensorFormat::TensorFormat::t"],[2,4,1,"_CPPv4N14torch_tensorrt12TensorFormat5ValueE","torch_tensorrt::TensorFormat::Value"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value13kChannelsLastE","torch_tensorrt::TensorFormat::Value::kChannelsLast"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value11kContiguousE","torch_tensorrt::TensorFormat::Value::kContiguous"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value8kUnknownE","torch_tensorrt::TensorFormat::Value::kUnknown"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value13kChannelsLastE","torch_tensorrt::TensorFormat::kChannelsLast"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value11kContiguousE","torch_tensorrt::TensorFormat::kContiguous"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value8kUnknownE","torch_tensorrt::TensorFormat::kUnknown"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatcv5ValueEv","torch_tensorrt::TensorFormat::operator Value"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormatcvbEv","torch_tensorrt::TensorFormat::operator bool"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatneE12TensorFormat","torch_tensorrt::TensorFormat::operator!="],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatneEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator!="],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormatneE12TensorFormat","torch_tensorrt::TensorFormat::operator!=::other"],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormatneEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator!=::other"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormateqE12TensorFormat","torch_tensorrt::TensorFormat::operator=="],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormateqEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator=="],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormateqE12TensorFormat","torch_tensorrt::TensorFormat::operator==::other"],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormateqEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator==::other"],[36,2,1,"_CPPv4N14torch_tensorrt15dump_build_infoEv","torch_tensorrt::dump_build_info"],[34,2,1,"_CPPv4N14torch_tensorrt14get_build_infoEv","torch_tensorrt::get_build_info"],[16,4,1,"_CPPv4N14torch_tensorrt7logging5LevelE","torch_tensorrt::logging::Level"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kDEBUGE","torch_tensorrt::logging::Level::kDEBUG"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kERRORE","torch_tensorrt::logging::Level::kERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kGRAPHE","torch_tensorrt::logging::Level::kGRAPH"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level5kINFOE","torch_tensorrt::logging::Level::kINFO"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level15kINTERNAL_ERRORE","torch_tensorrt::logging::Level::kINTERNAL_ERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level8kWARNINGE","torch_tensorrt::logging::Level::kWARNING"],[24,2,1,"_CPPv4N14torch_tensorrt7logging24get_is_colored_output_onEv","torch_tensorrt::logging::get_is_colored_output_on"],[22,2,1,"_CPPv4N14torch_tensorrt7logging18get_logging_prefixEv","torch_tensorrt::logging::get_logging_prefix"],[23,2,1,"_CPPv4N14torch_tensorrt7logging24get_reportable_log_levelEv","torch_tensorrt::logging::get_reportable_log_level"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kDEBUGE","torch_tensorrt::logging::kDEBUG"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kERRORE","torch_tensorrt::logging::kERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kGRAPHE","torch_tensorrt::logging::kGRAPH"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level5kINFOE","torch_tensorrt::logging::kINFO"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level15kINTERNAL_ERRORE","torch_tensorrt::logging::kINTERNAL_ERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level8kWARNINGE","torch_tensorrt::logging::kWARNING"],[26,2,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log"],[26,3,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log::lvl"],[26,3,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log::msg"],[27,2,1,"_CPPv4N14torch_tensorrt7logging24set_is_colored_output_onEb","torch_tensorrt::logging::set_is_colored_output_on"],[27,3,1,"_CPPv4N14torch_tensorrt7logging24set_is_colored_output_onEb","torch_tensorrt::logging::set_is_colored_output_on::colored_output_on"],[28,2,1,"_CPPv4N14torch_tensorrt7logging18set_logging_prefixENSt6stringE","torch_tensorrt::logging::set_logging_prefix"],[28,3,1,"_CPPv4N14torch_tensorrt7logging18set_logging_prefixENSt6stringE","torch_tensorrt::logging::set_logging_prefix::prefix"],[25,2,1,"_CPPv4N14torch_tensorrt7logging24set_reportable_log_levelE5Level","torch_tensorrt::logging::set_reportable_log_level"],[25,3,1,"_CPPv4N14torch_tensorrt7logging24set_reportable_log_levelE5Level","torch_tensorrt::logging::set_reportable_log_level::lvl"],[3,1,1,"_CPPv4I0EN14torch_tensorrt3ptq19Int8CacheCalibratorE","torch_tensorrt::ptq::Int8CacheCalibrator"],[3,7,1,"_CPPv4I0EN14torch_tensorrt3ptq19Int8CacheCalibratorE","torch_tensorrt::ptq::Int8CacheCalibrator::Algorithm"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE","torch_tensorrt::ptq::Int8CacheCalibrator::Int8CacheCalibrator"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE","torch_tensorrt::ptq::Int8CacheCalibrator::Int8CacheCalibrator::cache_file_path"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::bindings"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::names"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::nbBindings"],[3,2,1,"_CPPv4NK14torch_tensorrt3ptq19Int8CacheCalibrator12getBatchSizeEv","torch_tensorrt::ptq::Int8CacheCalibrator::getBatchSize"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibratorcvPN8nvinfer115IInt8CalibratorEEv","torch_tensorrt::ptq::Int8CacheCalibrator::operator nvinfer1::IInt8Calibrator*"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::readCalibrationCache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::readCalibrationCache::length"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache::cache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache::length"],[4,1,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator"],[4,7,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator::Algorithm"],[4,7,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator::DataLoaderUniquePtr"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::cache_file_path"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::dataloader"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::use_cache"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::bindings"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::names"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::nbBindings"],[4,2,1,"_CPPv4NK14torch_tensorrt3ptq14Int8Calibrator12getBatchSizeEv","torch_tensorrt::ptq::Int8Calibrator::getBatchSize"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8CalibratorcvPN8nvinfer115IInt8CalibratorEEv","torch_tensorrt::ptq::Int8Calibrator::operator nvinfer1::IInt8Calibrator*"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8Calibrator::readCalibrationCache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8Calibrator::readCalibrationCache::length"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache::cache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache::length"],[30,2,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator"],[30,7,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator::Algorithm"],[30,3,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator::cache_file_path"],[29,2,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator"],[29,7,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::Algorithm"],[29,7,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::DataLoader"],[29,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::cache_file_path"],[29,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::dataloader"],[29,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::use_cache"],[35,2,1,"_CPPv4N14torch_tensorrt10set_deviceEKi","torch_tensorrt::set_device"],[35,3,1,"_CPPv4N14torch_tensorrt10set_deviceEKi","torch_tensorrt::set_device::gpu_id"],[48,1,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpecE","torch_tensorrt::torchscript::CompileSpec"],[48,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorI5InputEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[48,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorIN3c108ArrayRefI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[48,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[48,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorIN3c108ArrayRefI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::fixed_sizes"],[48,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::fixed_sizes"],[48,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorI5InputEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::inputs"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec10capabilityE","torch_tensorrt::torchscript::CompileSpec::capability"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec5debugE","torch_tensorrt::torchscript::CompileSpec::debug"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec6deviceE","torch_tensorrt::torchscript::CompileSpec::device"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec12disable_tf32E","torch_tensorrt::torchscript::CompileSpec::disable_tf32"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec18enabled_precisionsE","torch_tensorrt::torchscript::CompileSpec::enabled_precisions"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec6inputsE","torch_tensorrt::torchscript::CompileSpec::inputs"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14min_block_sizeE","torch_tensorrt::torchscript::CompileSpec::min_block_size"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec20num_avg_timing_itersE","torch_tensorrt::torchscript::CompileSpec::num_avg_timing_iters"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec20num_min_timing_itersE","torch_tensorrt::torchscript::CompileSpec::num_min_timing_iters"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14ptq_calibratorE","torch_tensorrt::torchscript::CompileSpec::ptq_calibrator"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec5refitE","torch_tensorrt::torchscript::CompileSpec::refit"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec24require_full_compilationE","torch_tensorrt::torchscript::CompileSpec::require_full_compilation"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14sparse_weightsE","torch_tensorrt::torchscript::CompileSpec::sparse_weights"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec22torch_executed_modulesE","torch_tensorrt::torchscript::CompileSpec::torch_executed_modules"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec18torch_executed_opsE","torch_tensorrt::torchscript::CompileSpec::torch_executed_ops"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec24truncate_long_and_doubleE","torch_tensorrt::torchscript::CompileSpec::truncate_long_and_double"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14workspace_sizeE","torch_tensorrt::torchscript::CompileSpec::workspace_size"],[31,2,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support"],[31,3,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support::method_name"],[31,3,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support::module"],[32,2,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile"],[32,3,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile::info"],[32,3,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile::module"],[37,2,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::info"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::method_name"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::module"],[33,2,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module"],[33,3,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module::device"],[33,3,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module::engine"],[71,8,0,"-","torch_tensorrt"]],"torch_tensorrt.Device":[[71,10,1,"","__init__"],[71,11,1,"","allow_gpu_fallback"],[71,11,1,"","device_type"],[71,11,1,"","dla_core"],[71,11,1,"","gpu_id"]],"torch_tensorrt.Input":[[71,10,1,"","__init__"],[71,11,1,"","dtype"],[71,11,1,"","format"],[71,11,1,"","shape"],[71,11,1,"","shape_mode"]],"torch_tensorrt.logging":[[69,9,1,"","Level"],[69,9,1,"","debug"],[69,9,1,"","errors"],[69,12,1,"","get_is_colored_output_on"],[69,12,1,"","get_logging_prefix"],[69,12,1,"","get_reportable_log_level"],[69,9,1,"","graphs"],[69,9,1,"","info"],[69,9,1,"","internal_errors"],[69,12,1,"","log"],[69,12,1,"","set_is_colored_output_on"],[69,12,1,"","set_logging_prefix"],[69,12,1,"","set_reportable_log_level"],[69,9,1,"","warnings"]],"torch_tensorrt.logging.Level":[[69,11,1,"","Debug"],[69,11,1,"","Error"],[69,11,1,"","Graph"],[69,11,1,"","Info"],[69,11,1,"","InternalError"],[69,11,1,"","Warning"]],"torch_tensorrt.ptq":[[70,9,1,"id1","CacheCalibrator"],[70,9,1,"id2","CalibrationAlgo"],[70,9,1,"id0","DataLoaderCalibrator"],[70,12,1,"","get_batch"],[70,12,1,"","get_batch_size"],[70,12,1,"","get_cache_mode_batch"],[70,12,1,"","read_calibration_cache"],[70,12,1,"","write_calibration_cache"]],"torch_tensorrt.ptq.CacheCalibrator":[[70,10,1,"","__init__"]],"torch_tensorrt.ptq.CalibrationAlgo":[[70,11,1,"","ENTROPY_CALIBRATION"],[70,11,1,"","ENTROPY_CALIBRATION_2"],[70,11,1,"","LEGACY_CALIBRATION"],[70,11,1,"","MINMAX_CALIBRATION"]],"torch_tensorrt.ptq.DataLoaderCalibrator":[[70,10,1,"","__init__"]],"torch_tensorrt.ts":[[72,12,1,"","TensorRTCompileSpec"],[72,12,1,"","check_method_op_support"],[72,12,1,"","compile"],[72,12,1,"","convert_method_to_trt_engine"],[72,12,1,"","embed_engine_in_new_module"]],torch_tensorrt:[[71,9,1,"","Device"],[71,9,1,"","DeviceType"],[71,9,1,"","EngineCapability"],[71,9,1,"","Input"],[71,9,1,"","TensorFormat"],[71,12,1,"","compile"],[71,12,1,"","convert_method_to_trt_engine"],[71,9,1,"","dtype"],[71,12,1,"","dump_build_info"],[71,12,1,"","get_build_info"],[69,8,0,"-","logging"],[70,8,0,"-","ptq"],[71,12,1,"","set_device"],[72,8,0,"-","ts"]]},objnames:{"0":["c","macro","C macro"],"1":["cpp","class","C++ class"],"10":["py","method","Python method"],"11":["py","attribute","Python attribute"],"12":["py","function","Python function"],"2":["cpp","function","C++ function"],"3":["cpp","functionParam","C++ function parameter"],"4":["cpp","enum","C++ enum"],"5":["cpp","enumerator","C++ enumerator"],"6":["cpp","member","C++ member"],"7":["cpp","templateParam","C++ template parameter"],"8":["py","module","Python module"],"9":["py","class","Python class"]},objtypes:{"0":"c:macro","1":"cpp:class","10":"py:method","11":"py:attribute","12":"py:function","2":"cpp:function","3":"cpp:functionParam","4":"cpp:enum","5":"cpp:enumerator","6":"cpp:member","7":"cpp:templateParam","8":"py:module","9":"py:class"},terms:{"0":[33,43,44,45,48,51,52,53,54,55,56,57,58,64,66,68,69,70,71,72,73,75,76,83,85,86,88,89,90],"00":[51,52,54,55,56,57,58],"0000":77,"00000000":[51,52,54,55,56],"000000037777":57,"000000252219":57,"000000397133":57,"000007":53,"000014":51,"000015":53,"000059":53,"000106":51,"000116":51,"000368":51,"000545":51,"000820":51,"000973":51,"001256":51,"001260":51,"001270":51,"001351":51,"0018":58,"002":54,"002251":53,"002259":53,"0023":58,"002305":53,"0026":58,"003287":53,"003289":53,"003317":53,"003462":51,"003774":51,"004":52,"004128":51,"004205":53,"004206":53,"004256":53,"004825":51,"005":[54,55],"006":[52,55],"006661":51,"006677":53,"006693":53,"006733":51,"006846":51,"006943":53,"0070":58,"008":58,"008071":51,"008453":51,"0087":58,"009802":51,"009803":51,"009836":51,"00f1b6db":[52,54,55],"01":[52,54,55,56,57,58,68,77,83],"0106":58,"010961":51,"011388":51,"013":58,"0151":58,"016114":51,"0163":58,"0169":58,"018642":51,"018643":51,"018670":51,"02":[52,54,55,58],"0208":83,"020804":51,"021143":51,"0220":58,"024492":51,"025":58,"025000":58,"0263":58,"028":58,"0296":58,"03":[51,77],"03291":58,"033488":51,"033572":51,"03466":58,"035722":51,"0358":83,"0383":83,"04":[51,52,57,58,83,85],"0435":83,"04609":58,"0464":83,"04743":58,"04807":58,"0491":58,"0493":58,"04it":58,"05":[51,52,53,54,55,57,58],"050000":58,"0505":58,"05080":58,"0530":83,"05311":58,"05374":58,"057":58,"058047":51,"058053":51,"058375":51,"05945":58,"06":[51,52,57],"0622":58,"063":58,"06340":58,"06567":58,"0676ba61":[54,57],"0678":83,"069":58,"07":[52,54,55],"071":58,"071428":51,"072057":51,"07266":58,"076796":51,"08":[52,54,55],"0805":83,"0818":83,"08331":58,"08555":58,"086":58,"09":[52,54,55,56],"0932":83,"096":58,"0a0":[51,52,76],"0a3":51,"0c106ec84f199a0fbcf1199010166986da732f9b0907768c9ac5ea5b120772db":85,"0f":57,"0mib":[52,54,55,56],"0rc1":51,"0s":54,"0x":53,"0x7f02512d01f0":72,"1":[3,4,33,43,44,45,47,48,51,52,53,54,55,56,57,58,60,63,66,68,69,70,71,72,73,74,76,77,80,82,83,84,85,86,88,89,90],"10":[48,51,52,53,54,55,56,57,58,72,80,82,83,85,86],"100":[52,54,55,56,57,58],"1000":[52,54,55,56,57,58],"10000":[52,54,55],"100000":58,"10018":58,"10070":58,"101":53,"101168":58,"1012":60,"1013":60,"10130":58,"102":51,"102248":58,"1024":[51,52,54,55,56,57,58,71,72,88],"10240mib":56,"10362":52,"104":[52,54,55],"1045":83,"105":58,"1056":83,"1063":83,"1065":51,"1069":51,"107":[52,54,55],"107194":58,"10732":58,"107625":58,"109":83,"10990":58,"10b0":51,"11":[51,52,53,54,55,56,57,58,60,76,80,83,85],"110":[57,58],"11299":58,"112mib":51,"11499":58,"115":56,"115269":58,"115740":58,"11594":58,"117":[52,54,55],"117969":58,"118358":58,"11879":58,"11888":58,"119":82,"1190":51,"119708":51,"11k":[52,54,55],"11w":52,"12":[51,52,53,54,55,56,57,58,60,76,80,82,83],"120":[56,58,82,83],"120097":51,"1201":51,"121":[54,56],"1216":53,"121618":51,"122":56,"12288mib":51,"123":[57,77],"12345":51,"126":58,"126382":58,"126834":58,"127":[52,58],"128":[51,52,53,54,55,56,57,58],"128674":58,"129":82,"129518":58,"12k":54,"13":[51,53,54,55,56,57,58,76,80,85],"130":51,"133":52,"13388":58,"135453":58,"135936":58,"137":[51,82],"137858":58,"138":82,"138366":58,"139704147265344":58,"13x":52,"14":[51,52,53,54,55,56,57,58,80],"1409":86,"141":58,"143":51,"145":58,"145539":58,"146":51,"146053":58,"147871":58,"148353":58,"1488":51,"149":51,"14x":53,"15":[51,53,54,55,56,57,58,76,80],"1500":58,"1502":83,"1516":51,"1531":58,"1535566590":[52,54,55],"1538":51,"154252":58,"154685":58,"1549":[55,83],"1552":55,"1556":86,"1560":55,"1563":58,"156558":58,"1566":55,"1568":55,"157159":58,"1572":55,"1574":55,"1575":55,"1598":55,"15w":54,"15x":53,"16":[51,53,54,55,56,57,58,71,80,82,83,84],"16000":51,"163197":58,"163676":58,"164":[52,54,55],"165":57,"165549":58,"165991":58,"166":57,"167":57,"1691":83,"17":[51,52,53,54,55,56,57,58,80],"173":58,"173305":58,"173926":58,"176034":58,"176697":58,"1771":53,"1776":53,"1777":[51,58],"179":57,"1792":51,"18":[51,52,53,54,55,56,57,58,80,83,85],"182843":58,"183426":58,"185377":58,"185962":58,"188":58,"19":[51,53,54,57,58,77,80],"1906":58,"191966":58,"192424":58,"194325":58,"194817":58,"1971":58,"198":51,"1994":[58,86],"1d":60,"1e":[54,55,58],"1f":[51,53],"1rc0":51,"1ubuntu0":51,"1x1":57,"2":[33,43,45,48,51,52,53,54,55,56,57,58,66,68,69,70,71,72,74,76,77,80,82,83,85,86,89],"20":[51,52,53,54,55,57,58,80],"200":[52,54,55,56,58],"2000000000":[51,53],"2002":58,"2009":86,"200w":55,"201":[52,54,55],"2010":[58,86],"2012":77,"2014":86,"2017":[51,53,57],"2018":[52,53,54,55],"2019":[51,52,53,54,56,57],"201988":58,"202":[52,54,55],"2020":[55,57,67,83],"2021":[51,53],"2022":[51,52,53,54,55,56,57],"2023":[58,86],"202665":58,"204763":58,"2048":[54,55],"205461":58,"20w":56,"21":[51,52,53,54,55,56,57,58],"211393":58,"211987":58,"213899":58,"214450":58,"215434":51,"215446":51,"215806":51,"216":52,"217":[54,55],"218":51,"22":[51,52,53,54,55,56,57,58],"220892":58,"221533":58,"222":54,"223":[54,55],"223519":58,"224":[52,54,55,71,72],"224037":58,"225":[52,54,55],"227":[52,54,55],"227739155292511":52,"229":[52,54,55],"23":[48,51,52,54,55,58,60,72,77],"2305":58,"23344755172729492":52,"233809":58,"234":58,"234434":58,"235":51,"237":58,"238":[55,58],"238212":58,"239042":58,"24":[51,54,56,57,58,60],"241022":58,"24112":[52,54,55],"241654":58,"242":51,"243":[54,56],"244":[71,72],"245":57,"2453mib":51,"24576mib":[52,54],"246":52,"2462mib":51,"246kb":52,"247820":58,"248":60,"248445":58,"249":60,"24k":[52,54,55],"25":[51,54,55,58,83],"250366":58,"250959":58,"250w":51,"254":58,"256":[52,54,55,58],"257248":58,"257854":58,"258":76,"259968":58,"26":[51,53,54,55,57],"2606":[52,54,55],"260660":58,"265":51,"268160":58,"26w":51,"27":[51,52,53,56,58,83],"272":51,"28":[51,52,55,83,86,90],"280":58,"2802":83,"282":51,"2822":76,"285":58,"287":76,"288":[51,58],"28c":52,"29":[51,52,55,58,83],"291":58,"29c":54,"2_20200626":85,"2c3":77,"2c365_subsampl":[52,54,55],"2c916ef":51,"2e":88,"2f":[52,54,55,56,57,58],"2s":54,"2x":54,"3":[45,48,51,52,53,54,55,56,57,58,60,63,68,69,70,71,72,76,77,80,82,83,85,86,88,89,90],"30":[52,54,55,57,58],"300":[56,57,58,88,89],"300x300":57,"302":58,"309":58,"3090":[52,54],"31":[51,54,55,56,57,83],"311":58,"314":58,"315":51,"32":[51,52,53,55,56,57,58,71,82,83,84,86,88,90],"320":86,"3207":58,"320w":56,"321":52,"329273":58,"32bit":88,"32x32":54,"33":[52,54,55,56,57,83],"330212":58,"332529":58,"333365":58,"3393":52,"339547":58,"34":[52,54,55,56,57,58],"340248":58,"342257":58,"342890":58,"345":58,"346":83,"349":51,"35":[52,54,57,83],"350619":58,"350w":[52,54],"351372":58,"352":[52,54,55],"353470":58,"35363":[52,54,55],"353k":[52,54,55],"354121":58,"3550":58,"35k":[52,54,55],"35x":52,"36":[51,52,55,83],"360090":58,"360806":58,"361413":[52,54,55],"362803":58,"3631":58,"363274":58,"366":54,"366kb":54,"3677":60,"37":[51,52,54,55,58,83],"370369":58,"371057":58,"373071":58,"373766":58,"376":52,"3763":58,"379890":58,"38":[51,54,55,57,82],"380538":58,"382532":58,"383128":58,"385":58,"3877":58,"389077":58,"389760":58,"39":[51,52,53,54,55,56,57,58,82],"3909":51,"391815":58,"392399":58,"394":58,"39485082030296326":54,"395":58,"3987298309803009":52,"399809":58,"39c":51,"39mib":51,"3f":58,"3x3":58,"4":[51,52,53,54,55,56,57,58,63,68,69,74,76,77,80,83,85],"40":[52,54,55,56,57,58],"400":[56,58],"400472":58,"402399":58,"402939":58,"406":[52,54,55],"408818":58,"409424":58,"4096":58,"40mb":54,"41":[51,54,55,56],"411513":58,"4116":55,"412097":58,"4122":55,"4123":55,"4142":55,"4156":55,"4161":51,"4166":55,"4170":55,"4172":55,"4176":55,"4178":55,"418537":58,"419128":58,"42":[51,55,56,57,58],"421343":58,"421946":58,"429":51,"429382":58,"42c":56,"42w":51,"43":[51,56,57,58],"430156":58,"432259":58,"433079":58,"4352":58,"439":58,"439297":58,"44":[51,57,58],"440027":58,"442":[52,54,55,58],"442149":58,"442826":58,"442k":[52,54,55],"443":[52,54,55],"4465":[58,86],"449377":58,"449968":58,"45":[51,52,57],"452122":58,"452718":[52,54,55],"452754":58,"456":[52,54,55],"45675724744796753":55,"4584":52,"459":58,"46":[51,52,57,58],"462532":58,"463295":58,"466963":58,"467725":58,"469692":58,"47":51,"470":[55,58],"4700":[52,54,55],"470336":58,"4726":58,"474":52,"476204":58,"4767":55,"476738":58,"47681mib":55,"478809":58,"479375":58,"48":[51,54,55],"481":54,"4822":[58,86],"484":58,"485":[52,54,55],"485666":58,"486219":58,"488416":58,"488986":58,"489":55,"49":[51,53,57],"4914":[58,86],"4935":55,"49785590171813965":54,"49788108468055725":55,"4980":55,"499":58,"4fef":[52,54,55],"4mib":51,"4s":52,"4x":51,"5":[51,52,53,54,55,56,57,58,63,64,69,71,76,77,80,82,83,85,88],"50":[51,52,53,55,56,57,58],"500":[56,58],"5002":55,"5005":55,"5014":55,"5016":55,"5018":55,"5020":55,"5024":55,"5026":55,"5027":55,"5033":55,"504":58,"5052":55,"5067":55,"5088":55,"5091":55,"5094":55,"5096":55,"510":[51,52,54,56],"5100":55,"511":58,"5110":55,"5115":55,"5117":58,"5118":55,"512":[51,54,55,58,71,72,88],"512364":58,"513354":58,"514046":58,"514638":58,"515270":58,"5153":55,"515859":58,"516441":58,"517009":58,"5172":58,"517600":58,"518167":58,"518752":58,"519333":58,"5197":55,"519911":58,"51c":55,"52":[52,54,55,58],"5202":55,"520473":58,"5207":55,"521038":58,"5215":55,"521596":58,"522170":58,"522742":58,"5231":55,"523360":58,"523957":58,"5242":55,"524581":58,"525059":58,"525366":58,"525675":58,"525962":58,"526257":58,"526566":58,"526885":58,"527188":58,"527489":58,"527792":58,"528097":58,"528387":58,"528834":58,"529163":58,"53":[51,54,57,77],"5320":58,"532748":58,"533468":58,"5335":58,"534033":58,"534684":58,"535320":58,"535983":58,"536":58,"536569":58,"537248":58,"537833":58,"538480":58,"539":83,"539074":58,"539724":58,"53k":[52,54,55],"540307":58,"540952":58,"541534":58,"542075":58,"542596":58,"543248":58,"543719":58,"544424":58,"544952":58,"545530":58,"546114":58,"546713":58,"547292":58,"547902":58,"548453":58,"549015":58,"549665":58,"55":55,"550436":58,"551":51,"551925":58,"553105":58,"55c":51,"55k":[52,54,55],"56":[51,52,55,56,83],"560":58,"5620":58,"564":58,"5676":58,"568":58,"57":[55,58],"5746":58,"576":[56,83],"58":[54,55,58],"59":[51,54,55,56,57],"594":51,"597":53,"599":53,"5d":58,"5f":58,"6":[51,52,53,54,55,56,58,60,63,68,80,82,83,85],"60":[52,54,55,57],"600":[56,58],"6047":51,"608":55,"608kb":55,"61":[57,58],"613":58,"62":[51,52,58],"622":[58,60],"62w":55,"62x":53,"63":[51,53,55],"630":[52,54,55],"635":58,"636":58,"637":58,"638":58,"639":58,"64":[53,54,55,58,84],"640":58,"641":58,"642":58,"643":58,"644":58,"6442285180091858":55,"6445754766464233":54,"646":58,"649":58,"64bit":88,"65":[51,52,54,55,58],"6539":58,"655":58,"66":52,"668":51,"669":51,"67":[55,58],"6733":58,"677":58,"67mib":51,"68":[54,58],"6812":[52,54,55],"687":58,"688":58,"689":58,"69":[54,55],"690":58,"6f":[51,53],"6s":55,"7":[51,52,53,54,55,56,58,63,64,80,83,85],"70":[52,54,55,57],"700":[56,58],"701":58,"709":51,"7099":58,"71":[52,55,58],"716":58,"72":[52,54],"7203":58,"72048":85,"721":58,"724":58,"728":51,"729":51,"73":[51,52,54,55],"7302":77,"732":58,"735":58,"7376":58,"738":58,"74":[57,58],"742":58,"7454":58,"75":[52,54,55,58],"7537":58,"76":58,"781":58,"79":[54,58],"796":58,"797":58,"7ubuntu0":51,"8":[3,51,52,53,54,55,56,57,58,60,71,76,77,80,83,85],"80":[51,52,54,55,57,58],"800":[56,58],"801":58,"81":[57,58],"818":58,"818977576572eadaf62c80434a25afe44dbaa32ebda3a0919e389dcbe74f8656":85,"82":58,"8204":58,"821":58,"83":[52,55,58],"834":58,"8351":58,"837":58,"84":[55,56,58,82,83],"847":58,"84e944ff11f8":[52,54,55],"84x":54,"85":[52,55,58],"86":[52,55],"860":58,"86k":[52,55],"87":58,"8732":57,"877":58,"8791":58,"88":[52,55,57],"89":[52,55],"898":58,"89k":[52,55],"8bit":58,"9":[51,52,53,54,55,56,57,58,80,83],"90":[52,54,55,57],"900":[56,58],"906":58,"90994":[52,55],"916":[51,58],"91a9cc5850784b2065e8a0aa3d526fd9":51,"92":[52,54,55],"9205bed204e2ae7aafd2e01cce0f21309e281e18d5bfd7172ef8541771539d41":85,"9223372036854775807":68,"923":[52,54,55],"927":58,"92k":54,"9367":58,"94":[52,54,55],"941":58,"94328":54,"944":58,"948":58,"94k":[52,54,55],"95":52,"951":53,"952":58,"953":[51,58],"955":51,"959":58,"96":[51,58],"9624":58,"9695423245429993":52,"97":[52,58],"98":58,"9899807572364807":54,"9899841547012329":55,"99":[51,52,53,54,55,57,58],"997":58,"999":58,"9999":58,"99th_p":[51,53],"9ab0":[52,54,55],"9x":51,"abstract":[63,66,77],"boolean":[58,71],"break":[58,76],"byte":[51,71,72],"case":[0,1,2,46,48,53,56,57,59,63,66,85,86,87],"catch":[60,83],"char":[3,4,44,83,88],"class":[17,29,30,44,45,46,50,52,53,54,55,56,57,58,63,66,69,76,77,82,83,84,86],"const":[0,1,2,3,4,29,30,31,32,33,35,37,44,45,46,60,66,68,83,86],"default":[0,1,2,3,4,16,29,30,43,45,46,47,48,51,52,54,55,56,57,71,72,74,75,76,83,85,86,88,89],"do":[51,52,54,56,57,59,60,66,75,77,82,83,84,86,90],"enum":[0,1,2,42,45,46,50,52,69,72,86],"export":[51,58,85],"final":[51,59,62,64,85],"float":[48,51,52,54,56,57,68,71,82,83,84,86,88,89],"function":[0,1,2,3,4,46,47,48,50,51,52,53,54,56,57,58,60,63,66,82,83,85,86,89,90],"import":[51,52,53,54,55,56,57,58,60,74,76,82,83,84,85,87,88,89],"int":[0,3,4,35,44,45,48,52,55,58,68,71,72,74,83,88],"long":[48,53,59,76,77,88],"new":[0,1,2,3,4,32,33,46,47,48,52,54,56,57,58,63,64,66,69,72,76,83],"null":51,"public":[0,1,2,3,4,44,45,46,47,48,77,86],"return":[0,1,2,3,4,23,24,29,30,31,32,33,34,37,42,43,44,45,46,51,52,53,54,55,56,58,60,62,63,64,66,69,71,72,82,83,84,86],"short":[60,76,77],"static":[47,48,59,66,71,72,74,83],"super":[44,56,82],"throw":[60,83,88],"true":[0,1,2,4,46,48,51,52,53,54,55,56,57,58,60,66,68,71,72,74,77,83,86,89,90],"try":[51,52,53,54,56,64,76,77,83,89],"var":68,"void":[3,4,25,26,27,28,35,36,42,44,45],"while":[58,85,86],A:[4,29,30,32,33,47,51,52,53,54,55,56,58,60,66,77,85,86],AS:[51,52,53,54,55,56,57],And:83,As:[55,83],At:75,But:[76,83],By:[29,30,50,56,57,74,82],For:[52,54,56,57,58,59,74,76,77,82,83,85,86,87,89],IS:[51,52,53,54,55,56,57],If:[27,51,52,53,54,56,57,58,59,60,69,71,74,76,83,85,86,87,90],In:[0,1,2,46,51,52,53,54,55,56,57,58,59,62,63,64,66,67,76,77,79,84,85,86,87],Is:[24,71],It:[51,52,53,54,55,56,57,60,61,62,64,66,74,76,85,88],Its:[66,76],NOT:53,No:[52,54,55,56],Not:3,OF:[51,52,53,54,55,56,57],OR:[51,52,53,54,55,56,57],On:[51,52,54,55,56],One:[53,76,77,83],Or:76,THE:76,TO:[83,85],That:76,Thats:83,The:[1,46,47,48,51,52,53,54,55,56,57,58,59,60,61,62,63,64,66,69,71,72,74,77,82,84,85,86,88,89],Then:[85,86,89],There:[4,53,57,58,59,64,66,77,82,85,86,87],These:[52,53,54,59,63,74,76,86],To:[1,46,55,56,57,58,74,82,83,84,85,89],Will:31,With:[52,53,54,55,74,76,83,86],_:[51,52,53,54,55,56,57,58,76],___torch_mangle_10:82,___torch_mangle_4847:63,___torch_mangle_5:82,___torch_mangle_9:82,__and__:68,__attribute__:43,__future__:51,__getitem__:68,__gnuc__:43,__init__:[56,70,71,76,82],__is__:68,__isnot__:68,__not__:68,__or__:68,__range_length:68,__round_to_zero_floordiv:68,__torch__:[63,82,83],__torch___pytorch_detection_ssd_src_model_ssd300_trt_engin:63,__torch___torchvision_models_resnet____torch_mangle_4847_resnet_trt_engin:63,__version__:58,__visibility__:43,__xor__:68,_affin:58,_all_:60,_b:51,_c:[72,89],_calibr:58,_convolut:[58,68,83],_input_quant:58,_jit_intern:51,_jit_to_backend:89,_pair:58,_quant:58,_script:72,_shapemod:71,_theme:81,_trace:51,_validate_not_a_forked_repo:[54,55,57],_weight_quant:58,a100:[51,52,53,54,56,57],a1b:77,aarch64:64,ab:68,abi:87,abil:55,abl:[52,53,54,55,56,57,59,60,66,67,86,89],about:[52,54,55,57,58,59,63,66,71,74,83,85,88],abov:[25,57,58,69,75,76,83,85],absl:51,absolut:58,absolute_import:51,ac:79,acc:58,acceler:[52,53,54,56,57,90],accept:[47,53,58,63,66,71,83,84,88],access:[55,57,60,66,67,74,83,89],accord:[66,72],accordingli:[58,74],accumsan:79,accumul:[48,72],accuraci:[57,58,86],achiev:[52,54,56,57,58],aco:68,acosh:68,acoust:51,acquir:83,across:[60,74],acthardtanh:66,action:76,activ:[58,72,76,83,86,90],activationtyp:66,actual:[56,58,60,63,66,69,82,83],ad:[25,59,88],adaptive_avg_pool1d:68,adaptive_avg_pool2d:68,adaptive_avg_pool3d:68,adaptive_max_pool1d:68,adaptive_max_pool2d:68,adaptive_max_pool3d:68,adaptiveavgpool2d:[54,55],add:[26,59,60,66,68,69,74,76,81,83,84,85],add_:[60,68,83],add_patch:57,addactiv:66,addit:[57,58,60,71,83],addlay:83,address:77,addshuffl:83,adipisc:[77,79],adjac:76,adjust:[58,76],adjust_lr:58,adopt:53,advanc:[77,86],advis:76,aenean:79,affin:[54,55],after:[55,57,58,59,60,67,82,83,84,87,88],again:[44,53,57,63,66,76],against:[83,88],agre:[51,52,53,54,55,56,57],agx:45,ahead:[55,83],aim:[53,60],aiohttp:51,aiosign:51,alabast:51,algo_typ:[70,86],algorithm:[3,4,29,30,44,53,70,86],alias:43,align:76,align_corn:68,aliquam:79,aliquet:[77,79],all:[16,42,43,44,45,48,51,52,53,54,55,56,57,58,60,63,69,71,76,77,82,83,84,85,86,87,88],alloc:66,allow:[47,48,52,54,56,57,59,60,71,74,88],allow_gpu_fallback:[45,46,71,72,86,89,90],allow_tf32:68,almost:83,alpha:[57,68,77],alreadi:[51,52,53,54,55,56,57,58,59,60,83,86,88],also:[30,48,52,53,54,55,56,57,59,66,67,74,76,77,83,84,85,86],alter:55,altern:47,although:76,altogeth:74,alwai:[3,4,27,76,88],amax:58,amax_sequeez:58,amazonaw:[52,54,55],amet:[77,79],amount:[53,58],amp:[52,54,55],amp_backend:51,an:[2,3,4,47,48,51,52,53,54,55,56,57,58,59,60,62,63,64,66,67,70,71,72,74,76,77,82,83,84,85,86,87,88],analogu:66,analysi:57,analyt:74,analytics_id:74,ancient:76,ani:[47,51,52,53,54,55,56,57,59,66,71,74,76,83,84,85,86,88],ann:76,anneal:58,annot:[57,66,83],anonym:76,anoth:[53,76,77,82,84],ant:79,antlr4:51,anyon:77,anyth:[76,77,87],aot:[55,67,83],apach:[51,52,53,54,55,56,57],apex:57,api:[51,55,57,58,64,66,71,72,75,83,84,86,87,89],appdir:51,appear:76,append:[51,52,53,54,55,56,57,58,68],applehelp:51,appli:[58,86],applic:[1,30,46,51,52,53,54,55,56,57,60,64,83,84,87,88,89,90],approach:[52,54,56,57],apr:[51,83],apt:51,ar:[42,46,48,51,52,53,54,55,56,57,58,59,60,63,64,66,67,71,72,74,76,77,78,82,83,85,86,87,88,89],arab:77,arang:68,architectur:[53,57,58,67,85],archiv:[51,54,57,85],arcu:[77,79],area:78,aren:83,arg:[51,59,70,71,80,83],argc:83,argmax:[52,53,54,55],argon2:[51,54,55,56,57],argpars:51,argument:[47,51,52,53,58,60,63,66,71,72,76,77,83,88],argv:83,around:[58,60,63,66,76,79,82],arrai:[3,4,33,51,53,59,72],arrayref:[45,47,48],arti:[52,54,55],arxiv:86,asin:68,asinh:68,aspect:88,asr:51,asr_model:51,assembl:[59,83],assign:[3,4,75],associ:[53,59,66,83],associatevalueandivalu:66,associatevalueandtensor:[66,83],assum:[51,58,89],ast:51,asttoken:[51,55,57],async:51,asyncio:[51,54,55,56,57],atan:68,atanh:68,aten:[48,57,58,60,65,66,68,72,83],attach:57,attent:53,attention_mask:53,attention_masks_tensor:53,attr:[51,54,55,56,57],attrdict:51,attribut:[60,63,76,83],auctor:79,audio:51,audioread:51,augment:53,augu:79,auth:51,author:77,auto:[44,66,76,77,83,86,90],autodoc:[76,77],automat:[52,54,56,57,76,83],av:[54,55,56],avail:[52,54,55,56,57,66,74,85,88,90],averag:[48,52,54,55,56,57,58,72,88],avg:[52,57,58,88],avg_pool1d:68,avg_pool2d:68,avg_pool3d:68,avgpool:[54,55,57,58],avoid:[52,53,54,55],awai:76,await:[52,54,55],awaken:76,ax:[52,54,55,57],axi:[52,54,55,58,68],b0:54,b:[54,55,57,68,77],b_hh:68,b_ih:68,babel:51,back:[60,63,64,71,76,82,83],back_insert:44,backbon:[53,57],backcal:[51,54,55,56,57],backend:[51,52,53,54,55,56,57,58,72,75,89],background:[76,82],backlink:76,backport:51,backward:58,bar:[74,76],base:[36,49,52,53,54,56,57,58,63,69,70,71,76,82,85,86],basebal:53,baselin:[55,58],bash:85,basi:[51,52,53,54,55,56,57,76],basic:[58,77,88],batch:[3,4,44,51,52,53,54,55,56,57,58,86,90],batch_norm:[66,68],batch_siz:[44,51,53,57,58,86],batched_attention_mask:53,batched_data_:44,batched_indexed_token:53,batched_segment_id:53,batchnorm2d:[54,55],batchnorm:[57,60],batchsiz:51,batchtyp:44,bathroom:76,bazel:[64,85],bazel_vers:85,bazelbuild:85,bazelisk:85,bazelvers:85,bbox:57,bdist_wheel:85,beat:77,beautifulsoup4:[51,55],becaus:[53,66,82,83,85],becom:[53,66],bee:76,been:[59,66,77,83],befor:[48,55,57,58,60,64,66,67,72,83,85],beforehand:83,begin:[44,53,76,85],beginn:82,begun:76,behav:[57,78],behavior:[48,57,71,72],behaviour:[51,52,53,54,55,56,57],behind:76,being:[52,54,56,57,83],belong:76,below:[53,57,66,76,83,85],benchmark:[52,53,54,56,68],benefit:[66,83],bertformaskedlm:53,bertforpretrain:53,bertforsequenceclassif:53,berttoken:53,besid:76,best:[52,54,55,56,57,76,85],best_result:57,best_results_per_input:57,best_results_per_input_trt:57,beta:68,better:[52,54,56,57,82,86],between:[57,60,66,76,77,85,86],bfe5ad2:52,bia:[53,54,55,56,58,60,68,83],bibendum:79,bibliograph:77,bibtex:51,bidirect:53,bigger:76,bin:85,binari:[44,86],bind:[3,4,33,44,51,54,55,56,57,72,76],bird:[52,54,55,58],bit:[48,53,66,71,72,83],bitbucket:74,bitbucket_url:74,black:[51,57],blandit:79,blank:76,bleach:[51,54,55,56,57],blob:[65,74,86],block0:60,block1:60,block:[59,60,80,88],blue:76,bmm:68,bn1:[54,55],bn2:[54,55],bn3:[54,55],bodi:[76,77],bold:76,bool:[0,1,2,3,4,24,27,29,31,42,44,45,46,48,60,66,68,69,71,72,74,83,86],border:76,bot:57,both:[52,54,56,57,74,76,82,85,86],boto3:51,botocor:51,bottleneck:[54,55],bottom:74,bound:[57,58],box:[57,76],braceexpand:51,bracket:76,branch:[53,85],bread:76,breed:[52,54,55],briefli:82,broadli:53,broken:[51,52,53,54,55,56,57],brontosaurus:76,browser:76,bsd:[42,43,44,45],bu:[51,52,54,55,56],buffer:[3,4],bug:85,bui:77,build:[29,30,34,48,51,52,59,62,64,66,71,75,80,83,86,88],build_fil:85,builderconfig:45,built:[33,63,64,72,85,88],bust:[52,54,55],button:[74,76],c10:[0,1,45,46,47,48,83,86],c96b:55,c:[42,43,44,45,51,52,54,55,56,57,58,64,68,77,87,88,90],c_api:65,c_str:[66,83],ca6b:[52,54],cach:[3,4,29,30,44,51,54,55,57,58,70,83,86,88],cache_:44,cache_fil:[44,70,86],cache_file_path:[3,4,29,30,44],cache_file_path_:44,cache_size_:44,cachecalibr:[70,86],cachetool:51,cackl:77,cadenc:55,calcuat:58,calcul:[47,59,83],calendar:51,calib:58,calib_output:58,calibr:[3,4,29,30,44,48,58,70,72,83,86,88],calibrate_model:58,calibration_cache_fil:[29,30,86],calibration_dataload:[29,86],calibration_dataset:86,calibrationalgo:[70,86],call:[29,30,32,48,51,52,53,54,56,57,58,60,63,66,72,76,82,83,89],callmethod:82,can:[0,1,4,29,30,37,46,47,48,51,52,53,54,55,56,57,58,59,60,62,63,64,66,71,72,74,76,82,83,84,85,86,87,88,89],canada:77,cannot:[47,56,57,58,60,71,72,75,82],canon:74,canonical_url:74,cap:[51,52,54,55,56],capabl:[17,45,48,63,71,72,88,89],capit:[53,76],caption:[76,79],captur:58,car:58,card:[52,53,54],cast:[3,4,60],cat:[58,68,85],caught:60,caus:[52,54,56,57,58,66,74,85],cd:85,cdll:83,ceil:68,ceil_mod:[54,55,68],cell:[53,57,77],center:[52,53,54],centercrop:[52,54,55],cerr:83,certain:[51,85],certifi:[51,53],cf0691493d05062fe3239cf76773bae4c5124f4b039050dbdd291c652af3ab2a:85,cffi:[51,54,55,56,57],chain:66,challeng:58,chanc:66,chang:[30,52,53,54,55,56,57,60,64,74,86],changelog:80,channel:[2,52,54,55,58,71,75],channel_last:[55,71,72],channels_last:71,charact:76,charset:[51,53],check:[0,1,31,46,55,57,60,66,72,83,85,87,88],check_method_op_support:72,check_method_operator_support:[21,41,45,49],checkmethodoperatorsupport:83,checkpoint:[51,53,54,57,58],child:77,chimpansee_amber_r_1920x1080:[52,54,55],chimpanze:[52,54,55],choic:[53,70],choos:[52,54,82],ci:[51,52,54,55,56],cifar10:[58,86],cifar:[58,86],circular:58,ckpt:58,ckpt_path:58,cl:53,clamp:[58,68],clamp_max:68,clamp_min:68,class_pr:58,class_prob:58,classes_to_label:57,classif:[56,57,58,82,83],classifi:[56,58,77],clean:76,clear:44,cli:88,clib:51,click:[51,53,57],clickabl:76,client:[51,54,55,56,57],clone:68,close:[58,83],closer:60,closet:76,cloud:51,cloudfront:[52,54,55],co:[68,77],coco:57,cocodataset:57,code:[52,53,54,55,56,57,64,67,75,77,82,83,86],collapse_navig:74,collat:77,collect:[51,52,54,56,57,58,83],collect_stat:58,colon:76,color:[24,27,69,76],colorama:51,colored_output_on:[27,42,69],column:77,com:[51,52,53,54,55,56,57,65,83,85,86,87],come:[52,54,55,56,57,75,85],command:[76,77,82,83,85,88],comment:[76,85],commodo:79,common:[51,54,57,59,60,76],common_subexpression_elimin:60,commonli:77,commun:83,compani:53,compar:[53,57,58],comparis:[0,2],comparison:[1,46],compat:[0,1,46,52,54,56,57,60,63,72,85],compil:[21,31,37,41,45,48,49,51,52,53,54,55,56,57,58,60,61,63,66,69,71,72,74,82,84,86,87,88,89,90],compile_set:[51,86],compile_spec:[58,86,90],compilegraph:[83,86],compilesepc:33,compilespec:[3,4,21,32,37,41,45,49,83,86,90],compilespecstruct:49,complet:[51,52,53,54,56,57,82,83],complex:[82,85],compli:57,complianc:[51,52,53,54,55,56,57,88],compliat:86,complic:85,compon:[53,56,62,64,82,87],compos:[52,54,55,56,57,58,82,86],composit:[58,83],comprehens:57,compris:53,comput:[48,51,52,53,54,55,56,57,58,76,85,86],compute_amax:58,conceiv:76,concern:53,conclus:[51,52,53,54],conda:[51,52,53,54,55,56,57,58],condimentum:79,condit:[51,52,53,54,55,56,57,76],conduc:55,conduct:53,conf:[74,81],confid:[52,54,55,57],config:[51,52,85],configur:[32,37,47,51,55,67,71,72,80,83,85,86],confirm:51,conflict:[51,52,53,54,55,56,57],congu:79,connect:[52,54,55,60,72,76,90],consectetur:[77,79],consid:[55,83],consist:[53,60,76],consol:88,consolid:82,constant:[55,58,59,60,83],constant_pad_nd:68,constexpr:[0,1,2,45,46],construct:[0,1,2,3,4,46,47,48,59,60,62,64,66,70,71,76,77,83,86],constructor:[0,2,46,47,48,63,82],consult:75,consum:[4,59,82],contact:77,contain:[29,31,51,52,53,54,55,56,57,59,60,66,71,76,77,82,83,85,86,87],content:[55,80,86],context:[52,56,58,59,62,63,64,69],contextnet:51,contigu:[2,47,48,71,72,88],continu:[52,53,54,56,57,76,87],contributor:83,control:[56,57,82],conv1:[54,55,56,82,83],conv2:[54,55,56,82,83],conv2d:[54,55,56,58,82],conv3:[54,55],conv4_x:57,conv5_x:57,conv:[48,58,83,88],conv_asr:51,conval:79,convect:47,conveni:[57,86],convent:[52,53,54,56,57],convers:[52,56,57,58,60,63,71,72,83],conversionctx:[66,83],convert:[3,4,31,32,37,51,52,54,55,56,57,58,60,61,62,64,67,71,72,84,87,89],convert_method_to_trt_engin:[21,41,45,49,71,72,89],convertgraphtotrtengin:83,convien:48,convienc:[3,4,48],convnet:57,convolut:[51,52,55,57,58,72,86,90],coordin:64,copi:[44,51,52,53,54,55,56,57,66,68,70,77],copy_:68,copyright:[42,43,44,45,51,52,53,54,55,56,57,77,83],core:[45,51,52,54,55,56,57,60,64,71,83,88,90],core_id:71,corpor:[42,43,44,45,51,52,53,54,55,56,57],correct:[58,63,74,85],correctli:85,correspond:[57,58,66],cosh:68,count_include_pad:68,counterpart:58,coupl:[52,54,56,57,59,64,87],cout:83,cp38:57,cp:85,cpp:[14,15,42,43,44,45,50,60,64,83,86],cpp_frontend:86,cppdirectori:49,cppdoc:83,cpu:51,cra:79,creat:[29,30,33,51,52,53,54,55,56,57,58,59,63,66,72,76,83,88],create_model:52,create_transform:52,creating_torchscript_module_in_python:84,credit:83,crit:58,criteria:[61,62,64],cross:[58,76],crossentropyloss:58,cs:86,csrc:[60,65],cstddef:86,ctc_bpe_model:51,ctx:[66,83],ctype:83,cu102:85,cuda113:85,cuda:[48,51,52,53,54,55,56,57,58,63,71,83,84,85,86,89],cuda_runtim:[21,45],cudafloattyp:83,cudasetdevic:35,cudnn8:85,cudnn:[51,52,53,54,55,56,57,58],cudnn_en:68,cumsum:68,curabitur:79,curl:[76,85],current:[23,52,54,63,66,72,74],cursu:79,custom:[52,54,85],cut:76,cxx11:87,cycler:51,cython:51,d17fnq9dkz9hgj:[52,54,55],d4b4041:76,d:[51,52,53,54,55,56,57,58,76,77,88,90],dapibu:79,data:[0,2,3,4,29,30,44,46,47,48,51,52,53,54,56,57,58,59,62,64,66,68,70,71,72,76,80,86,88],data_dir:86,data_item_1:75,data_load:58,databas:51,dataflow:[66,83],dataload:[4,29,30,44,48,58,70,86],dataloader_:44,dataloadercalibr:[70,86],dataloaderopt:86,dataloaderuniqueptr:[4,44],dataset:[30,57,58,70,86],datatyp:[1,21,38,45,46,47,48,49,52,71,72,84],datatypeclass:49,date:77,dateutil:[51,54,55,56,57],david:77,dbg:85,ddof:[51,53],dead_code_elimin:60,deal:66,debian_frontend:51,debug:[16,27,45,48,58,66,69,72,88,89],debugg:[72,88],debugpi:[51,54,55,56,57],decid:[56,71],declar:[58,85],decod:[52,53,54,55],decode_result:57,deconvolut:90,decor:[51,54,55,56,57],dedic:[60,77],deep:[52,53,54,55,56,57,58,66,67,74,86,90],deeplearn:65,deeplearningexampl:57,deer:58,def:[51,52,53,54,55,56,57,58,76,82],default_tim:[51,53],defer:55,defin:[0,1,2,3,4,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,43,46,47,48,50,51,53,55,56,58,71,74,82,83,84,86,88],definit:[50,66,76],defusedxml:[51,54,55,56,57],deiti:76,delet:[0,1,2,45,46,60],delimit:60,demo:[52,53,54,57,76,86],demonstr:[51,52,53,54,55,56,57,76,77,78,86],demonstrat:[52,54],denorm:57,denot:[53,76],dep:85,depend:[30,34,51,55,57,58,59,64,83,87],depickl:63,deploi:[52,54,55,56,57,62,64,67,83,86],deploy:[52,54,56,57,58,83,84,86,87,88,90],deprec:[51,68],depth:74,dequantizelay:58,descclassnam:76,descnam:76,describ:[48,54,56,57,66,82,89],descript:[55,77],deseri:[71,72,83],design:[52,53,54,56,57,90],desir:[58,77,86],destini:77,destroi:[66,77],destructor:66,detail:[52,54,55,58,82,83,87],detect:[47,54,58,63],detections_batch:57,determin:[52,60],determinist:68,develop:[51,52,53,54,56,57,67,76,77,83,85],devhelp:51,deviat:88,devic:[21,33,35,38,45,48,49,52,54,56,57,58,63,68,70,71,72,84,86,88,89,90],device_typ:[45,46,71,86,89,90],deviceclass:49,devicetyp:[21,38,45,46,49,71,86,89,90],devicetypestruct:49,diam:79,dict:[57,71,72],dictionari:[53,71,72,89],dictum:79,dictumst:79,did:76,didn:76,differ:[30,53,55,56,57,58,60,64,67,74,82],differenti:[52,54,56,57],digit:51,dignissim:79,dilat:[54,55,56,57,58,68],dim0:68,dim1:68,dim:[52,54,55,58,68],dim_int:68,dim_intlist:68,dimens:[47,55,60],dir:58,direct:[80,87],directli:[66,67,70,85,86],directori:[18,19,20,21,42,43,44,45,49,58,85,86],disabl:[52,54,55,56,57,58,69,74,75,85,88],disable_calib:58,disable_qu:58,disable_tf32:[45,48,72,86],disclos:85,disconnect:76,discret:76,discuss:55,disp:[51,52,54,55,56],displai:[69,74,88],display_github:74,display_gitlab:74,display_vers:74,disregard:52,dist:85,distanc:51,distdir:85,distribut:[51,52,53,54,55,56,57,71,83,86,87],div:68,div_:68,divis:51,divisor_overrid:68,django:75,dl:76,dl_open:87,dla:[1,45,46,67,71,72,88],dla_cor:[45,46,71,86,88,89,90],dla_standalon:88,dlacor:88,doc:[58,64,65,74,75,76,81,85],docker:[51,52,53,54,56,57],docopt:51,docsrc:64,docstr:[76,77],document:[42,43,44,45,49,52,54,55,64,74,76,77,81,82,83,86,87,89],docutil:[51,76,77],doe:[43,44,53,57,60,66,76,86],doesn:[58,76,82,83],dog:58,dolor:[77,79],domain:[77,86],don:[56,66,74,76,77,86],done:[51,55,57,59,64],donec:[77,79],dont:42,dothismethod:76,dotpai:75,dotpayprovid:75,doubl:[48,72,76,88],down:[52,54,56,57,74,85],download:[51,52,54,56,57,58,80,85,86],downsampl:[54,55],doxygen_should_skip_thi:[44,45],dpython:[71,72],dr:55,dream:77,driver:[51,52,54,55,56,85],drop:[57,74,85],dt:76,dtype:[45,47,48,51,52,53,54,55,56,57,58,68,71,72,84,88],dual:76,due:[3,4,52,54,56,57,58,75,76,85],dui:[77,79],dummi:53,dump:[36,85,88],dump_build_info:[21,38,45,49,71],durat:76,dure:[48,58,66,70,86,87,88],dynam:[47,48,57,58,71,72],e1109:58,e:[29,30,52,53,54,57,60,66,71,82,83,85,86,88],each:[3,4,48,53,57,58,59,60,63,66,74,76,83,85],eager:[52,54,56,57],ear:76,earliest:58,eas:43,easi:[59,60,83,86,88],easier:[53,58,62,64,66,83,86],easiest:85,easili:[3,4],ecc:[51,52,54,55,56],echo:76,ecosystem:[52,54,56,57],edg:76,edgecolor:57,edit:74,editdist:51,edu:86,effect:[51,58,60,74,83,86],effici:66,efficientnet:[54,57],efficientnet_b0:52,efficientnet_b0_model:52,efficientnet_preprocess:52,efficitur:79,effort:55,egesta:79,eget:79,either:[47,48,51,52,53,54,55,56,57,66,71,72,74,76,82,83,85,88],el:68,eleifend:77,element:[53,63,76,77,80],element_typ:44,elementum:79,elit:[77,79],elk:76,els:[43,44,47,51,58,72,76,77],elu:68,emb:[33,72,77,88],embed:[63,68,72,76,88,90],embed_engine_in_new_modul:[21,41,45,49,72],emit:59,emphasi:76,emploi:53,empti:[48,56,72,77,82],emum:[16,17],en:[51,74],enabl:[3,4,24,48,52,54,55,56,57,58,61,62,64,69,70,72,74,88],enable_calib:58,enable_precis:83,enable_qu:58,enabled_precis:[45,48,51,52,53,54,55,56,57,58,71,72,83,84,86,89,90],enalbed_precis:90,enc:53,enc_input:53,encdecctcmodelbp:51,encod:[51,53,63],encoded_input:53,encorag:[52,53,54,55],encount:85,end:[44,66,68,72,76,83,86,88],end_dim:[68,83],end_tim:[51,52,53,54,55,56,57,58],endif:[43,44,45],energi:76,enforc:83,engin:[0,1,17,32,33,37,45,46,47,48,51,53,55,59,62,64,67,71,72,74,83,84,86,87,88,89,90],engine_converted_from_jit:83,enginecap:[21,38,45,48,49,71,72,89],english:53,enhanc:[57,76],enim:79,enjoi:53,enough:58,ensur:[30,58,60],enter:[53,59],entir:[58,76],entiti:76,entri:[48,66],entropi:[29,30,58,86],entropy_calibr:70,entropy_calibration_2:[70,86],entrypoint:[51,54,55,56,57],enumer:[0,1,2,16,17,46,53,58,70],environ:[51,52,53,54,55,56,57],ep:[54,55,68],epoch:58,eq:[68,76],equat:76,equival:[32,56,57,62,64,66,72,82,83,86],equivil:37,erat:79,erf:68,eric:76,ero:79,error:[16,48,51,52,53,54,56,57,59,60,64,69,72,76,83,85,88],eskimo_dog:52,essenc:76,essenti:55,est:79,et:79,eta:[52,54,56,57],etc:[74,76,90],etiam:79,eu:79,euismod:79,eval:[51,52,54,55,56,57,58,83,84],evalu:[57,62,63,64],evaluated_value_map:[59,66],even:83,event:47,everi:83,everyth:16,ex:[0,1,2,33,46,72,77,79],exactli:[53,57],examin:53,exampl:[47,52,54,55,56,57,58,63,64,66,69,71,72,74,75,77,80,82,83,86,87],exceedingli:76,except:[51,52,53,54,55,56,57],exception_elimin:60,excerpt:77,excit:51,execpt:60,execut:[33,51,52,54,55,56,57,60,62,63,64,71,72,82,83,86,88],execute_engin:[63,83],exert:76,exeuct:63,exhaust:83,exist:[4,31,32,37,51,70,71,72,85,86],exp:68,expand:[60,68],expand_a:68,expanded_pad:58,expect:[47,48,52,53,54,55,56,57,60,66,71,83],experi:[52,53,54,56,57],experiment:58,explan:55,explic:[44,58],explicit:[0,1,2,3,4,45,46,55,60,67,76,86],explicitli:[53,58,61,62,64,86,89],explict:44,explictli:0,expon:68,export_util:51,expos:86,express:[51,52,53,54,55,56,57,76],ext:[76,77],extend:[51,62,64,66,68,83],extens:[51,53,57],extent:[55,67,83],extern:[74,76],extra:[48,83],extract:83,extractor:56,extrem:76,ey:76,f16:[83,88,90],f1:[52,54,55],f32:88,f:[51,56,58,76,82,85],facecolor:57,facilisi:79,fact:85,facto:76,factori:[4,29,30,86],fail:[83,90],fake:58,fake_quantize_per_:58,fake_quantize_per_channel_affin:[58,68],fake_quantize_per_tensor_affin:[58,68],fall:71,fallback:[61,62,64,66,88,90],fals:[0,1,2,3,4,44,45,46,48,51,54,55,57,58,68,71,72,74,75,76,77,83,86,89],fame:79,famili:[52,54,56,57,58],familyhandyman:[52,54,55],fan:[51,52,54,55,56],far:76,fashion:83,faster:58,fastjsonschema:55,fasttext:51,faucibu:79,fbed:[52,54,55],fc1:[56,82,83],fc2:[56,82,83],fc3:[56,82,83],fc:[48,54,55,57,58,60,88],feat:[56,82,83],featur:[51,52,53,54,55,56,57,58,83,86,88,89],feb:[52,54,56],fed:[3,4,47],feed:[29,30,58,83],feel:[55,67],feli:79,feugiat:[77,79],few:[52,54,56,57,71],ffmpeg:51,field:[3,4,86],fifth:77,fig:[52,54,55,57],figur:[77,79],file:[0,1,2,3,4,5,6,7,8,9,10,11,12,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,51,52,53,54,55,56,57,58,63,64,70,71,72,74,75,77,81,83,85,86,88],file_path:88,filelock:[51,53],filer_publ:[52,54,55],filer_public_thumbnail:[52,54,55],fill:[51,52,53,54,56],filter:[51,57,58],find:[4,53,57,83],fine:[51,58],finetun:58,finibu:79,finish:57,first:[47,51,53,56,57,58,59,60,76,77,83,84,86],fit:76,five:57,fix:[48,54,57,76,90],fixed_s:[45,48],flag:[58,61,62,64,70,85,87,88],flatten:[56,68,82,83],flatten_convert:83,flexibl:[52,54,56,57],float16:[51,52,54,56,57,71,88],float32:[47,48,51,52,53,54,55,58,71,72,88],float64:72,float_int:68,floor:68,floor_divid:68,floordiv:68,flow:[56,57,58,66,76,82],flox:76,fluent:53,flush:76,fly:82,fmax:51,fmin:51,focal:51,fold:77,follow:[33,51,52,53,54,55,56,57,58,63,72,74,76,77,81,82,83,85,86,87,88],fonttool:51,foo:[76,77],footprint:[52,54,56,57],forc:[72,74,88],form:[51,53,59,71,76],format:[33,45,47,48,51,52,53,54,55,56,57,58,68,71,72,76,77,84,88],forth:77,forum:85,forward:[29,30,32,33,56,58,63,66,71,72,82,83,86,89],found:[42,43,44,45,51,52,54,55,56,57,76,83,85,86,87],four:[76,77],fp16:[0,47,48,53,55,56,57,58,67,83,84,88,90],fp32:[0,47,48,53,55,56,57,58,67,72,86,88],frac:76,framework:[52,54,56,57],franc:53,freed:66,freeli:55,freeze_modul:60,fri:52,friend:45,fringilla:79,frog:58,from:[0,1,2,3,4,29,30,44,46,47,48,51,52,53,54,56,57,58,59,60,62,63,64,66,67,72,74,75,76,77,82,83,86,88],from_pretrain:[51,53],frozen:58,frozendict:51,frozenlist:51,fssl:85,fsspec:51,fstream:[20,44],full:[48,58,66,69,83,86,87,88,90],fulli:[31,60,72,83,86,88,90],fusc:79,fuse:[52,54,56,57],fuse_addmm_branch:60,fuse_flatten_linear:60,fuse_linear:60,fusion:66,futur:[51,52,53,54,56,58],futurewarn:51,g2p:51,g:[29,30,51,53,60,71,76,85,86,88],g_:76,gain:57,game:53,gamma:68,gatewai:75,gaurd:43,gcc:[64,83],gdown:51,ge:68,gear:86,geforc:[52,54,56],gener:[3,4,30,51,52,53,54,55,56,57,58,60,63,64,66,74,76,77,80,82,83,85,86,88],genutil:[51,54,55,56,57],geometr:53,get:[0,1,2,3,4,23,34,44,46,57,58,60,66,69,71,85,86],get_batch:70,get_batch_impl:44,get_batch_s:70,get_build_info:[21,38,45,49,71],get_cache_mode_batch:70,get_coco_object_dictionari:57,get_is_colored_output_on:[18,39,42,49,69],get_logging_prefix:[18,39,42,49,69],get_model_size_mb:51,get_reportable_log_level:[18,39,42,49,69],getattr:[51,60,63,82,83],getbatch:[3,4,44],getbatchs:[3,4,44],getdimens:[66,83],getoutput:[66,83],gi:[51,52,54,55,56],git:80,gitdb:51,github:[51,52,53,54,56,57,65,74,83,85,86,87],github_url:74,gitlab:74,gitlab_url:74,gitpython:51,give:[56,74,76],given:[47,48,53,57,60,70,71,72,82,83,88,89],global:[26,58,83],gnu:85,go:[44,52,54,55,56,57,58,60,67,82,83],goal:66,goe:[58,76],good:[44,66,76],goodger:77,googl:[51,53,74],got:[76,83],govern:[51,52,53,54,55,56,57],gpu:[1,32,35,37,45,46,51,52,53,54,55,56,57,58,71,72,83,86,88,89,90],gpu_id:[35,45,46,71,86,88,89,90],granular:56,graph:[16,31,32,37,45,51,52,54,55,56,57,58,59,62,64,66,67,69,72,82,83,88],graphic:55,graphnam:[51,53],gravida:79,great:[52,54,56,57,76,83],greater:69,green_mamba:[54,55],group:[58,68,76,77],grpcio:51,gru_cel:68,gt:[51,52,53,54,55,56,57,68],gtc:67,guangzhou:77,guard:60,guard_elimin:60,guess:53,gui:76,guid:75,gulf:[52,54,55],gz:[76,77,85,86],h5py:51,h:[0,1,2,3,4,5,6,7,8,9,10,11,12,15,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,49,50,52,54,57,60,83,86,88],ha:[51,52,53,54,55,56,57,58,59,60,61,62,64,66,76,77,82,83,86],habit:79,habitass:79,hac:79,hack:44,hakaimagazin:[52,54,55],half:[53,55,56,57,58,71,76,83,84,86,88,89,90],handl:[57,60,63],happen:[56,58,82],hardtanh:[66,68],hardtanh_:68,hardwar:[52,54,56,57,90],hasattr:51,hash:85,have:[30,33,44,51,52,53,54,55,56,57,59,60,66,67,71,72,76,82,83,85,86,88],haven:83,head:57,header:[52,54,55,74,76,77,83],heart:77,heaven:76,heck:76,heh:77,hehe:77,height:76,help:[27,51,52,53,54,56,58,59,66,83,87,88],helper:[51,56,57,58,66],henc:53,hendrerit:79,here:[44,51,52,53,54,55,56,57,59,63,74,76,77,82,83,85,86,87],hermet:85,hexagram:76,hfile:49,hi:[68,76,77],hidden:[43,53,74],hierarchi:58,high:[52,54,57,60,74],higher:[53,60,74,76,82],highfreq:51,highli:55,highlight:76,hinton:86,hist_percentil:58,histogram:58,historgram:58,hit:51,hold:[46,47,59,66,86],holder:[63,78],holi:76,home:85,hood:[64,84],hope:77,hors:58,host:[54,55,56,57,58,85],how:[3,4,52,53,54,55,57,58,76,78,80,82,87,89],howev:[30,52,54,56,57,74,75,85],html:[58,65,76,82,85,86],html_theme:81,html_theme_opt:74,html_theme_path:81,htmlhelp:51,http:[51,52,53,54,55,56,57,58,65,74,76,82,83,85,86,87],http_archiv:85,hub:[51,53,54,57],huge:53,huggingfac:[51,53],human:76,humankind:77,huski:[52,54,55],hx:68,hybrid:72,hydra:51,hyperlink:76,hyphen:76,i8:88,i:[51,52,53,54,55,56,57,58,60,66,76,77,82,83,86,88],iaculi:79,icon:[74,76],id:[35,45,51,52,54,55,56,57,71,74,75,79,88,90],idea:[60,76],ident:[53,88],idna:[51,53],idx:[57,68],ifndef:[44,45],ifstream:44,ignor:71,iii:77,iint8calibr:[3,4,29,30,44,45,48,72,86],iint8entropycalibrator2:[3,4,29,30,44,86],iint8minmaxcalibr:[29,30,86],ilay:66,illustr:58,imag:[52,54,55,57,58,86],image_classif:57,image_idx:57,imageio:57,imagenet:[52,54,55,58],imagenet_cla:[52,54,55],imagenet_class_index:[52,54,55],images:51,images_:86,img0:[52,54,55],img1:[52,54,55],img2:[52,54,55],img3:[52,54,55],img:[52,54,55],img_path:[52,54,55],impact:[52,53,54,56,57],imperdiet:79,implement:[3,4,52,53,54,55,56,57,60,63,75,83,86,87],impli:[51,52,53,54,55,56,57],implic:60,implicit:[68,76],implicitli:71,implictli:71,importlib:[51,54,55,56,57],improv:[58,77],imshow:[52,54,55,57],in_featur:[54,55,56],in_shap:83,in_tensor:82,incas:44,includ:[13,15,16,34,36,42,43,44,45,50,52,54,56,57,61,62,63,64,74,76,82,83,85,86,88],includedirectori:49,includehidden:74,incompat:85,incorpor:77,incorrect:58,ind:[52,54,55],inde:[52,54,56,57],indent:76,independ:57,index:[33,51,52,53,54,55,56,57,58,65,67,68,72,74,80,86],indic:[51,53,68,74,76],indigo_bunt:52,indirect:76,inetworkdefinit:59,infer:[51,52,53,54,56,58,60,71,72,83,86],inflect:51,info:[16,32,37,45,48,66,69,71,83,88],inform:[25,33,34,36,47,51,55,57,58,59,63,67,69,71,76,82,83,85,86,88,89],infrastructur:86,ingest:64,inherit:[49,86],iniconfig:51,init_weight:58,initi:[51,53,58,76],injuri:76,inlin:[0,1,2,3,4,29,30,44,46,48,51,54,55,56,57,60,77,80,83],inner:[48,77],innings:53,inplac:[54,55],input0:83,input1:83,input2:83,input:[3,4,21,30,33,38,44,45,48,49,51,52,53,54,55,56,57,58,59,60,63,66,68,69,71,72,77,82,83,84,86,88,89,90],input_0:[63,83],input_batch:[52,54,55],input_data:[52,54,55,56,57,58,82,84],input_file_path:[88,90],input_id:53,input_is_dynam:45,input_s:83,input_scal:68,input_shap:[51,52,54,55,56,57,58,86,90],input_spec:88,input_tensor1:53,input_tensor2:53,input_tensor3:53,input_tensor:[51,52,54,55],inputclass:49,inputrang:83,inreleas:51,insert:[58,83,86],insid:76,inspect:[52,54,56,57,66,82,83],instal:[51,52,53,54,55,56,57,58,67,80,83,87],instanc:[53,56,60,70,82,83],instance_norm:68,instanti:[51,62,63,64,66,83],instatin:[0,1,2,46],instead:[48,51,52,53,54,55,56,57,58,59,60,83,87,88],instnanti:63,instruct:[61,62,64,83,85],insur:85,int32:[53,55,71,72],int64:72,int64_t:[45,46,47,48,86,90],int8:[0,44,47,48,55,67,71,72,86,88,90],int8_t:[17,45],int8cachecalibr:[20,30,40,44,49],int8cachecalibratortempl:49,int8calibr:[3,20,29,40,44,49],int8calibratornamespac:49,int_float:68,integ:[58,71,79],integr:[52,53,54,55,56,57,67],intend:[51,85],intent:[60,76],interact:76,intercompat:57,interdum:79,interest:[60,76],interfac:[0,1,2,46,63,64,66,86],interfer:76,intermedi:[16,52,54,56,57,69,82],intern:[1,16,46,52,54,56,57,58,66,69,76,83],internal_error:69,internalerror:69,interpol:[52,76],interpolationmod:52,interpret:[52,54,56,57,63,76],intro_to_torchscript_tutori:82,introduc:[52,54,56,57,58],introduct:53,invalid:58,invok:[82,83],involv:[51,52,53,54,56],io:[44,51,52,53,54,55,56,57],iostream:[20,21,44,45,83],ipad:51,ipso:76,ipsum:[77,79],ipykernel:[51,54,55,56,57],ipython:[51,54,55,56,57],ipywidget:[51,54,55,56,57,58],ir:[52,54,56,57,62,64,66,71,82],is_avail:[52,54,55],is_floating_point:68,is_tar:51,is_train:86,iscustomclass:66,isinst:58,isn:[74,76],isort:51,issu:[3,4,51,52,53,54,56,83,85],istensor:66,istream_iter:44,it_:44,ital:76,item:[51,52,53,54,55,58,75,77],itensor:[59,66,83],iter:[20,44,48,51,52,53,54,55,56,57,58,59,70,72,88],its:[30,52,54,56,57,59,63,66,76],itself:[0,1,2,46,60,85,88,89],iv:77,ivalu:[59,63,66,83],ja:51,jan:77,jarowinkl:51,jedi:[51,54,55,56,57],jetpack:85,jetpack_4:85,jetson:[52,54,56,57,71],jieba:51,jinja2:[51,54,55,56,57],jit:[31,32,33,37,45,51,52,53,54,55,56,57,58,59,60,62,63,64,65,66,71,72,82,83,84,88,89],jit_model:58,jmespath:51,joblib:[51,53],join:58,jpeg:[52,54,55],jpg:[52,54,55,57],jpg__1920x1080_q85_subject_loc:[52,54,55],jsmath:51,json:[52,54,55],json_fil:[52,54,55],jsonschema:[51,54,55,56,57],jupyt:[51,54,55,56,57],jupyterlab:[51,54,55,56,57],jupyterlab_widget:[54,56,57],just:[44,45,52,53,54,55,57,60,67,69,76,78,82,83,84,87,89],justo:[77,79],k:[53,68,86],kaldi:51,kaldiio:51,kb:[52,54,55,56,57],kbool:[0,45],kchannelslast:[2,45],kchar:[0,45],kclip:66,kcontigu:[2,45,47],kcpu:[1,46],kcuda:[1,46,83],kdebug:[16,42,44],kdla:[1,45,46,90],kdla_standalon:[17,45],keepdim:68,kei:[53,58,76,82],kept:[58,77],kernel:[47,48,52,54,56,57,66,71,72,88],kernel_s:[54,55,56,68],kerror:[16,42],keyboard:76,keyword:[51,71,72],kf16:[86,90],kfloat:[0,45,48],kgpu:[1,45,46],kgraph:[16,42,60],khalf:[0,45,83],ki8:86,kind:[51,52,53,54,55,56,57,59,71],kinfo:[16,42,44],kint:[0,45],kinternal_error:[16,42],kiwisolv:51,know:[42,66,74,76],knowledg:76,kriz:86,krizhevski:86,ksafeti:[17,45],kstandard:[17,45,48],ktest:86,ktrain:86,kunknown:[0,2,45],kwarg:[58,70,71],kwarn:[16,42],l:68,label:[52,54,55,57,58,76,86],lacinia:79,lack:[61,62,64],lacu:79,laid:83,lambda:[54,55,57,66,76,83],lang:75,languag:[51,52,54,55,56,57,75,76,77,82],laoreet:79,larg:[52,53,54,56,57,58,62,64,74,76,83,86],larger:[74,86],largest:68,last:[2,51,57,60,71],latenc:[51,53],later:[30,53,83],latest:[52,53,54,74,85],latexcodec:51,law:[51,52,53,54,55,56,57],layer1:[54,55],layer2:[54,55],layer3:[54,55],layer4:[54,55],layer:[46,48,52,54,56,57,58,59,60,66,72,83,86,88,90],layer_norm:68,layout:[2,47,68,71,72],ld_library_path:85,ld_preload:87,ldd:85,le:68,lead:76,leader:76,leaky_relu:68,leaky_relu_:68,learn:[55,58,67,83,85,86,90],leas:77,least:[52,53,54,76,77],leav:[56,58,60],lectu:[77,79],left:[57,74,76],legacy_calibr:70,legend:76,len:[51,53,57,58,68],lenet:[82,83],lenet_script:[82,83],lenetclassifi:[56,82],lenetfeatextractor:[56,82],length:[3,4,44,52,53,54,55,68,77],leo:79,let:[46,51,52,54,55,56,57,60,66,71,72,74,76,88],letter:[51,77],level:[18,23,25,26,39,42,44,49,52,53,54,56,57,58,60,64,69,80,82],levelnamespac:49,leverag:[52,54,55,56,57,86],lib:[51,52,53,54,55,56,57,58,60,83,85],libero:[77,79],librari:[34,42,43,44,45,52,54,55,56,57,58,62,63,64,66,83],librosa:51,libsndfile1:51,libtorch:[4,36,52,54,56,57,66,83,85,86],libtorch_pre_cxx11_abi:85,libtorchtrt:[83,85,88],libtorchtrt_plugin:87,libtorchtrt_runtim:87,licens:[42,43,44,45,51,52,53,54,55,56,57,83],light:76,lightn:51,lightningdeprecationwarn:51,lightningmodul:51,ligula:79,like:[52,54,56,57,59,60,63,66,75,76,82,83,84,85,86,87,88],limit:[51,52,53,54,55,56,57,60,69,75,86],line:[77,83,88],linear:[2,54,55,56,58,68,71,82],linewidth:57,link:[59,67,74,75,80,83,87,88],linux:[64,83,85],list:[18,19,20,21,31,48,50,51,53,57,58,59,63,66,68,71,72,80,83,84,85],listconstruct:[59,63,83],listunpack:[63,83],liter:77,literal:77,literal_block:76,live:[66,76],ll:53,llvmlite:51,lo:68,load:[51,52,54,55,57,58,63,70,72,83,84,86,87,88,89],load_calib_amax:58,load_librari:87,load_state_dict:58,loader:[51,52,54,56,57],loading_data_recip:86,loborti:[77,79],local:[57,58,60,74,83],locat:[57,85,86],lock:75,log:[15,16,19,20,38,44,49,50,53,58,60,66,67,68,71],log_debug:66,logger:69,loggingenum:49,loglevel:69,logo_onli:74,lone:77,longer:[52,54,56,57,74,87],look:[51,52,53,54,55,56,57,58,59,60,82,86,89],loop_unrol:60,lorem:[77,79],lorikeet:[54,55],lose:74,loss:[58,86],lot:66,lower:[16,55,69,71,77],lower_graph:60,lower_tupl:60,loweralltupl:60,lowersimpletupl:60,lowfreq:51,lr:58,lstm_cell:68,lt:[51,53,54,55,56,57,58,68],ltorchtrt:87,luctu:79,lvl:[25,26,42],m:[51,52,54,55,56,77],machin:[52,54,56,57,63,85,86],macro:[5,6,7,8,9,10,11,12,15,18,21,42,45,49,50],mad:76,made:[57,60,62,64,76],maecena:79,magna:79,mai:[51,52,53,54,55,56,57,59,63,64,76,77,82,83,85,86],main:[57,60,62,63,64,66,74,76,78,83],maintain:[53,63,66],major:[52,54,56,57,64],make:[52,53,54,55,56,57,59,76,78,83,84,85,86,90],make_data_load:[4,86],make_int8_cache_calibr:[20,40,44,49,86],make_int8_calibr:[20,30,40,44,49,86],malesuada:79,man:[76,77],manag:[51,52,53,54,55,56,57,59,62,64,66,69,71,83],mangag:60,mani:[74,76,77],manifest_filepath:51,mantissa:[48,72],manual:[75,76,85],manual_se:51,manylinux2014_x86_64:57,manylinux_2_17_x86_64:57,map:[1,46,59,60,62,64,66,83,86,89],mark:[52,60,74],markdown:51,marknodesforfallback:60,markup:[77,80],markup_process:76,markupsaf:[51,54,55,56,57],marshmallow:51,mask:[51,68],masked_fil:68,masked_sent:53,massa:79,master:[65,76,85,86,87],mat2:68,match:[48,60,85],math:80,mathemat:53,matmul:[60,68,83],matplotlib:[51,52,54,55,56,57],matric:53,matrix:65,matti:77,matur:64,mauri:[77,79],max:[47,48,54,55,56,57,58,66,68,71,74,88],max_bound:58,max_c:88,max_dur:51,max_h:88,max_length:53,max_n:88,max_pool1d:68,max_pool2d:[56,68,82,83],max_pool3d:68,max_shap:[45,47,55,56,71,72,84],max_val:[66,68],max_valu:58,max_w:88,maxcalibr:58,maxim:55,maximu:79,maximum:[47,48,52,53,54,55,58,72,88],maxpool2d:[54,55],maxpool:[54,55],mayb:76,mb:[52,54,55,56,57,88],md:65,me:[76,77],mean:[51,52,53,54,55,56,57,58,66,67,68],mecab:51,mechan:[51,53,66],media:[52,54,55],median:[51,53],medium:76,meet:71,mel:51,member:[46,47,48,71],memeori:2,memori:[20,21,44,45,48,51,52,54,55,56,57,60,66,71,72,83,84],memory_format:[68,71],memoryformat:[2,45],men:76,mental:76,menu:[74,76,88],menuselect:76,messag:[16,25,26,69,88],meta:80,metadata:[51,63,66,74],meth:76,method:[31,32,33,37,47,51,52,54,55,56,57,58,60,66,71,72,76,82,83,85,88,89],method_nam:[31,37,45,71,72,83,88],metric:51,metu:79,mi:79,middl:76,mig:[51,52,54,55,56],might:[53,58,60,74,85],min:[47,48,66,68,71,88],min_block_s:[45,48,72],min_bound:58,min_c:88,min_h:88,min_n:88,min_shap:[45,47,55,56,71,72,84],min_val:[66,68],min_valu:58,min_w:88,mind:76,mine:76,mini:[52,54,55],minim:[48,72,86,88],minimum:[47,48,55,69,72,88],minmax:[29,30,86],minmax_calibr:70,misbuild:74,miss:[76,83],mistun:[51,54,55,56,57],mix:57,mixin:51,mkdir:[52,54,55,85],mlm_model_t:53,mm:51,mmb:76,mobilenet_v2:89,mod:[51,80,83,86,88],mode:[58,84,86],mode_:86,model:[51,63,69,82,83,84,86,88,89],model_math:57,model_nam:[51,58],model_s:51,model_state_dict:58,model_torchtrt:69,model_trt:69,modelpt:51,modern:57,modifi:[77,85],modified_state_dict:58,modul:[31,32,33,37,45,48,51,52,53,54,55,56,57,58,61,62,63,64,66,67,71,72,75,76,77,84,86,88,89,90],modular:83,module_fallback:60,module_nam:88,molesti:79,momentum:[54,55,58,68],mon:55,month:51,monthli:[51,55],morbi:79,more:[52,54,55,56,57,58,59,67,71,74,77,82,83,85,86,87,89],most:[53,64,85,87],most_likely_token_id:53,most_likely_token_ids_trt:53,mother:76,motion:76,mous:76,move:[29,44,45,52,54,55,56,57,60,63,72,83,86],mpmath:51,ms:[52,54,55,56,57,58],mse:58,msg:[26,42,51,53,69],mu:76,much:[66,74,76,86],mul:[58,68],mul_:68,multi:88,multidict:51,multipl:[63,76,77,86],multipli:[48,72],must:[33,47,48,53,57,60,66,71,72,76,77,83,85,87,88],mutil:77,my:76,myclass:76,mymodel:84,mypi:57,myself:77,n01537544:52,n01739381:52,n01749939:[54,55],n01820546:[54,55],n02109961:52,n02110185:[54,55],n02481823:[52,54,55],n:[51,52,53,54,56,66,83,86,88],n_fft:51,n_mel:51,nabla:76,nam:[77,79],name:[3,4,31,33,37,44,51,52,54,55,56,57,58,63,66,70,72,76,77,82,83,85,89],named_modul:58,namespac:[42,43,44,45,50,60,67,86],narrow:[58,68],nativ:[58,64,65,83],native_funct:65,natur:[53,76],nav:[74,80],navig:74,navigation_depth:74,nbbind:[3,4,44],nbclient:[51,54,55,56,57],nbconvert:[51,54,55,56,57],nbformat:[51,54,55,56,57],nchw:[2,71,72],ncol:[52,54,55],ne:[60,68],nec:79,necessari:[42,87],need:[0,1,2,25,30,43,46,52,54,55,57,59,60,66,76,83,84,85,86,87],neg:68,negative_slop:68,nemo:51,nemo_1:51,nemo_asr:51,nemo_log:51,nemo_toolkit:51,nequ:[77,79],nest:[49,51,54,55,56,57,76,77],net:[52,54,55,66,76,77,83],netu:79,network:[29,30,52,54,56,57,58,66,83,86,90],networkx:57,neural:[52,54,57,90],new_lay:66,new_level:53,new_local_repositori:85,new_lr:58,new_siz:86,newer:[52,54,56,57],newest:51,newli:51,next:[3,4,57,58,59,63,74,76,77,86],nfilt:51,ngc:[51,52,53,54,55,56,57,85],nhwc:[2,71,88],nibh:[77,79],nice:85,nickel:76,night:77,nine:53,ninja:85,nisi:79,nisl:79,nl:[52,54,55],nlp:[29,30,53,86],nltk:51,nn:[51,52,54,55,56,58,60,65,71,72,82,83,84],no_grad:[51,52,53,54,55,56,57,58],node:[58,60,61,62,64,66,83],node_info:[66,83],noexcept:[3,4,44,86],non:[77,79],non_block:[58,68],none:[52,54,56,57,58,66,68,71,72,74,76],nonetheless:76,nonexist:76,noninteract:51,norm:68,normal:[0,1,2,46,51,52,53,54,55,56,57,58,76,82,83,86,90],normalized_shap:68,noskipw:44,notatemoduleforfallback:60,note:[1,46,47,53,66,71,74,76,83,85,90],notebook:[51,52,53,54,55,56,57,58,64],notic:[56,57],now:[51,52,53,54,56,57,60,64,66,76,83,85,89],np:[51,52,53,54,55,56,57,58],nrow:[52,54,55],nrun:[52,54,55,56,57,58],nu:76,nulla:79,nullptr:[44,45,48],num:[51,53,88],num_avg_timing_it:[45,48,72,89],num_batch:58,num_bit:58,num_calib_batch:58,num_class:58,num_epoch:58,num_it:88,num_loop:[51,53],num_min_timing_it:[45,48,72,89],num_op:88,num_work:[58,86],numba:51,number:[3,4,48,51,52,53,54,58,60,66,71,72,74,83,88],numel:68,numer:[51,77,88],numpi:[51,52,53,54,55,56,57,58],nunc:79,nvcr:51,nvidia:[32,37,42,43,44,45,51,52,53,54,55,56,57,58,65,71,72,83,85,86,87,88,90],nvidia_convnets_processing_util:57,nvidia_deeplearningexamples_torchhub:57,nvidia_efficientnet:57,nvidia_efficientnet_b0:57,nvidia_efficientnet_b4:57,nvidia_efficientnet_widese_b0:57,nvidia_efficientnet_widese_b4:57,nvidia_resnet50:57,nvidia_resnext101_32x4d:57,nvidia_resnext:57,nvidia_se_resnext101_32x4d:57,nvidia_ssd:57,nvidia_ssd_processing_util:57,nvidia_ssdpyt_amp_200703:57,nvidia_tacotron2:57,nvidia_tts_util:57,nvidia_waveglow:57,nvinfer1:[3,4,29,30,44,45,48,66,86],nvinfer:[20,44],nwarmup:[52,54,55,56,57,58],o:[52,54,55,76,85],oauthlib:51,obj:68,object:[0,1,2,3,4,46,47,48,63,66,69,70,72,86,89],observ:[51,52,53,54,58],obsolet:57,obtain:[51,52,53,54,55,56,57,58,84],obvious:82,octet:[52,54,55],odio:[77,79],off:[51,52,54,55,56,57,63],offici:85,ofstream:[44,83],often:76,oh:77,ok:[52,54,55,76,83],okai:48,older:64,omegaconf:51,onc:[42,43,44,45,59,60,63,86,87],one:[53,57,58,60,66,69,71,76,82,83],ones:[42,52,54,56,57,61,62,64,76,83,85],onli:[1,3,4,16,30,44,46,47,56,57,60,64,66,69,71,76,85,86,87,88,90],onnx:[51,60],onto:[63,88],onward:[52,54,55],op:[52,53,54,55,57,58,59,60,62,64,66,71,83,87,88],op_nam:88,op_precis:[52,54,55,57],open:[52,54,55,56,57],opencc:51,oper:[0,1,2,3,4,31,44,45,46,48,52,54,55,56,57,58,59,60,61,62,63,64,66,67,71,72,84,86,88,90],oppos:72,opset:[62,64],opt:[47,48,51,52,53,54,55,56,57,58,71,85],opt_c:88,opt_h:88,opt_n:88,opt_shap:[45,47,55,56,71,72,84],opt_state_dict:58,opt_w:88,optim:[47,51,52,53,54,55,56,57,58,60,67,82,83,84,88],optimin:47,optimiz:[52,54,56,57,82],optimized_execut:51,option:[44,47,61,62,64,71,76,80,85,86,87,88,90],orchestra:76,orci:79,order:[48,57,66,72,83,84],org:[51,52,53,54,55,56,57,58,65,74,76,82,83,85,86],organ:77,origin:[51,53,57,58],original_nam:56,ornar:[77,79],os:[45,58],ostream:45,other:[0,1,2,45,46,52,54,55,56,57,58,59,60,63,67,68,75,76,83,84,85,87,88],otherwis:[52,53,54,85,87],our:[52,53,54,55,56,57,64,82,83],out:[31,44,51,52,53,54,55,56,58,59,60,62,64,66,69,72,76,83,85],out_dir:58,out_featur:[54,55,56],out_shap:83,out_tensor:[66,83],output0:60,output:[24,27,33,48,52,53,54,55,56,57,58,59,60,63,66,69,72,74,76,77,83,85,88],output_file_path:[88,90],output_pad:68,output_s:[54,55,68],output_trt:53,outself:83,outsid:76,over:[52,54,55,56,62,64,76],overkil:56,overrid:[3,4,29,30,44,71,86],overview:[53,65,67],own:[51,52,53,54,56,66,76,83],p0:55,p2:51,p8:[51,52,54,56],p:[52,54,55,68,83,88,90],packag:[51,52,53,54,55,56,57,58,60,83,88],pad:[51,53,54,55,58,68],padding_idx:68,padding_mod:58,page:[55,67,78,80],pair:[51,60,66,76,85,86],panda:51,pandocfilt:[51,54,55,56,57],pane:76,pangu:51,paper:[52,54,57],paragraph:[77,80],parallel:53,param:[70,75],param_group:58,paramet:[0,1,2,3,4,25,26,27,29,30,31,32,33,35,37,46,47,48,58,59,60,66,69,71,72,80,82,83],parameter:51,parent:[14,15,18,19,20,21],pari:53,pars:[58,76,83],parser:76,parso:[51,54,55,56,57],part:[51,64,74,75,76,88],parti:55,partial:[52,54,56,57,76,88],particular:56,particularli:53,partit:60,pass:[51,53,58,59,61,62,63,64,66,69,70,82,83,86],past:76,patch:57,path:[4,13,14,15,29,30,56,57,58,70,71,82,83,85,86,88],path_to_torchtrt_root:85,pathspec:[51,57],pathtool:51,pathwai:82,pattern:[66,71,83],payment:75,peephole_optimz:60,pellentesqu:79,peopl:76,pep:76,per:[55,57,58],percentil:[51,53,58],perf:[51,52,54,55,56],perfom:58,perform:[29,30,52,53,54,55,56,57,86],performac:86,permiss:[51,52,53,54,55,56,57],permit:76,permut:68,persist:[51,52,54,55,56,76],pesq:51,pexpect:[51,54,55,56,57],pharetra:79,phase:[16,58,66,83],phasellu:79,phi:76,philosoph:76,phrase:76,pi:76,pick:[56,82],pick_best:57,pickler:63,pickleshar:[51,54,55,56,57],pid:[51,52,54,55,56],piec:51,pil:[52,54,55],pillow:[51,52,57],pin:75,pin_memori:68,pip3:85,pip:[51,52,53,54,55,56,57,58,85],pipelin:[88,90],piplein:83,pipreq:51,pixel_shuffl:68,pl:75,place:[47,60,76,77,78,85,86],placerat:79,plan:[64,88],plane:58,platea:79,platform:[45,52,54,56,57,64,85,88,90],platformdir:57,pleas:[51,52,58,76,83,85],plot:57,plot_result:57,plt:[52,54,55,57],pluggi:51,plugin:51,po:53,point:[71,74,75,76,83],pointer:[3,4,86],polish:75,pooch:51,pool:[54,55,56,57,58,90],pop:63,popular:[53,75,85],portabl:[52,54,56,57,63,72],portalock:51,portion:76,porttitor:[77,79],pos_mask:53,posit:[51,53,71,74,88],possibl:[52,53,54,56,57,76],post1:51,post:[29,30,48,67,83,88],posuer:[77,79],potenti:[48,79],pow:68,power:[52,54,56,57,76,83],pr:83,practic:[52,54,56,57],praesent:79,pragma:[42,43,44,45,86],pre:[33,51,52,53,54,58,60,70,72,86,87],pre_cxx11_abi:85,preced:76,precis:[48,53,55,56,57,67,71,83,84,86,88,90],precisions_str:51,pred:[52,54,55,58],pred_label:57,pred_loc:57,predict:[52,53,54,55,57],prefer:83,prefix:[27,28,42,69,76],preinstal:85,prelu:68,prepar:[51,52,53,54,56,57],prepare_input:57,prepare_tensor:57,preprint:86,preproc:70,preprocess:[51,52,54,55,58,86],preserv:[58,76,82,86],prespect:82,press:76,pretium:79,pretrain:[51,52,53,54,55,57,89],pretti:83,prev_next_buttons_loc:74,prevent:[48,88],previou:[53,74],previous:[30,33,83],prim:[59,60,63,68,82,83],prim_devic:68,primal:76,primari:53,primarili:[64,83],print:[16,31,44,51,52,53,54,55,56,57,58,69,71,72,76,83,89],print_funct:51,printout:53,printstat:[51,53],priorit:85,privat:[3,4,44,45,86],prob:[52,54,55],probabl:[52,53,54,55,57],probablil:[52,54,55],problem:[53,76],problemat:76,proce:[52,54,55],process:[51,52,53,54,55,56,57,58,75,76,82,86,88,89],prod:68,produc:[47,59,63,66,76,83],product:[48,52,54,56,57],profil:[47,56],program:[18,19,20,21,30,50,55,56,57,62,63,64,67,82,88],programm:76,progress:77,proin:79,project:[75,80],prometheu:[51,54,55,56,57],promis:51,prompt:[51,54,55,56,57],properli:85,properti:[51,53,74],propog:60,prose:76,protobuf:51,provid:[3,4,48,51,52,53,54,55,63,66,71,72,76,83,84,85,86,87,88,89],providi:[62,64],provok:76,psutil:[51,55],pt:[53,57,58,83,88],pth:[54,57,58],ptq:[3,4,15,18,38,49,50,67,71,72,88],ptq_calibr:[3,4,45,48,86],ptqtemplat:49,ptyprocess:[51,54,55,56,57],pull:85,purchas:75,pure:[31,51,55,57],purpos:[57,85],puru:79,push:63,push_back:44,put:76,pwr:[51,52,54,55,56],py2:[54,56,57],py3:[51,52,53,54,56,57],py:[51,52,57,58,60,64,74,76,81,82,83,85,86],pyannot:51,pyasn1:51,pybind11:51,pybtex:51,pycpars:[51,54,55,56,57],pycr:51,pydeprec:51,pydub:51,pygment:[51,54,55,56,57],pypa:[51,52,53,54,55,56,57],pypars:[51,53,54,55,56,57],pypi:[51,52,53,54,55,56,57,58,85],pypinyin:51,pyplot:[52,54,55,57],pyrsist:[51,54,55,56,57],pysock:51,pystoi:51,pytest:51,python3:[51,52,53,54,55,56,57,58,60,83,85],python:[51,52,53,54,55,56,57,58,64,71,72,76,77,83,87,88,89,90],python_api:65,pythonhost:[54,55,56,57,58],pytorch:[47,48,51,52,53,54,55,57,58,60,61,62,63,64,66,70,71,72,82,83,84,85,86,87,88],pytorch_lightn:51,pytorch_quant:[57,58],pytorch_sphinx_them:[74,81],pytorch_vision_v0:55,pytz:51,pywavelet:57,pyyaml:[51,53],pyzmq:[51,54,55,56,57],qat:58,qat_model:58,qthelp:51,qualiti:[52,54,57],quant:58,quant_dim:58,quant_input:58,quant_max:68,quant_min:68,quant_modul:58,quant_nn:58,quant_weight:58,quantconv2d:58,quantdescriptor:58,quantiz:[29,30,57,67,83,88],quantizatiom:48,quantizelay:58,quantlinear:58,quantoz:58,quantpool:58,quartznet:51,question:83,qui:[77,79],quick:58,quickli:[52,54,83,86,88],quisqu:79,quit:[66,83],quot:77,r:[57,76],rais:60,raiseexcept:60,rand:83,randn:[51,52,54,55,56,57,58,71,72,83,89],random:51,randomcrop:58,randomhorizontalflip:58,rang:[47,48,51,52,53,54,55,56,57,58,71,88],rank:74,rapidfuzz:51,rate:58,rather:60,raw:[57,74],re:[51,76],read:[3,4,29,30,44,51,55,74,76,86],read_calibration_cach:70,readcalibrationcach:[3,4,44],reader:76,readi:[51,55],readm:[51,52,53,54,56,57],realiz:63,realli:66,reason:[0,57,82],reattribut:77,recalibr:30,recip:86,recipi:57,reciproc:68,recognit:[51,54,58,86],recomend:[29,30],recommend:[29,30,51,52,53,54,55,56,57,58,76,83,85],recompil:57,record:[56,58,59,82],rect:57,rectangl:57,recurs:59,recursivescriptmodul:56,redistribut:77,reduc:[52,54,56,57,58,60,62,64,86],ref:76,refer:[47,58,62,64,75,80,83,84,86],referenc:[57,85],refit:[45,48,72,89],reflect:45,reflection_pad1d:68,reflection_pad2d:68,regard:[76,85],regardless:77,regex:[51,53],regist:[33,63,66,72],registernodeconversionpattern:[66,83],registri:[59,83],regular:58,reinterpret_cast:44,relat:[46,76],relationship:49,releas:[51,53,76],relu:[54,55,56,68,82,83],relu_:68,remain:[52,53,54,56,57,60,86],remov:[51,52,54,56,57,58,74],remove_contigu:60,remove_dropout:60,remove_to:60,render:74,rent:77,repack:63,repeat:[68,88],replac:[53,57,60],replication_pad1d:68,replication_pad2d:68,replication_pad3d:68,report:[23,44],reportable_log_level:69,repositori:[52,54,57,64,74,81],repres:[47,48,58,66,69,76],represent:[52,53,54,56,57,60,66,82],request:[51,52,53,54,55,71,83],requir:[30,48,51,52,53,54,55,56,57,58,59,60,69,71,72,74,83,86,87,88],require_full_compil:[45,48,52,54,56,57,72],requires_grad:68,resampi:51,research:[52,54,56,57],reserv:[42,43,44,45,51,52,53,54,55,56,57],reset:44,reshap:68,residu:54,resiz:[52,54,55],resnet50:[54,55,57],resnet50_model:[54,55],resnet:[55,57,63],resnet_trt:63,resolv:[52,54,55,59,60,62,64],resolve_data_config:52,resourc:[51,54,55,56,57,59,86],respons:[30,52,54,55,58,63,76],respositori:53,rest:[76,77],restor:51,restrict:[48,72],restructuredtext:[76,77],result:[51,52,53,54,55,56,58,59,60,69,72,74,82,84],results_per_input:57,ret:60,rethink:52,return_tensor:53,reus:[60,86],revert:74,revis:[76,77],revisit:76,rfc:76,rgb:[52,54],rho_:76,rhoncu:79,right:[42,43,44,45,51,52,53,54,55,56,57,60,64,66,76],risu:79,rn50_preprocess:[54,55],role:76,roll:68,roman:77,room:76,root:[42,43,44,45,51,52,53,54,55,56,57,58,74,85,86],round:[48,58,72],round_:58,rounding_mod:68,row:77,rsa:51,rst:[74,76],rsub:68,ruamel:51,rule:[72,85],ruler:76,run:[1,37,46,48,51,52,53,54,55,56,57,58,59,60,61,62,63,64,66,67,71,72,76,82,83,84,85,86,87,88,89,90],runetim:55,runner:51,running_loss:58,running_mean:68,running_var:68,runtim:[51,52,54,55,56,57,67,83],rutrum:[77,79],s3:[52,54,55],s3transfer:51,s:[47,48,57,58,63,66,67,71,74,76,77,82,83,84,86],sacrebleu:51,sacremos:[51,53],safe:[66,72],safe_dla:71,safe_gpu:71,safeti:[48,71,88],sage:76,sagitti:[77,79],sai:77,said:76,same:[52,54,55,57,63,74,76,82,83,85,89],sampl:[51,52,54,76,86],sample_r:51,sapien:79,satisfi:[51,52,53,54,55,56,57],save:[30,44,51,52,54,55,56,57,58,63,71,72,83,84,87,88],save_checkpoint:58,save_restore_connector:51,saw:83,scalar:[66,68],scalaropt_dim:68,scalartyp:[0,45,68],scale:[52,58,68,86],scale_factor:68,scale_grad_by_freq:68,scales_d:68,scales_h:68,scales_w:68,scelerisqu:79,schedul:[58,71],schema:[66,83],scientist:76,scikit:[51,57],scikit_imag:57,scipi:[51,57],scope:60,score:[52,54,55,57],scratch:30,screen:74,script:[31,53,57,58,60,71,72,82,83,84,89],script_model:[56,82,89],scriptclass:72,scripted_model:90,scriptmodul:[71,72,83],scroll:[74,78],sdk:[51,52,54,56,57,65],se:51,seamlessli:[55,67],search:[53,67,74],second:[52,53,55,60,76],section:[55,58,74,76,77,78,80,83,86],secur:[51,85],sed:[77,79],see:[31,51,52,53,54,55,56,57,60,63,71,72,76,82,83,85],seen:[76,77],segment:51,segments_tensor:53,select:[17,29,30,37,48,52,54,56,57,63,68,71,72,75,78,85,86,88],self:[51,53,56,58,60,63,66,68,70,82,83,90],self_1:[63,83],self_int:68,sell:77,seller:75,seller_id:75,sem:79,semant:76,semper:79,send2trash:[51,54,55,56,57],senectu:79,sens:[76,83],sent:[52,54,55],sentenc:[53,76],sentencepiec:51,sentencepiecetoken:51,sentinel:[0,2],sentri:51,separ:[52,54,56,57,61,62,64],seq_relationship:53,sequenc:[51,53,76],sequenti:[54,55],serial:[33,37,62,64,71,72,83,88],seriali:72,serializ:[63,82],serialized_engin:72,serializinghtml:51,seril:63,serv:[63,88],server:51,servic:76,session:76,session_nam:76,set:[3,4,16,21,25,27,30,32,35,37,45,46,47,48,52,54,56,57,58,59,60,61,62,63,64,67,69,71,72,74,78,81,82,83,84,85,86,90],set_devic:[21,38,45,49,71],set_is_colored_output_on:[18,39,42,49,69],set_logging_prefix:[18,39,42,49,69],set_reportable_log_level:[18,39,42,49,53,58,69],set_typecheck_en:51,setalpha:66,setbeta:66,setnam:[66,83],setproctitl:51,setreshapedimens:83,setup:[43,51,58,86],setup_multiple_test_data:51,setup_multiple_validation_data:51,setup_test_data:51,setup_training_data:51,setup_validation_data:51,setuptool:[51,54,55,56,57],sever:[16,26,53,69],sgd:58,sh:85,sha256:85,shape:[45,47,48,51,52,53,54,56,57,58,66,68,71,72,84,88,90],shape_mod:71,share:85,shell_command:76,shellingham:51,shift:[68,76,85],ship:[58,83,87],shorthand:76,shortuuid:51,should:[0,3,4,30,45,48,52,55,58,59,60,61,62,64,66,67,69,71,74,76,79,86,88],show:[57,74,76],showcas:[52,54,55],shown:[53,74,76,83],shuffl:[51,58,83,86],shutterstock_780480850:[52,54,55],siberian:[52,54,55],siberian_huski:[54,55],side:[60,74,83],sidebar:[74,80],sigmoid:68,sigmoid_:68,signatur:72,signifi:[47,60],signific:[57,58,76],significantli:[60,74],similar:[57,66,83,87,89],simonyan:86,simpil:86,simpl:[51,52,53,54,56,57,58,76,77,82],simplejson:51,simplest:53,simpli:[55,56,60],simplic:[52,54,57],simplifi:59,simul:58,sin:[68,76],sinc:[53,56,60,76,82,83,86],sing:76,singl:[47,48,53,56,60,71,76,82,83,86,88],singular:66,sinh:68,sink:76,sit:[77,79],site:[51,52,53,54,55,56,57,58,60,76,83,85],six:[51,53,54,55,56,57,76],sixth:77,size:[3,4,44,47,48,51,52,53,54,55,56,57,58,60,68,71,72,74,83,86,88,90],size_t:[3,4,44,86],skip:88,slash:74,slice:68,slither:[52,54,55],sm:63,sm_output:[52,54,55],small:[58,60],smaller:51,smallest:53,smi:[51,52,54,55,56],smmap:51,snake:[52,54,55],snowballstemm:51,so:[0,44,52,54,55,56,58,59,60,63,64,66,67,75,76,77,83,85,86,88],sodal:79,softmax:[52,54,55,57,58,60,68],softwar:[51,52,53,54,55,56,57,76],sole:86,sollicitudin:79,some:[52,53,54,59,60,62,63,64,66,75,76,83,86],some_funct:76,someth:[43,60,76],someurl:76,sort:[66,68,89],sortedcontain:51,soundfil:51,soupsiev:[51,55],sourc:[42,43,44,45,52,54,57,64,69,70,71,72],sourceforg:[76,77],sox:51,space:[76,77,86],spaces_and_linebreak:76,span:77,spars:[68,88],sparse_weight:[45,48,72],sparsiti:[48,72,88],speak:53,speaker:53,spec:[47,48,52,54,56,57,69,71,72,88,89],specif:[32,48,51,52,53,54,55,56,57,60,62,64,71,72,76],specifi:[3,4,48,52,53,54,55,56,57,58,66,67,69,71,72,74,76,84,88,89],specifii:71,speech:51,speed:[51,52,53,54,55,57],speed_m:[51,53],speed_mean:[51,53],speedup:[51,52,53,54],sphinx:[51,74,75,76,77,81],sphinx_rtd_them:[76,77],sphinxcontrib:51,spirit:76,split:[53,68],split_siz:68,split_with_s:68,sqrt:68,squeez:[51,68],sr:51,src:[63,65,68],ss:44,ssd300:57,ssd300_trt:63,ssd:63,ssd_300_trace:57,ssd_pyt_ckpt_amp:57,ssd_trace:88,ssd_trt:88,sstream:[20,44],stabl:[58,65,74],stack:[51,55,57,58,63,68,86],stage:59,stand:[63,76],standalon:76,standard:[52,53,54,55,56,57,63,67,76,87,88,89],stapl:77,start:[53,55,57,58,59,68,77,85,89],start_dim:[68,83],start_step:68,start_tim:[51,52,53,54,55,56,57,58],startswith:58,stat:58,state:[51,52,53,54,58,59,66,83],state_dict:58,statement:[60,76],static_cast:44,statist:[53,58],statu:[44,77],std:[3,4,22,26,28,29,30,31,33,34,37,42,44,45,47,48,51,52,53,54,55,83,86,90],std_dev:[51,53],stderr:58,stdout:[36,69,71],steamlin:86,step:[51,52,53,54,55,56,57,58,67,68,86],stft:51,stick:74,sticki:[74,80],sticky_navig:[74,78],still:[44,57,86],stitch:[56,83],stop:83,storag:86,store:[2,4,59,63,66,82,83],str:[19,43,44,49,52,54,55,68,69,71,72],straight:66,strang:76,strategi:[53,71],stream:[52,54,55],street:77,strict:87,stride:[54,55,56,57,58,68],string:[3,4,18,20,21,22,26,28,29,30,31,33,34,37,42,44,45,48,63,66,71,74,83,86],stringstream:44,strip_prefix:85,strong:[52,54,56,57,76],strongli:76,struct:[1,21,38,41,45,86],structur:[30,46,48,52,54,56,57,64,66,74,76,80,82],structuredtext:76,stt_en_citrinet_256:51,stt_en_citrinet_256_bs128_torch:51,stt_en_citrinet_256_bs1_torch:51,stt_en_citrinet_256_bs32_torch:51,stt_en_citrinet_256_bs8_torch:51,stub:77,stuff:76,style:[42,43,44,45,74,76,77],style_external_link:74,sub:[68,76,82],sub_:68,subdirectori:50,subexpress:60,subgraph:[48,59,60,66,83,88],subject:64,submenu:80,submodul:[56,82],subplot:[52,54,55,57],subscript:76,subsect:76,subset:[58,86],substitut:76,subtitl:76,subtre:81,subword:51,successfulli:[51,52,54,56,57],sudo:85,suffic:60,suit:[55,67],sum:[48,58,68,72],summari:53,summarywrit:58,superscript:76,suppli:76,support:[0,1,2,27,31,46,47,48,52,54,55,56,57,58,65,67,71,72,74,75,82,83,85,88,90],sure:[83,84,85,90],suscipit:[77,79],suspendiss:79,swap:51,sy:58,symbol:[33,72,76,85,87],symlink:81,sympi:51,synchron:[51,52,53,54,55,56,57,58],system:[51,52,53,54,55,56,57,59,66,67,72,85],t1:68,t2:68,t:[0,1,2,45,46,55,56,58,60,66,68,74,76,77,82,83,85,86,88],t_:76,tabl:[80,85],tabul:51,tag:76,take:[31,32,33,37,51,52,54,56,57,59,62,63,64,66,71,72,74,76,83,86,89],taken:[52,54,57,76],talk:67,tan:68,tanh:68,tanh_:68,tar:[76,85,86],tarbal:[83,86],target:[1,33,45,46,47,48,52,54,55,56,57,63,64,67,71,72,84,86,88,89,90],targets_:86,tarred_audio_filepath:51,task:[29,30,51,53,86],techinqu:83,techniqu:[58,86],tell:[60,61,62,63,64,66,76],tellu:79,tem:88,temp:[51,52,54,55,56],templat:[20,40,44,45,49,74,83],tempu:79,tensor:[2,33,44,45,47,48,51,52,53,54,55,56,57,58,59,60,63,66,68,71,72,82,83,86],tensor_mod:68,tensor_qu:58,tensor_quant:58,tensor_scalar:68,tensor_tensor:68,tensorboard:[51,58],tensorcontain:66,tensorformat:[21,38,45,47,49,71],tensorformatenum:49,tensorlist:66,tensorquant:58,tensorrt:[0,1,3,4,29,30,31,32,33,36,37,44,45,46,47,48,53,59,60,61,62,64,66,70,71,72,82,86,88],tensorrtcompilespec:[72,89],teo:88,term:[71,76,77,86],termin:[27,83,88],terminado:[51,54,55,56,57],test:[51,52,53,54,55,56,57,58,64,76,77,86,88],test_acc:58,test_loss:58,test_pr:58,test_prob:58,test_ptq_dataloader_calibr:86,test_ptq_trt_calibr:86,test_py_modul:[76,80],testing_dataload:[58,86],testing_dataset:[58,86],testpath:[51,54,56,57],text:[51,53,57,69,77,79],tf32:[48,88],tgz:85,than:[51,53,55,60,67,75,76,87],thats:[59,86],thei:[46,53,57,58,59,60,63,66,71,74,76,85,88],them:[51,52,53,54,56,57,60,63,74,83,85],theori:[59,76],therebi:63,therefor:[30,51,52,54,56,57,63,76,83],theres:87,therfor:87,theta:76,thi:[0,1,2,29,30,42,43,44,45,46,47,48,51,52,53,54,55,56,57,58,59,60,62,63,64,66,71,72,74,75,76,78,79,82,83,85,86,87,88,89],thicker:76,thin:76,thing1:76,thing2:76,thing3:76,thing:[56,76,85],think:[66,76],third:[55,77],third_parti:[64,85],those:[53,59,76],though:[57,64,66,82,83,88],thought:76,threadpoolctl:51,three:[47,55,62,64,71,76,77],threshold:88,through:[47,51,52,53,54,55,56,57,59,60,63,67,69,70,76,83],throughout:[52,54],throughput:52,thrown:[48,72],thu:[51,56,76],tifffil:57,time:[48,51,52,53,54,55,56,57,58,59,60,62,63,64,66,72,74,76,83,86,88],time_99th:[51,53],time_m:[51,53],time_mean:[51,53],time_std:[51,53],timegraph:[51,53],timeit:[51,53],timeout:51,timm:[52,54],tincidunt:79,tini:86,tinycss2:55,titan:[51,52,54,56,57],titl:[52,54,55],titles_onli:74,tl:55,tmp:83,toctre:74,tocustomclass:66,todim:83,todo:74,togeth:[56,59,66,83],toilet:[52,54,55],token:[51,53],token_type_id:53,tokens_tensor:53,toml:51,tomli:57,too:[74,76,77,85],took:53,tool:[52,53,54,56,57,66,83],toolchain:[64,85],toolkit:[51,54,55,56,57,58],top:[57,64,74,78],topk:68,topolog:53,torch:[0,1,2,4,20,29,30,31,32,33,36,37,44,45,46,47,48,53,59,60,62,63,64,66,71,72,82,85,86,88,90],torch_executed_modul:[45,48,72],torch_executed_op:[45,48,72],torch_scirpt_modul:82,torch_script_modul:83,torch_tensorrt:[0,1,2,3,4,14,16,17,42,43,44,46,47,48,49,50,51,52,53,54,55,56,57,58,67,83,84,86,87,88,89,90],torch_tensorrt_major_vers:[19,43,49],torch_tensorrt_minor_vers:[19,43,49],torch_tensorrt_patch_vers:[19,43,49],torch_tensorrt_vers:[19,43,49],torch_tensorrtfil:49,torch_tensorrtnamespac:49,torchbind:63,torchhub:57,torchmetr:51,torchscript:[19,21,38,43,45,48,49,51,52,53,54,55,57,58,62,63,64,71,72,84,88,89,90],torchscriptstruct:49,torchtrt:[43,51],torchtrt_api:[19,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,42,43,44,45,49],torchtrt_check:66,torchtrt_exampl:87,torchtrt_hidden:[19,43,49],torchtrt_unus:66,torchtrtc:[67,90],torchvis:[51,52,54,55,58,63,86,89],tornado:[51,54,55,56,57],toronto:86,tortor:79,total:58,totensor:[52,54,55,58,86],tovec:83,toward:86,tqdm:[51,53,58],trace:[51,53,57,58,72,82,83,84],traced_mlm_model:53,traced_model:[56,57,82],tracerwarn:58,track:[66,86],track_running_stat:[54,55],trade:57,tradit:[47,72,86],traget:32,trail:74,train:[29,30,48,51,52,53,54,57,67,68,83,84,88],trainabl:60,trained_vgg16_qat:58,trainer:51,training_dataload:58,training_dataset:58,traitlet:[51,54,55,56,57],transcrib:51,transfer:75,transform:[51,52,54,55,56,57,58,83,86],transforms_factori:52,translat:[57,83],transmit:76,transpos:68,trash:76,travers:[62,64],treat:[58,88],tree:[42,43,44,45,51,74,86,87],trigger:[56,83],trim:86,trim_sil:51,tristiqu:79,trt:[0,1,3,4,46,47,51,59,60,63,66,68,83],trt_lenet_script:83,trt_mod:[58,83,86,90],trt_model:[53,57,89],trt_model_fp16:[52,53,54],trt_model_fp32:[52,54],trt_model_with_d:55,trt_model_without_d:55,trt_script_modul:56,trt_ts_modul:[51,56,84],trtorch:51,truck:58,truncat:[48,72,88],truncate_long_and_doubl:[45,48,51,53,72],trust:[54,55,56,57,58],ts:[43,51,56,67,71,82,83,84,88,89],ts_model:83,tt:76,tue:[54,77],tune:[51,52,54,56,57,58],tupl:[63,71,72],tupleconstruct:[60,63],tupleunpack:60,turn:51,turpi:79,tutori:[52,54,55,82,86],two:[51,56,57,60,66,76,77,81,82,85,86,88],type:[0,1,2,29,47,48,49,51,52,53,54,55,56,57,58,59,63,66,69,71,72,76,83,86,88],typecheck:51,typenam:[3,4,29,30,44],typer:51,typic:[59,66],typing_extens:52,ubuntu:[51,85],ugli:76,ui:75,uint64_t:[45,48],ultric:79,un:[52,54,86],unabl:[66,83],unbind:68,unbroken:76,uncas:53,unchang:53,uncom:85,uncorr:[51,52,54,55,56],undefin:57,under:[42,43,44,45,51,52,53,54,55,56,57,64,76,84],underli:[0,1,2,46,66],understand:[52,54],unidecod:51,union:[66,71,72,83],uniqu:4,unique_ptr:[4,29],unit:[53,56],univers:76,unknown:71,unless:[51,52,53,54,55,56,57],unlik:[55,67,85,89],unlimit:74,unmask:53,unmasked_sent:53,unmasked_sentences_trt:53,unmasked_token:53,unmasked_tokens_trt:53,unpack_addmm:60,unpack_log_softmax:60,unqiue_ptr:4,unreferenc:76,unrestrict:76,unsign:58,unsqueez:[52,54,55,68],unstabl:64,unsupport:[31,48],unsur:66,untest:64,until:[55,59,64,66,85],unwrap:66,unwraptodoubl:66,unwraptoint:83,unzip:85,up:[51,52,53,54,56,57,58,59,60,62,63,64,76,82],updat:[51,55,58],upgrad:51,upload:[52,54,55],upon:74,upper:[58,77],upsample_bilinear2d:68,upsample_linear1d:68,upsample_nearest1d:68,upsample_nearest2d:68,upsample_nearest3d:68,upsample_trilinear3d:68,upscale_factor:68,upstream:83,uri:[57,76],url:[74,85],urllib3:[51,53],urna:79,us:[0,1,2,3,4,29,30,32,35,37,43,44,45,46,47,48,51,52,53,54,56,57,59,63,64,66,67,69,70,71,72,74,75,76,77,82,86,87,88,90],usag:[51,52,54,55,56,70,76,83],use_amp:51,use_cach:[3,4,29,44,70,86],use_cache_:44,use_fb_fake_qu:58,use_input_stat:68,use_start_end_token:51,use_subset:86,usecas:85,user:[42,47,48,51,52,53,54,55,56,57,61,62,63,64,76,77,83,85,86],userguid:58,userwarn:[51,52,57],using_int:[68,83],usr:85,usual:[57,58,74],ut:79,utf:[76,77],util:[52,54,56,58,66,72,83,86],v0:[54,55,73],v1:51,v2:[29,30,57],v8:85,v:[51,52,53,54,56,57,77,88],val2017:57,val:[57,58],valid:[1,46,51,56,57,58,66],valu:[0,1,2,16,17,45,46,47,53,56,58,59,63,66,68,69,70,71,74,83],value_tensor_map:[59,66],vare:55,vari:[52,53,54],variabl:[47,71],variant:[51,87],varient:60,variou:[51,90],variu:79,vcs_pageview_mod:74,vec:68,vector:[20,21,44,45,47,48,63,83,86,90],vehicula:79,vel:79,velit:79,venenati:79,venv:[51,52,53,54,55,56,57],verbios:88,verbos:[77,88],veri:[58,77,78,86,89],verifi:[53,58],version:[34,36,51,52,53,54,55,56,57,58,64,74,77,85],vertic:[74,76],vestibulum:[77,79],vgg16:[58,86],vgg16_base_ckpt:58,vgg16_qat_ckpt:58,vgg:[57,58,86],vi:76,via:[51,55,57,67,71,72,74,80,84,86,87],view:[68,74],vine_snak:52,virtual:[51,52,53,54,55,56,57,86],vision:[52,53,54,55],visit:[52,54,55,57],visitor:74,visual:55,vita:[77,79],vivamu:79,viverra:79,vm:77,volatil:[51,52,54,55,56],volta:[52,54,56,57],volutpat:79,vs:[0,1,2,46,60,72,89],vulput:79,w1109:58,w:[51,52,54,57,88],w_hh:68,w_ih:68,wa:[51,52,53,54,56,57,60,63,76,83],wai:[52,54,58,82,83,85,86,88],walk:[51,52,53,54,56,57],wandb:51,want:[42,52,54,56,57,82,83,86,89],warm:[51,52,53,54,55,56,57,58],warn:[16,44,51,52,53,54,55,56,57,58,66,69,88],warranti:[51,52,53,54,55,56,57],wash:76,wcwidth:[51,54,55,56,57],we:[42,44,51,52,53,54,55,56,57,58,59,60,62,63,64,66,74,76,82,83,86],weak:76,web:76,webdataset:51,webencod:[51,54,55,56,57],websit:85,weight:[47,48,53,58,59,68,72,76,83,88],weight_decai:58,welcom:83,welecom:[52,54],well:[48,52,53,54,56,57,69,76,83,85,86],were:[53,57,83],werkzeug:51,wget:[51,52,54,55],what:[4,57,60,76,82,83],whatev:63,wheel:[51,85],when:[27,44,45,46,52,53,54,56,57,58,59,60,62,63,64,66,69,71,72,74,76,78,82,83,85,86,88],where:[51,52,54,56,59,60,66,72,77,83,86],whether:[4,71,75,86,88],which:[1,2,30,32,37,46,51,52,53,54,55,56,57,58,59,60,61,62,63,64,66,70,72,74,76,77,82,83,84,85,86,87,89],white:[57,76],whitespac:76,whl:[52,54,56,57,85],who:76,whole:[52,54,56,57],whose:60,why:76,wide:[55,80],widespread:53,widget:[51,54,55,56,57],widgetsnbextens:[51,54,55,56,57],width:[52,54,55,76],window:76,window_nam:76,wish:77,wit:51,within:[51,52,53,54,55,56,57,62,64,72,74,76],without:[51,52,53,54,56,57,58,66,74,76,83,86],wl:87,won:55,wooden:76,word:[51,53,76],wordninja:51,work:[44,56,60,64,66,76,77,86],worker:86,workflow:[58,89],workspac:[48,72,85,86,88,90],workspace_s:[45,48,51,52,53,54,55,57,72,86,88,90],world:[52,54,56,57,76],would:[66,83,85,87,88,89],wp:[52,54,55],wrap:[58,62,63,64,76,79,83,89],wrapper:66,wrapt:51,write:[3,4,29,30,44,51,52,53,54,55,56,57,59,67,76,83,86],write_calibration_cach:70,writecalibrationcach:[3,4,44],writer:58,written:[52,54],wrote:76,www:[51,52,53,54,55,56,57,74,76,83,85,86],x64:85,x86:87,x86_64:[64,85],x9:60,x:[5,10,33,43,52,54,56,57,58,60,72,77,82,83,85],x_0:76,x_1:76,x_2:76,x_3:76,x_4:76,x_:76,xavier:[45,52,54,56,57,90],xstr:[19,43,49],y:[33,51,57,72,77],yahoo:77,yaml:[51,65],yarg:51,yarl:51,year:51,yield:53,you:[0,1,2,29,30,46,47,48,51,52,53,54,55,56,57,58,59,60,63,64,66,67,71,72,74,76,77,78,82,83,84,85,86,87,88,89],your:[51,52,53,54,55,56,57,58,66,67,74,76,77,81,82,83,84,85,87,89],yourself:[52,53,54,83],youtokentom:51,yy:51,z:77,zero_grad:58,zero_point:68,zeroth:55,zip:[54,57,63,85],zipp:[51,54,55,56,57],zisserman:86},titles:["Class DataType","Class Device::DeviceType","Class TensorFormat","Template Class Int8CacheCalibrator","Template Class Int8Calibrator","Define STR","Define TORCH_TENSORRT_PATCH_VERSION","Define TORCH_TENSORRT_MAJOR_VERSION","Define TORCH_TENSORRT_MINOR_VERSION","Define TORCHTRT_API","Define XSTR","Define TORCHTRT_HIDDEN","Define TORCH_TENSORRT_VERSION","Directory cpp","Directory include","Directory torch_tensorrt","Enum Level","Enum EngineCapability","File logging.h","File macros.h","File ptq.h","File torch_tensorrt.h","Function torch_tensorrt::logging::get_logging_prefix","Function torch_tensorrt::logging::get_reportable_log_level","Function torch_tensorrt::logging::get_is_colored_output_on","Function torch_tensorrt::logging::set_reportable_log_level","Function torch_tensorrt::logging::log","Function torch_tensorrt::logging::set_is_colored_output_on","Function torch_tensorrt::logging::set_logging_prefix","Template Function torch_tensorrt::ptq::make_int8_calibrator","Template Function torch_tensorrt::ptq::make_int8_cache_calibrator","Function torch_tensorrt::torchscript::check_method_operator_support","Function torch_tensorrt::torchscript::compile","Function torch_tensorrt::torchscript::embed_engine_in_new_module","Function torch_tensorrt::get_build_info","Function torch_tensorrt::set_device","Function torch_tensorrt::dump_build_info","Function torch_tensorrt::torchscript::convert_method_to_trt_engine","Namespace torch_tensorrt","Namespace torch_tensorrt::logging","Namespace torch_tensorrt::ptq","Namespace torch_tensorrt::torchscript","Program Listing for File logging.h","Program Listing for File macros.h","Program Listing for File ptq.h","Program Listing for File torch_tensorrt.h","Struct Device","Struct Input","Struct CompileSpec","Torch-TensorRT C++ API","Full API","Torch-TensorRT Getting Started - CitriNet","Torch-TensorRT Getting Started - EfficientNet-B0","Masked Language Modeling (MLM) with Hugging Face BERT Transformer","Torch-TensorRT Getting Started - ResNet 50","Torch-TensorRT - Using Dynamic Shapes","Torch-TensorRT Getting Started - LeNet","Object Detection with Torch-TensorRT (SSD)","Deploying Quantization Aware Trained models in INT8 using Torch-TensorRT","Conversion Phase","Lowering Phase","Partitioning Phase","Compiler Phases","Runtime Phase","System Overview","Useful Links for Torch-TensorRT Development","Writing Converters","Torch-TensorRT","Operators Supported","torch_tensorrt.logging","torch_tensorrt.ptq","torch_tensorrt","torch_tensorrt.ts","Changelog","Configuration","5. :mod:`test_py_module`","3. Paragraph Level Markup","4. Lists & Tables","1. Long Sticky Nav","1. Structural Elements","<no title>","Installation","Creating a TorchScript Module","Getting Started with C++","Using Torch-TensorRT in Python","Installation","Post Training Quantization (PTQ)","Deploying Torch-TensorRT Programs","torchtrtc","Using Torch-TensorRT Directly From PyTorch","DLA"],titleterms:{"1":78,"10":78,"11":78,"12":78,"13":78,"14":78,"15":78,"16":78,"17":78,"18":78,"19":78,"2":[78,79],"20":78,"3":78,"4":78,"5":78,"50":54,"6":[57,78],"7":[57,78],"8":78,"9":78,"class":[0,1,2,3,4,20,21,38,40,41,49,70,71],"enum":[16,17,18,21,38,39,49,70,71],"function":[18,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,49,55,65,71,72],"long":[78,80],A:76,And:76,But:77,By:[18,19],Or:60,The:[76,83],To:60,aarch64:85,abi:[63,85],addmm:60,admonit:76,advic:66,ahead:67,an:80,api:[49,50,65,67,85],applic:86,arg:[66,75],avail:65,awar:58,b0:52,background:[63,66],base:[3,4,74],benchmark:[51,55,57,58],bert:53,binari:85,block:76,branch:60,build:[55,74,85],bullet:77,c:[49,65,67,83,85,86],can:77,caption:[77,80],center:76,ch:76,changelog:73,check_method_operator_support:31,choos:85,citat:[76,86],citrinet:51,cli:85,code:[60,76],compil:[32,62,64,67,83,85],compilespec:48,compound:76,conclus:[56,57],configur:74,construct:63,content:[18,19,20,21,38,39,40,41,51,52,53,54,56,57,74,75,76,77,78,79],context:[66,74],contigu:60,contract:66,contributor:67,convers:[59,62,64,66],convert:[59,66,68,83],convert_method_to_trt_engin:37,cpp:[13,18,19,20,21],creat:[82,86],creativ:76,cudnn:85,current:68,custom:83,cxx11:85,data:[55,75],datatyp:0,dead:60,debug:85,deeper:77,defin:[5,6,7,8,9,10,11,12,19,49],definit:[18,19,20,21,77],demo:80,depend:85,deploi:[58,87],descript:[52,54,57],deseri:63,detail:57,detect:57,detector:57,develop:65,devic:[1,46],devicetyp:1,dimens:65,direct:76,directli:89,directori:[13,14,15,50],disk:82,distribut:85,dla:90,doctest:76,documen:67,document:[0,1,2,3,4,5,6,7,8,9,10,11,12,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,65,67,79,80],down:77,download:[55,76,81],dropout:60,dump_build_info:36,dynam:55,easier:65,efficientnet:52,element:79,elimin:60,eliminatecommonsubexpress:60,embed_engine_in_new_modul:33,emphas:76,engin:63,enginecap:17,enumer:77,envior:85,evalu:[59,68],exampl:[76,78],execept:60,executor:63,expect:65,face:53,fallback:60,field:77,figur:76,file:[15,18,19,20,21,42,43,44,45,49,50],flatten:60,footnot:76,format:63,fp16:[51,52,54],fp32:[51,52,54],freez:60,from:[55,85,89],full:[49,50],fuse:60,gaurd:60,gener:75,get:[51,52,54,55,56,67,83],get_build_info:34,get_is_colored_output_on:24,get_logging_prefix:22,get_reportable_log_level:23,giant:77,git:81,glossari:76,gpu:67,graph:[60,63],grid:77,guarante:66,h:[18,19,20,21,42,43,44,45],half:[51,52,54],have:77,hierarchi:49,hlist:77,hole:77,hood:83,how:[74,86],html:74,hub:55,hug:53,ien:76,imag:[76,77],includ:[14,18,19,20,21],incred:80,index:75,indic:67,infer:57,inherit:[3,4],inlin:76,input:47,instal:[81,85],int8:58,int8cachecalibr:3,int8calibr:4,ir:65,jetson:85,jit:67,languag:53,layer:65,learn:[51,52,53,54,56,57],lenet:56,level:[16,74,76,77],librari:[85,87],libtorchtrt:87,like:77,line:76,linear:60,link:[65,76],list:[42,43,44,45,77],liter:76,local:85,log:[18,22,23,24,25,26,27,28,39,42,69],logsoftmax:60,loop:60,lower:[60,62,64],macro:[19,43],make_int8_cache_calibr:30,make_int8_calibr:29,markup:76,mask:53,math:76,measur:57,menu:[78,80],meta:76,mlm:53,mod:75,model:[52,53,54,55,56,57,58],modul:[60,82,83],multibox:57,namespac:[18,19,20,21,38,39,40,41,49],nativ:85,native_op:65,nav:78,nest:[1,46],next:[51,52,53,54,55,56],node:59,number:[76,77],nvidia:67,object:[51,52,53,54,56,57],one:77,op:63,oper:[68,83],optimz:60,option:[74,75,77],other:66,overview:[51,52,54,56,57,58,64],own:86,packag:[85,87],page:74,paragraph:[76,79],paramet:75,partit:[61,62,64],pass:60,pattern:60,peephol:60,perform:58,phase:[59,60,61,62,63,64],plugin:87,post:86,pre:85,precis:[51,52,54],precompil:85,prerequisit:85,program:[42,43,44,45,87],project:74,ptq:[20,29,30,40,44,70,86],python:[65,67,82,84,85,86],pytorch:[56,65,67,89],quantiz:[58,86],quickstart:83,quot:76,rabbit:77,read:65,redund:60,refer:[57,76],regist:83,relationship:[1,3,4,46],releas:85,remov:60,replac:76,resnet:54,respons:66,result:[57,63],right:85,rubric:76,runtim:[62,63,64,87],s:[51,52,53,54,55,56],sampl:[55,57],save:82,script:56,second:77,section:79,serial:63,set:55,set_devic:35,set_is_colored_output_on:27,set_logging_prefix:28,set_reportable_log_level:25,setup:85,shape:55,shot:57,sidebar:76,simpl:55,singl:[51,52,54,57],so:87,sometim:65,sourc:85,speedup:57,ssd:57,start:[51,52,54,56,67,83],sticki:78,str:5,struct:[46,47,48,49],structur:79,subdirectori:[13,14],submenu:78,submodul:71,subsect:79,subsubmenu:78,subsubsect:79,support:68,system:64,tabl:[74,75,76,77,78,79],tarbal:85,target:76,templat:[3,4,29,30],tensorformat:2,tensorrt:[49,51,52,54,55,56,57,58,63,65,67,83,84,85,87,89],test_py_modul:75,text:76,theme:[74,80],thi:[77,80],through:68,time:67,titl:76,toc:74,topic:76,torch:[49,51,52,54,55,56,57,58,65,67,83,84,87,89],torch_tensorrt:[15,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,45,69,70,71,72],torch_tensorrt_major_vers:7,torch_tensorrt_minor_vers:8,torch_tensorrt_patch_vers:6,torch_tensorrt_vers:12,torchscript:[31,32,33,37,41,56,67,82,83],torchtrt_api:9,torchtrt_hidden:11,torchtrtc:[83,88],trace:56,train:[58,86],transform:53,trt:55,ts:72,tupl:60,type:[3,4,46],under:83,unpack:60,unrol:60,unsupport:83,up:55,us:[55,58,60,65,83,84,85,89],util:[51,55,57],version:63,via:81,visual:57,wai:76,weight:66,what:[51,52,53,54,55,56,66],wide:74,without:55,work:[55,82,83],write:66,xstr:10,your:86}})
\ No newline at end of file
+Search.setIndex({docnames:["_cpp_api/classtorch__tensorrt_1_1DataType","_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType","_cpp_api/classtorch__tensorrt_1_1TensorFormat","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502","_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268","_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e","_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827","_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da","_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59","_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883","_cpp_api/dir_cpp","_cpp_api/dir_cpp_include","_cpp_api/dir_cpp_include_torch_tensorrt","_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558","_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb","_cpp_api/file_cpp_include_torch_tensorrt_logging.h","_cpp_api/file_cpp_include_torch_tensorrt_macros.h","_cpp_api/file_cpp_include_torch_tensorrt_ptq.h","_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h","_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3","_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650","_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a","_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2","_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8","_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5","_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc","_cpp_api/function_ptq_8h_1a83ff2be7e0b80bc7434de415861dc039","_cpp_api/function_ptq_8h_1a9835f6e605dce1abf442a55b64d6dffa","_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797","_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9","_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef","_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528","_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384","_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1","_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2","_cpp_api/namespace_torch_tensorrt","_cpp_api/namespace_torch_tensorrt__logging","_cpp_api/namespace_torch_tensorrt__ptq","_cpp_api/namespace_torch_tensorrt__torchscript","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h","_cpp_api/structtorch__tensorrt_1_1Device","_cpp_api/structtorch__tensorrt_1_1Input","_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec","_cpp_api/torch_tensort_cpp","_cpp_api/unabridged_orphan","_notebooks/CitriNet-example","_notebooks/EfficientNet-example","_notebooks/Hugging-Face-BERT","_notebooks/Resnet50-example","_notebooks/dynamic-shapes","_notebooks/lenet-getting-started","_notebooks/ssd-object-detection-demo","_notebooks/vgg-qat","contributors/conversion","contributors/lowering","contributors/partitioning","contributors/phases","contributors/runtime","contributors/system_overview","contributors/useful_links","contributors/writing_converters","index","indices/supported_ops","py_api/logging","py_api/ptq","py_api/torch_tensorrt","py_api/ts","src/pytorch-sphinx-theme/docs/changelog","src/pytorch-sphinx-theme/docs/configuring","src/pytorch-sphinx-theme/docs/demo/api","src/pytorch-sphinx-theme/docs/demo/demo","src/pytorch-sphinx-theme/docs/demo/lists_tables","src/pytorch-sphinx-theme/docs/demo/long","src/pytorch-sphinx-theme/docs/demo/structure","src/pytorch-sphinx-theme/docs/index","src/pytorch-sphinx-theme/docs/installing","tutorials/creating_torchscript_module_in_python","tutorials/getting_started_with_cpp_api","tutorials/getting_started_with_python_api","tutorials/installation","tutorials/ptq","tutorials/runtime","tutorials/torchtrtc","tutorials/use_from_pytorch","tutorials/using_dla"],envversion:{"sphinx.domains.c":2,"sphinx.domains.changeset":1,"sphinx.domains.citation":1,"sphinx.domains.cpp":5,"sphinx.domains.index":1,"sphinx.domains.javascript":2,"sphinx.domains.math":2,"sphinx.domains.python":3,"sphinx.domains.rst":2,"sphinx.domains.std":2,"sphinx.ext.intersphinx":1,"sphinx.ext.todo":2,"sphinx.ext.viewcode":1,nbsphinx:4,sphinx:56},filenames:["_cpp_api/classtorch__tensorrt_1_1DataType.rst","_cpp_api/classtorch__tensorrt_1_1Device_1_1DeviceType.rst","_cpp_api/classtorch__tensorrt_1_1TensorFormat.rst","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8CacheCalibrator.rst","_cpp_api/classtorch__tensorrt_1_1ptq_1_1Int8Calibrator.rst","_cpp_api/define_macros_8h_1a18d295a837ac71add5578860b55e5502.rst","_cpp_api/define_macros_8h_1a282fd3c0b1c3a215148ae372070e1268.rst","_cpp_api/define_macros_8h_1a31398a6d4d27e28817afb0f0139e909e.rst","_cpp_api/define_macros_8h_1a35703561b26b1a9d2738ad7d58b27827.rst","_cpp_api/define_macros_8h_1abd1465eb38256d3f22cc1426b23d516b.rst","_cpp_api/define_macros_8h_1abe87b341f562fd1cf40b7672e4d759da.rst","_cpp_api/define_macros_8h_1ad19939408f7be171a74a89928b36eb59.rst","_cpp_api/define_macros_8h_1adad592a7b1b7eed529cdf6acd584c883.rst","_cpp_api/dir_cpp.rst","_cpp_api/dir_cpp_include.rst","_cpp_api/dir_cpp_include_torch_tensorrt.rst","_cpp_api/enum_logging_8h_1a130f65408ad8cbaee060f05e8db69558.rst","_cpp_api/enum_torch__tensorrt_8h_1a3fbe5d72e4fc624dbd038853079620eb.rst","_cpp_api/file_cpp_include_torch_tensorrt_logging.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_macros.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_ptq.h.rst","_cpp_api/file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst","_cpp_api/function_logging_8h_1a0593f776f469c20469e2f729fc7861a3.rst","_cpp_api/function_logging_8h_1a0c012cb374addd90eb1f42eaec570650.rst","_cpp_api/function_logging_8h_1a56e110feaaba2c3fd44bd201fd21a76a.rst","_cpp_api/function_logging_8h_1a7cb50492421ea9de4e3db895819df6f2.rst","_cpp_api/function_logging_8h_1ac46ac0901cb97e3ae6e93b45f24e90b8.rst","_cpp_api/function_logging_8h_1ad2efd47b6c3689e58ccc595680579ae5.rst","_cpp_api/function_logging_8h_1af8f3443813315af7901903d25dd495cc.rst","_cpp_api/function_ptq_8h_1a83ff2be7e0b80bc7434de415861dc039.rst","_cpp_api/function_ptq_8h_1a9835f6e605dce1abf442a55b64d6dffa.rst","_cpp_api/function_torch__tensorrt_8h_1a5b405fd3bf3c8fc2e2a54cbbab979797.rst","_cpp_api/function_torch__tensorrt_8h_1a6e19490a08fb1553c9dd347a5ae79db9.rst","_cpp_api/function_torch__tensorrt_8h_1a710df824a7718b440e4bc17bf9693cef.rst","_cpp_api/function_torch__tensorrt_8h_1ac4ab8313ae72c2c899ea31548b528528.rst","_cpp_api/function_torch__tensorrt_8h_1ad1acd06eaeaffbbcf6e7ebf426891384.rst","_cpp_api/function_torch__tensorrt_8h_1ad6a4ee8ca6c8f6e5519eb1128ec7f4a1.rst","_cpp_api/function_torch__tensorrt_8h_1ae8d56472106eeef37fbe51ff7f40c9b2.rst","_cpp_api/namespace_torch_tensorrt.rst","_cpp_api/namespace_torch_tensorrt__logging.rst","_cpp_api/namespace_torch_tensorrt__ptq.rst","_cpp_api/namespace_torch_tensorrt__torchscript.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_logging.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_macros.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_ptq.h.rst","_cpp_api/program_listing_file_cpp_include_torch_tensorrt_torch_tensorrt.h.rst","_cpp_api/structtorch__tensorrt_1_1Device.rst","_cpp_api/structtorch__tensorrt_1_1Input.rst","_cpp_api/structtorch__tensorrt_1_1torchscript_1_1CompileSpec.rst","_cpp_api/torch_tensort_cpp.rst","_cpp_api/unabridged_orphan.rst","_notebooks/CitriNet-example.ipynb","_notebooks/EfficientNet-example.ipynb","_notebooks/Hugging-Face-BERT.ipynb","_notebooks/Resnet50-example.ipynb","_notebooks/dynamic-shapes.ipynb","_notebooks/lenet-getting-started.ipynb","_notebooks/ssd-object-detection-demo.ipynb","_notebooks/vgg-qat.ipynb","contributors/conversion.rst","contributors/lowering.rst","contributors/partitioning.rst","contributors/phases.rst","contributors/runtime.rst","contributors/system_overview.rst","contributors/useful_links.rst","contributors/writing_converters.rst","index.rst","indices/supported_ops.rst","py_api/logging.rst","py_api/ptq.rst","py_api/torch_tensorrt.rst","py_api/ts.rst","src/pytorch-sphinx-theme/docs/changelog.rst","src/pytorch-sphinx-theme/docs/configuring.rst","src/pytorch-sphinx-theme/docs/demo/api.rst","src/pytorch-sphinx-theme/docs/demo/demo.rst","src/pytorch-sphinx-theme/docs/demo/lists_tables.rst","src/pytorch-sphinx-theme/docs/demo/long.rst","src/pytorch-sphinx-theme/docs/demo/structure.rst","src/pytorch-sphinx-theme/docs/index.rst","src/pytorch-sphinx-theme/docs/installing.rst","tutorials/creating_torchscript_module_in_python.rst","tutorials/getting_started_with_cpp_api.rst","tutorials/getting_started_with_python_api.rst","tutorials/installation.rst","tutorials/ptq.rst","tutorials/runtime.rst","tutorials/torchtrtc.rst","tutorials/use_from_pytorch.rst","tutorials/using_dla.rst"],objects:{"":[[5,0,1,"c.STR","STR"],[9,0,1,"c.TORCHTRT_API","TORCHTRT_API"],[11,0,1,"c.TORCHTRT_HIDDEN","TORCHTRT_HIDDEN"],[7,0,1,"c.TORCH_TENSORRT_MAJOR_VERSION","TORCH_TENSORRT_MAJOR_VERSION"],[8,0,1,"c.TORCH_TENSORRT_MINOR_VERSION","TORCH_TENSORRT_MINOR_VERSION"],[6,0,1,"c.TORCH_TENSORRT_PATCH_VERSION","TORCH_TENSORRT_PATCH_VERSION"],[12,0,1,"c.TORCH_TENSORRT_VERSION","TORCH_TENSORRT_VERSION"],[10,0,1,"c.XSTR","XSTR"],[0,1,1,"_CPPv4N14torch_tensorrt8DataTypeE","torch_tensorrt::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeE5Value","torch_tensorrt::DataType::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEN3c1010ScalarTypeE","torch_tensorrt::DataType::DataType"],[0,2,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEv","torch_tensorrt::DataType::DataType"],[0,3,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeE5Value","torch_tensorrt::DataType::DataType::t"],[0,3,1,"_CPPv4N14torch_tensorrt8DataType8DataTypeEN3c1010ScalarTypeE","torch_tensorrt::DataType::DataType::t"],[0,4,1,"_CPPv4N14torch_tensorrt8DataType5ValueE","torch_tensorrt::DataType::Value"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kBoolE","torch_tensorrt::DataType::Value::kBool"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kCharE","torch_tensorrt::DataType::Value::kChar"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value6kFloatE","torch_tensorrt::DataType::Value::kFloat"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kHalfE","torch_tensorrt::DataType::Value::kHalf"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value4kIntE","torch_tensorrt::DataType::Value::kInt"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value8kUnknownE","torch_tensorrt::DataType::Value::kUnknown"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kBoolE","torch_tensorrt::DataType::kBool"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kCharE","torch_tensorrt::DataType::kChar"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value6kFloatE","torch_tensorrt::DataType::kFloat"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value5kHalfE","torch_tensorrt::DataType::kHalf"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value4kIntE","torch_tensorrt::DataType::kInt"],[0,5,1,"_CPPv4N14torch_tensorrt8DataType5Value8kUnknownE","torch_tensorrt::DataType::kUnknown"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypecv5ValueEv","torch_tensorrt::DataType::operator Value"],[0,2,1,"_CPPv4N14torch_tensorrt8DataTypecvbEv","torch_tensorrt::DataType::operator bool"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeneE8DataType","torch_tensorrt::DataType::operator!="],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeneEN8DataType5ValueE","torch_tensorrt::DataType::operator!="],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeneE8DataType","torch_tensorrt::DataType::operator!=::other"],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeneEN8DataType5ValueE","torch_tensorrt::DataType::operator!=::other"],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeeqE8DataType","torch_tensorrt::DataType::operator=="],[0,2,1,"_CPPv4NK14torch_tensorrt8DataTypeeqEN8DataType5ValueE","torch_tensorrt::DataType::operator=="],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeeqE8DataType","torch_tensorrt::DataType::operator==::other"],[0,3,1,"_CPPv4NK14torch_tensorrt8DataTypeeqEN8DataType5ValueE","torch_tensorrt::DataType::operator==::other"],[46,1,1,"_CPPv4N14torch_tensorrt6DeviceE","torch_tensorrt::Device"],[46,2,1,"_CPPv4N14torch_tensorrt6Device6DeviceEv","torch_tensorrt::Device::Device"],[1,1,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypeE","torch_tensorrt::Device::DeviceType"],[46,1,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypeE","torch_tensorrt::Device::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEv","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEv","torch_tensorrt::Device::DeviceType::DeviceType"],[1,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType::t"],[1,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType::t"],[46,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeE5Value","torch_tensorrt::Device::DeviceType::DeviceType::t"],[46,3,1,"_CPPv4N14torch_tensorrt6Device10DeviceType10DeviceTypeEN3c1010DeviceTypeE","torch_tensorrt::Device::DeviceType::DeviceType::t"],[1,4,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5ValueE","torch_tensorrt::Device::DeviceType::Value"],[46,4,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5ValueE","torch_tensorrt::Device::DeviceType::Value"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::Value::kDLA"],[46,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::Value::kDLA"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::Value::kGPU"],[46,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::Value::kGPU"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kDLAE","torch_tensorrt::Device::DeviceType::kDLA"],[1,5,1,"_CPPv4N14torch_tensorrt6Device10DeviceType5Value4kGPUE","torch_tensorrt::Device::DeviceType::kGPU"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypecv5ValueEv","torch_tensorrt::Device::DeviceType::operator Value"],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypecv5ValueEv","torch_tensorrt::Device::DeviceType::operator Value"],[1,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypecvbEv","torch_tensorrt::Device::DeviceType::operator bool"],[46,2,1,"_CPPv4N14torch_tensorrt6Device10DeviceTypecvbEv","torch_tensorrt::Device::DeviceType::operator bool"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!="],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!="],[1,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!=::other"],[46,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeneE10DeviceType","torch_tensorrt::Device::DeviceType::operator!=::other"],[1,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator=="],[46,2,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator=="],[1,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator==::other"],[46,3,1,"_CPPv4NK14torch_tensorrt6Device10DeviceTypeeqE10DeviceType","torch_tensorrt::Device::DeviceType::operator==::other"],[46,6,1,"_CPPv4N14torch_tensorrt6Device18allow_gpu_fallbackE","torch_tensorrt::Device::allow_gpu_fallback"],[46,6,1,"_CPPv4N14torch_tensorrt6Device11device_typeE","torch_tensorrt::Device::device_type"],[46,6,1,"_CPPv4N14torch_tensorrt6Device8dla_coreE","torch_tensorrt::Device::dla_core"],[46,6,1,"_CPPv4N14torch_tensorrt6Device6gpu_idE","torch_tensorrt::Device::gpu_id"],[17,4,1,"_CPPv4N14torch_tensorrt16EngineCapabilityE","torch_tensorrt::EngineCapability"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability15kDLA_STANDALONEE","torch_tensorrt::EngineCapability::kDLA_STANDALONE"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability7kSAFETYE","torch_tensorrt::EngineCapability::kSAFETY"],[17,5,1,"_CPPv4N14torch_tensorrt16EngineCapability9kSTANDARDE","torch_tensorrt::EngineCapability::kSTANDARD"],[47,1,1,"_CPPv4N14torch_tensorrt5InputE","torch_tensorrt::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN2at6TensorE","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input"],[47,2,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::dtype"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::format"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::max_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::min_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEENSt6vectorI7int64_tEENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::opt_shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN3c108ArrayRefI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE12TensorFormat","torch_tensorrt::Input::Input::shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputENSt6vectorI7int64_tEE8DataType12TensorFormat","torch_tensorrt::Input::Input::shape"],[47,3,1,"_CPPv4N14torch_tensorrt5Input5InputEN2at6TensorE","torch_tensorrt::Input::Input::tensor"],[47,6,1,"_CPPv4N14torch_tensorrt5Input5dtypeE","torch_tensorrt::Input::dtype"],[47,6,1,"_CPPv4N14torch_tensorrt5Input6formatE","torch_tensorrt::Input::format"],[47,6,1,"_CPPv4N14torch_tensorrt5Input9max_shapeE","torch_tensorrt::Input::max_shape"],[47,6,1,"_CPPv4N14torch_tensorrt5Input9min_shapeE","torch_tensorrt::Input::min_shape"],[47,6,1,"_CPPv4N14torch_tensorrt5Input9opt_shapeE","torch_tensorrt::Input::opt_shape"],[47,6,1,"_CPPv4N14torch_tensorrt5Input5shapeE","torch_tensorrt::Input::shape"],[2,1,1,"_CPPv4N14torch_tensorrt12TensorFormatE","torch_tensorrt::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatE5Value","torch_tensorrt::TensorFormat::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEN2at12MemoryFormatE","torch_tensorrt::TensorFormat::TensorFormat"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEv","torch_tensorrt::TensorFormat::TensorFormat"],[2,3,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatE5Value","torch_tensorrt::TensorFormat::TensorFormat::t"],[2,3,1,"_CPPv4N14torch_tensorrt12TensorFormat12TensorFormatEN2at12MemoryFormatE","torch_tensorrt::TensorFormat::TensorFormat::t"],[2,4,1,"_CPPv4N14torch_tensorrt12TensorFormat5ValueE","torch_tensorrt::TensorFormat::Value"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value13kChannelsLastE","torch_tensorrt::TensorFormat::Value::kChannelsLast"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value11kContiguousE","torch_tensorrt::TensorFormat::Value::kContiguous"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value8kUnknownE","torch_tensorrt::TensorFormat::Value::kUnknown"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value13kChannelsLastE","torch_tensorrt::TensorFormat::kChannelsLast"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value11kContiguousE","torch_tensorrt::TensorFormat::kContiguous"],[2,5,1,"_CPPv4N14torch_tensorrt12TensorFormat5Value8kUnknownE","torch_tensorrt::TensorFormat::kUnknown"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatcv5ValueEv","torch_tensorrt::TensorFormat::operator Value"],[2,2,1,"_CPPv4N14torch_tensorrt12TensorFormatcvbEv","torch_tensorrt::TensorFormat::operator bool"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatneE12TensorFormat","torch_tensorrt::TensorFormat::operator!="],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormatneEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator!="],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormatneE12TensorFormat","torch_tensorrt::TensorFormat::operator!=::other"],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormatneEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator!=::other"],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormateqE12TensorFormat","torch_tensorrt::TensorFormat::operator=="],[2,2,1,"_CPPv4NK14torch_tensorrt12TensorFormateqEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator=="],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormateqE12TensorFormat","torch_tensorrt::TensorFormat::operator==::other"],[2,3,1,"_CPPv4NK14torch_tensorrt12TensorFormateqEN12TensorFormat5ValueE","torch_tensorrt::TensorFormat::operator==::other"],[36,2,1,"_CPPv4N14torch_tensorrt15dump_build_infoEv","torch_tensorrt::dump_build_info"],[34,2,1,"_CPPv4N14torch_tensorrt14get_build_infoEv","torch_tensorrt::get_build_info"],[16,4,1,"_CPPv4N14torch_tensorrt7logging5LevelE","torch_tensorrt::logging::Level"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kDEBUGE","torch_tensorrt::logging::Level::kDEBUG"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kERRORE","torch_tensorrt::logging::Level::kERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kGRAPHE","torch_tensorrt::logging::Level::kGRAPH"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level5kINFOE","torch_tensorrt::logging::Level::kINFO"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level15kINTERNAL_ERRORE","torch_tensorrt::logging::Level::kINTERNAL_ERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level8kWARNINGE","torch_tensorrt::logging::Level::kWARNING"],[24,2,1,"_CPPv4N14torch_tensorrt7logging24get_is_colored_output_onEv","torch_tensorrt::logging::get_is_colored_output_on"],[22,2,1,"_CPPv4N14torch_tensorrt7logging18get_logging_prefixEv","torch_tensorrt::logging::get_logging_prefix"],[23,2,1,"_CPPv4N14torch_tensorrt7logging24get_reportable_log_levelEv","torch_tensorrt::logging::get_reportable_log_level"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kDEBUGE","torch_tensorrt::logging::kDEBUG"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kERRORE","torch_tensorrt::logging::kERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level6kGRAPHE","torch_tensorrt::logging::kGRAPH"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level5kINFOE","torch_tensorrt::logging::kINFO"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level15kINTERNAL_ERRORE","torch_tensorrt::logging::kINTERNAL_ERROR"],[16,5,1,"_CPPv4N14torch_tensorrt7logging5Level8kWARNINGE","torch_tensorrt::logging::kWARNING"],[26,2,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log"],[26,3,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log::lvl"],[26,3,1,"_CPPv4N14torch_tensorrt7logging3logE5LevelNSt6stringE","torch_tensorrt::logging::log::msg"],[27,2,1,"_CPPv4N14torch_tensorrt7logging24set_is_colored_output_onEb","torch_tensorrt::logging::set_is_colored_output_on"],[27,3,1,"_CPPv4N14torch_tensorrt7logging24set_is_colored_output_onEb","torch_tensorrt::logging::set_is_colored_output_on::colored_output_on"],[28,2,1,"_CPPv4N14torch_tensorrt7logging18set_logging_prefixENSt6stringE","torch_tensorrt::logging::set_logging_prefix"],[28,3,1,"_CPPv4N14torch_tensorrt7logging18set_logging_prefixENSt6stringE","torch_tensorrt::logging::set_logging_prefix::prefix"],[25,2,1,"_CPPv4N14torch_tensorrt7logging24set_reportable_log_levelE5Level","torch_tensorrt::logging::set_reportable_log_level"],[25,3,1,"_CPPv4N14torch_tensorrt7logging24set_reportable_log_levelE5Level","torch_tensorrt::logging::set_reportable_log_level::lvl"],[3,1,1,"_CPPv4I0EN14torch_tensorrt3ptq19Int8CacheCalibratorE","torch_tensorrt::ptq::Int8CacheCalibrator"],[3,7,1,"_CPPv4I0EN14torch_tensorrt3ptq19Int8CacheCalibratorE","torch_tensorrt::ptq::Int8CacheCalibrator::Algorithm"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE","torch_tensorrt::ptq::Int8CacheCalibrator::Int8CacheCalibrator"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator19Int8CacheCalibratorERKNSt6stringE","torch_tensorrt::ptq::Int8CacheCalibrator::Int8CacheCalibrator::cache_file_path"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::bindings"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::names"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8CacheCalibrator::getBatch::nbBindings"],[3,2,1,"_CPPv4NK14torch_tensorrt3ptq19Int8CacheCalibrator12getBatchSizeEv","torch_tensorrt::ptq::Int8CacheCalibrator::getBatchSize"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibratorcvPN8nvinfer115IInt8CalibratorEEv","torch_tensorrt::ptq::Int8CacheCalibrator::operator nvinfer1::IInt8Calibrator*"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::readCalibrationCache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::readCalibrationCache::length"],[3,2,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache::cache"],[3,3,1,"_CPPv4N14torch_tensorrt3ptq19Int8CacheCalibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8CacheCalibrator::writeCalibrationCache::length"],[4,1,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator"],[4,7,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator::Algorithm"],[4,7,1,"_CPPv4I00EN14torch_tensorrt3ptq14Int8CalibratorE","torch_tensorrt::ptq::Int8Calibrator::DataLoaderUniquePtr"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::cache_file_path"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::dataloader"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator14Int8CalibratorE19DataLoaderUniquePtrRKNSt6stringEb","torch_tensorrt::ptq::Int8Calibrator::Int8Calibrator::use_cache"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::bindings"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::names"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator8getBatchEA_PvA_PKci","torch_tensorrt::ptq::Int8Calibrator::getBatch::nbBindings"],[4,2,1,"_CPPv4NK14torch_tensorrt3ptq14Int8Calibrator12getBatchSizeEv","torch_tensorrt::ptq::Int8Calibrator::getBatchSize"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8CalibratorcvPN8nvinfer115IInt8CalibratorEEv","torch_tensorrt::ptq::Int8Calibrator::operator nvinfer1::IInt8Calibrator*"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8Calibrator::readCalibrationCache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator20readCalibrationCacheER6size_t","torch_tensorrt::ptq::Int8Calibrator::readCalibrationCache::length"],[4,2,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache::cache"],[4,3,1,"_CPPv4N14torch_tensorrt3ptq14Int8Calibrator21writeCalibrationCacheEPKv6size_t","torch_tensorrt::ptq::Int8Calibrator::writeCalibrationCache::length"],[30,2,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator"],[30,7,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator::Algorithm"],[30,3,1,"_CPPv4I0EN14torch_tensorrt3ptq26make_int8_cache_calibratorE19Int8CacheCalibratorI9AlgorithmERKNSt6stringE","torch_tensorrt::ptq::make_int8_cache_calibrator::cache_file_path"],[29,2,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator"],[29,7,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::Algorithm"],[29,7,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::DataLoader"],[29,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::cache_file_path"],[29,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::dataloader"],[29,3,1,"_CPPv4I00EN14torch_tensorrt3ptq20make_int8_calibratorE14Int8CalibratorI9Algorithm10DataLoaderE10DataLoaderRKNSt6stringEb","torch_tensorrt::ptq::make_int8_calibrator::use_cache"],[35,2,1,"_CPPv4N14torch_tensorrt10set_deviceEKi","torch_tensorrt::set_device"],[35,3,1,"_CPPv4N14torch_tensorrt10set_deviceEKi","torch_tensorrt::set_device::gpu_id"],[48,1,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpecE","torch_tensorrt::torchscript::CompileSpec"],[48,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorI5InputEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[48,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorIN3c108ArrayRefI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[48,2,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec"],[48,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorIN3c108ArrayRefI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::fixed_sizes"],[48,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorINSt6vectorI7int64_tEEEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::fixed_sizes"],[48,3,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec11CompileSpecENSt6vectorI5InputEE","torch_tensorrt::torchscript::CompileSpec::CompileSpec::inputs"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec10capabilityE","torch_tensorrt::torchscript::CompileSpec::capability"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec5debugE","torch_tensorrt::torchscript::CompileSpec::debug"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec6deviceE","torch_tensorrt::torchscript::CompileSpec::device"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec12disable_tf32E","torch_tensorrt::torchscript::CompileSpec::disable_tf32"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec18enabled_precisionsE","torch_tensorrt::torchscript::CompileSpec::enabled_precisions"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec6inputsE","torch_tensorrt::torchscript::CompileSpec::inputs"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14min_block_sizeE","torch_tensorrt::torchscript::CompileSpec::min_block_size"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec20num_avg_timing_itersE","torch_tensorrt::torchscript::CompileSpec::num_avg_timing_iters"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec20num_min_timing_itersE","torch_tensorrt::torchscript::CompileSpec::num_min_timing_iters"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14ptq_calibratorE","torch_tensorrt::torchscript::CompileSpec::ptq_calibrator"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec5refitE","torch_tensorrt::torchscript::CompileSpec::refit"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec24require_full_compilationE","torch_tensorrt::torchscript::CompileSpec::require_full_compilation"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14sparse_weightsE","torch_tensorrt::torchscript::CompileSpec::sparse_weights"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec22torch_executed_modulesE","torch_tensorrt::torchscript::CompileSpec::torch_executed_modules"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec18torch_executed_opsE","torch_tensorrt::torchscript::CompileSpec::torch_executed_ops"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec24truncate_long_and_doubleE","torch_tensorrt::torchscript::CompileSpec::truncate_long_and_double"],[48,6,1,"_CPPv4N14torch_tensorrt11torchscript11CompileSpec14workspace_sizeE","torch_tensorrt::torchscript::CompileSpec::workspace_size"],[31,2,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support"],[31,3,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support::method_name"],[31,3,1,"_CPPv4N14torch_tensorrt11torchscript29check_method_operator_supportERKN5torch3jit6ModuleENSt6stringE","torch_tensorrt::torchscript::check_method_operator_support::module"],[32,2,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile"],[32,3,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile::info"],[32,3,1,"_CPPv4N14torch_tensorrt11torchscript7compileERKN5torch3jit6ModuleE11CompileSpec","torch_tensorrt::torchscript::compile::module"],[37,2,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::info"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::method_name"],[37,3,1,"_CPPv4N14torch_tensorrt11torchscript28convert_method_to_trt_engineERKN5torch3jit6ModuleENSt6stringE11CompileSpec","torch_tensorrt::torchscript::convert_method_to_trt_engine::module"],[33,2,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module"],[33,3,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module::device"],[33,3,1,"_CPPv4N14torch_tensorrt11torchscript26embed_engine_in_new_moduleERKNSt6stringE6Device","torch_tensorrt::torchscript::embed_engine_in_new_module::engine"],[71,8,0,"-","torch_tensorrt"]],"torch_tensorrt.Device":[[71,10,1,"","__init__"],[71,11,1,"","allow_gpu_fallback"],[71,11,1,"","device_type"],[71,11,1,"","dla_core"],[71,11,1,"","gpu_id"]],"torch_tensorrt.Input":[[71,10,1,"","__init__"],[71,11,1,"","dtype"],[71,11,1,"","format"],[71,11,1,"","shape"],[71,11,1,"","shape_mode"]],"torch_tensorrt.logging":[[69,9,1,"","Level"],[69,9,1,"","debug"],[69,9,1,"","errors"],[69,12,1,"","get_is_colored_output_on"],[69,12,1,"","get_logging_prefix"],[69,12,1,"","get_reportable_log_level"],[69,9,1,"","graphs"],[69,9,1,"","info"],[69,9,1,"","internal_errors"],[69,12,1,"","log"],[69,12,1,"","set_is_colored_output_on"],[69,12,1,"","set_logging_prefix"],[69,12,1,"","set_reportable_log_level"],[69,9,1,"","warnings"]],"torch_tensorrt.logging.Level":[[69,11,1,"","Debug"],[69,11,1,"","Error"],[69,11,1,"","Graph"],[69,11,1,"","Info"],[69,11,1,"","InternalError"],[69,11,1,"","Warning"]],"torch_tensorrt.ptq":[[70,9,1,"id1","CacheCalibrator"],[70,9,1,"id2","CalibrationAlgo"],[70,9,1,"id0","DataLoaderCalibrator"],[70,12,1,"","get_batch"],[70,12,1,"","get_batch_size"],[70,12,1,"","get_cache_mode_batch"],[70,12,1,"","read_calibration_cache"],[70,12,1,"","write_calibration_cache"]],"torch_tensorrt.ptq.CacheCalibrator":[[70,10,1,"","__init__"]],"torch_tensorrt.ptq.CalibrationAlgo":[[70,11,1,"","ENTROPY_CALIBRATION"],[70,11,1,"","ENTROPY_CALIBRATION_2"],[70,11,1,"","LEGACY_CALIBRATION"],[70,11,1,"","MINMAX_CALIBRATION"]],"torch_tensorrt.ptq.DataLoaderCalibrator":[[70,10,1,"","__init__"]],"torch_tensorrt.ts":[[72,12,1,"","TensorRTCompileSpec"],[72,12,1,"","check_method_op_support"],[72,12,1,"","compile"],[72,12,1,"","convert_method_to_trt_engine"],[72,12,1,"","embed_engine_in_new_module"]],torch_tensorrt:[[71,9,1,"","Device"],[71,9,1,"","DeviceType"],[71,9,1,"","EngineCapability"],[71,9,1,"","Input"],[71,9,1,"","TensorFormat"],[71,12,1,"","compile"],[71,12,1,"","convert_method_to_trt_engine"],[71,9,1,"","dtype"],[71,12,1,"","dump_build_info"],[71,12,1,"","get_build_info"],[69,8,0,"-","logging"],[70,8,0,"-","ptq"],[71,12,1,"","set_device"],[72,8,0,"-","ts"]]},objnames:{"0":["c","macro","C macro"],"1":["cpp","class","C++ class"],"10":["py","method","Python method"],"11":["py","attribute","Python attribute"],"12":["py","function","Python function"],"2":["cpp","function","C++ function"],"3":["cpp","functionParam","C++ function parameter"],"4":["cpp","enum","C++ enum"],"5":["cpp","enumerator","C++ enumerator"],"6":["cpp","member","C++ member"],"7":["cpp","templateParam","C++ template parameter"],"8":["py","module","Python module"],"9":["py","class","Python class"]},objtypes:{"0":"c:macro","1":"cpp:class","10":"py:method","11":"py:attribute","12":"py:function","2":"cpp:function","3":"cpp:functionParam","4":"cpp:enum","5":"cpp:enumerator","6":"cpp:member","7":"cpp:templateParam","8":"py:module","9":"py:class"},terms:{"0":[33,43,44,45,48,51,52,53,54,55,56,57,58,64,66,68,69,70,71,72,73,75,76,83,85,86,88,89,90],"00":[51,52,54,55,56,57,58],"0000":77,"00000000":[51,52,54,55,56],"000000037777":57,"000000252219":57,"000000397133":57,"000007":53,"000014":51,"000015":53,"000059":53,"000106":51,"000116":51,"000368":51,"000545":51,"000820":51,"000973":51,"001256":51,"001260":51,"001270":51,"001351":51,"0018":58,"002":54,"002251":53,"002259":53,"0023":58,"002305":53,"0026":58,"003287":53,"003289":53,"003317":53,"003462":51,"003774":51,"004":52,"004128":51,"004205":53,"004206":53,"004256":53,"004825":51,"005":[54,55],"006":[52,55],"006661":51,"006677":53,"006693":53,"006733":51,"006846":51,"006943":53,"0070":58,"008":58,"008071":51,"008453":51,"0087":58,"009802":51,"009803":51,"009836":51,"00f1b6db":[52,54,55],"01":[52,54,55,56,57,58,68,77,83],"0106":58,"010961":51,"011388":51,"013":58,"0151":58,"016114":51,"0163":58,"0169":58,"018642":51,"018643":51,"018670":51,"02":[52,54,55,58],"0208":83,"020804":51,"021143":51,"0220":58,"024492":51,"025":58,"025000":58,"0263":58,"028":58,"0296":58,"03":[51,77],"03291":58,"033488":51,"033572":51,"03466":58,"035722":51,"0358":83,"0383":83,"04":[51,52,57,58,83,85],"0435":83,"04609":58,"0464":83,"04743":58,"04807":58,"0491":58,"0493":58,"04it":58,"05":[51,52,53,54,55,57,58],"050000":58,"0505":58,"05080":58,"0530":83,"05311":58,"05374":58,"057":58,"058047":51,"058053":51,"058375":51,"05945":58,"06":[51,52,57],"0622":58,"063":58,"06340":58,"06567":58,"0676ba61":[54,57],"0678":83,"069":58,"07":[52,54,55],"071":58,"071428":51,"072057":51,"07266":58,"076796":51,"08":[52,54,55],"0805":83,"0818":83,"08331":58,"08555":58,"086":58,"09":[52,54,55,56],"0932":83,"096":58,"0a0":[51,52,76],"0a3":51,"0c106ec84f199a0fbcf1199010166986da732f9b0907768c9ac5ea5b120772db":85,"0f":57,"0mib":[52,54,55,56],"0rc1":51,"0s":54,"0x":53,"0x7fb41703f330":72,"1":[3,4,33,43,44,45,47,48,51,52,53,54,55,56,57,58,60,63,66,68,69,70,71,72,73,74,76,77,80,82,83,84,85,86,88,89,90],"10":[48,51,52,53,54,55,56,57,58,72,80,82,83,85,86],"100":[52,54,55,56,57,58],"1000":[52,54,55,56,57,58],"10000":[52,54,55],"100000":58,"10018":58,"10070":58,"101":53,"101168":58,"1012":60,"1013":60,"10130":58,"102":51,"102248":58,"1024":[51,52,54,55,56,57,58,71,72,88],"10240mib":56,"10362":52,"104":[52,54,55],"1045":83,"105":58,"1056":83,"1063":83,"1065":51,"1069":51,"107":[52,54,55],"107194":58,"10732":58,"107625":58,"109":83,"10990":58,"10b0":51,"11":[51,52,53,54,55,56,57,58,60,76,80,83,85],"110":[57,58],"11299":58,"112mib":51,"11499":58,"115":56,"115269":58,"115740":58,"11594":58,"117":[52,54,55],"117969":58,"118358":58,"11879":58,"11888":58,"119":82,"1190":51,"119708":51,"11k":[52,54,55],"11w":52,"12":[51,52,53,54,55,56,57,58,60,76,80,82,83],"120":[56,58,82,83],"120097":51,"1201":51,"121":[54,56],"1216":53,"121618":51,"122":56,"12288mib":51,"123":[57,77],"12345":51,"126":58,"126382":58,"126834":58,"127":[52,58],"128":[51,52,53,54,55,56,57,58],"128674":58,"129":82,"129518":58,"12k":54,"13":[51,53,54,55,56,57,58,76,80,85],"130":51,"133":52,"13388":58,"135453":58,"135936":58,"137":[51,82],"137858":58,"138":82,"138366":58,"139704147265344":58,"13x":52,"14":[51,52,53,54,55,56,57,58,80],"1409":86,"141":58,"143":51,"145":58,"145539":58,"146":51,"146053":58,"147871":58,"148353":58,"1488":51,"149":51,"14x":53,"15":[51,53,54,55,56,57,58,76,80],"1500":58,"1502":83,"1516":51,"1531":58,"1535566590":[52,54,55],"1538":51,"154252":58,"154685":58,"1549":[55,83],"1552":55,"1556":86,"1560":55,"1563":58,"156558":58,"1566":55,"1568":55,"157159":58,"1572":55,"1574":55,"1575":55,"1598":55,"15w":54,"15x":53,"16":[51,53,54,55,56,57,58,71,80,82,83,84],"16000":51,"163197":58,"163676":58,"164":[52,54,55],"165":57,"165549":58,"165991":58,"166":57,"167":57,"1691":83,"17":[51,52,53,54,55,56,57,58,80],"173":58,"173305":58,"173926":58,"176034":58,"176697":58,"1771":53,"1776":53,"1777":[51,58],"179":57,"1792":51,"18":[51,52,53,54,55,56,57,58,80,83,85],"182843":58,"183426":58,"185377":58,"185962":58,"188":58,"19":[51,53,54,57,58,77,80],"1906":58,"191966":58,"192424":58,"194325":58,"194817":58,"1971":58,"198":51,"1994":[58,86],"1d":60,"1e":[54,55,58],"1f":[51,53],"1rc0":51,"1ubuntu0":51,"1x1":57,"2":[33,43,45,48,51,52,53,54,55,56,57,58,66,68,69,70,71,72,74,76,77,80,82,83,85,86,89],"20":[51,52,53,54,55,57,58,80],"200":[52,54,55,56,58],"2000000000":[51,53],"2002":58,"2009":86,"200w":55,"201":[52,54,55],"2010":[58,86],"2012":77,"2014":86,"2017":[51,53,57],"2018":[52,53,54,55],"2019":[51,52,53,54,56,57],"201988":58,"202":[52,54,55],"2020":[55,57,67,83],"2021":[51,53],"2022":[51,52,53,54,55,56,57],"2023":[58,86],"202665":58,"204763":58,"2048":[54,55],"205461":58,"20w":56,"21":[51,52,53,54,55,56,57,58],"211393":58,"211987":58,"213899":58,"214450":58,"215434":51,"215446":51,"215806":51,"216":52,"217":[54,55],"218":51,"22":[51,52,53,54,55,56,57,58],"220892":58,"221533":58,"222":54,"223":[54,55],"223519":58,"224":[52,54,55,71,72],"224037":58,"225":[52,54,55],"227":[52,54,55],"227739155292511":52,"229":[52,54,55],"23":[48,51,52,54,55,58,60,72,77],"2305":58,"23344755172729492":52,"233809":58,"234":58,"234434":58,"235":51,"237":58,"238":[55,58],"238212":58,"239042":58,"24":[51,54,56,57,58,60],"241022":58,"24112":[52,54,55],"241654":58,"242":51,"243":[54,56],"244":[71,72],"245":57,"2453mib":51,"24576mib":[52,54],"246":52,"2462mib":51,"246kb":52,"247820":58,"248":60,"248445":58,"249":60,"24k":[52,54,55],"25":[51,54,55,58,83],"250366":58,"250959":58,"250w":51,"254":58,"256":[52,54,55,58],"257248":58,"257854":58,"258":76,"259968":58,"26":[51,53,54,55,57],"2606":[52,54,55],"260660":58,"265":51,"268160":58,"26w":51,"27":[51,52,53,56,58,83],"272":51,"28":[51,52,55,83,86,90],"280":58,"2802":83,"282":51,"2822":76,"285":58,"287":76,"288":[51,58],"28c":52,"29":[51,52,55,58,83],"291":58,"29c":54,"2_20200626":85,"2c3":77,"2c365_subsampl":[52,54,55],"2c916ef":51,"2e":88,"2f":[52,54,55,56,57,58],"2s":54,"2x":54,"3":[45,48,51,52,53,54,55,56,57,58,60,63,68,69,70,71,72,76,77,80,82,83,85,86,88,89,90],"30":[52,54,55,57,58],"300":[56,57,58,88,89],"300x300":57,"302":58,"309":58,"3090":[52,54],"31":[51,54,55,56,57,83],"311":58,"314":58,"315":51,"32":[51,52,53,55,56,57,58,71,82,83,84,86,88,90],"320":86,"3207":58,"320w":56,"321":52,"329273":58,"32bit":88,"32x32":54,"33":[52,54,55,56,57,83],"330212":58,"332529":58,"333365":58,"3393":52,"339547":58,"34":[52,54,55,56,57,58],"340248":58,"342257":58,"342890":58,"345":58,"346":83,"349":51,"35":[52,54,57,83],"350619":58,"350w":[52,54],"351372":58,"352":[52,54,55],"353470":58,"35363":[52,54,55],"353k":[52,54,55],"354121":58,"3550":58,"35k":[52,54,55],"35x":52,"36":[51,52,55,83],"360090":58,"360806":58,"361413":[52,54,55],"362803":58,"3631":58,"363274":58,"366":54,"366kb":54,"3677":60,"37":[51,52,54,55,58,83],"370369":58,"371057":58,"373071":58,"373766":58,"376":52,"3763":58,"379890":58,"38":[51,54,55,57,82],"380538":58,"382532":58,"383128":58,"385":58,"3877":58,"389077":58,"389760":58,"39":[51,52,53,54,55,56,57,58,82],"3909":51,"391815":58,"392399":58,"394":58,"39485082030296326":54,"395":58,"3987298309803009":52,"399809":58,"39c":51,"39mib":51,"3f":58,"3x3":58,"4":[51,52,53,54,55,56,57,58,63,68,69,74,76,77,80,83,85],"40":[52,54,55,56,57,58],"400":[56,58],"400472":58,"402399":58,"402939":58,"406":[52,54,55],"408818":58,"409424":58,"4096":58,"40mb":54,"41":[51,54,55,56],"411513":58,"4116":55,"412097":58,"4122":55,"4123":55,"4142":55,"4156":55,"4161":51,"4166":55,"4170":55,"4172":55,"4176":55,"4178":55,"418537":58,"419128":58,"42":[51,55,56,57,58],"421343":58,"421946":58,"429":51,"429382":58,"42c":56,"42w":51,"43":[51,56,57,58],"430156":58,"432259":58,"433079":58,"4352":58,"439":58,"439297":58,"44":[51,57,58],"440027":58,"442":[52,54,55,58],"442149":58,"442826":58,"442k":[52,54,55],"443":[52,54,55],"4465":[58,86],"449377":58,"449968":58,"45":[51,52,57],"452122":58,"452718":[52,54,55],"452754":58,"456":[52,54,55],"45675724744796753":55,"4584":52,"459":58,"46":[51,52,57,58],"462532":58,"463295":58,"466963":58,"467725":58,"469692":58,"47":51,"470":[55,58],"4700":[52,54,55],"470336":58,"4726":58,"474":52,"476204":58,"4767":55,"476738":58,"47681mib":55,"478809":58,"479375":58,"48":[51,54,55],"481":54,"4822":[58,86],"484":58,"485":[52,54,55],"485666":58,"486219":58,"488416":58,"488986":58,"489":55,"49":[51,53,57],"4914":[58,86],"4935":55,"49785590171813965":54,"49788108468055725":55,"4980":55,"499":58,"4fef":[52,54,55],"4mib":51,"4s":52,"4x":51,"5":[51,52,53,54,55,56,57,58,63,64,69,71,76,77,80,82,83,85,88],"50":[51,52,53,55,56,57,58],"500":[56,58],"5002":55,"5005":55,"5014":55,"5016":55,"5018":55,"5020":55,"5024":55,"5026":55,"5027":55,"5033":55,"504":58,"5052":55,"5067":55,"5088":55,"5091":55,"5094":55,"5096":55,"510":[51,52,54,56],"5100":55,"511":58,"5110":55,"5115":55,"5117":58,"5118":55,"512":[51,54,55,58,71,72,88],"512364":58,"513354":58,"514046":58,"514638":58,"515270":58,"5153":55,"515859":58,"516441":58,"517009":58,"5172":58,"517600":58,"518167":58,"518752":58,"519333":58,"5197":55,"519911":58,"51c":55,"52":[52,54,55,58],"5202":55,"520473":58,"5207":55,"521038":58,"5215":55,"521596":58,"522170":58,"522742":58,"5231":55,"523360":58,"523957":58,"5242":55,"524581":58,"525059":58,"525366":58,"525675":58,"525962":58,"526257":58,"526566":58,"526885":58,"527188":58,"527489":58,"527792":58,"528097":58,"528387":58,"528834":58,"529163":58,"53":[51,54,57,77],"5320":58,"532748":58,"533468":58,"5335":58,"534033":58,"534684":58,"535320":58,"535983":58,"536":58,"536569":58,"537248":58,"537833":58,"538480":58,"539":83,"539074":58,"539724":58,"53k":[52,54,55],"540307":58,"540952":58,"541534":58,"542075":58,"542596":58,"543248":58,"543719":58,"544424":58,"544952":58,"545530":58,"546114":58,"546713":58,"547292":58,"547902":58,"548453":58,"549015":58,"549665":58,"55":55,"550436":58,"551":51,"551925":58,"553105":58,"55c":51,"55k":[52,54,55],"56":[51,52,55,56,83],"560":58,"5620":58,"564":58,"5676":58,"568":58,"57":[55,58],"5746":58,"576":[56,83],"58":[54,55,58],"59":[51,54,55,56,57],"594":51,"597":53,"599":53,"5d":58,"5f":58,"6":[51,52,53,54,55,56,58,60,63,68,80,82,83,85],"60":[52,54,55,57],"600":[56,58],"6047":51,"608":55,"608kb":55,"61":[57,58],"613":58,"62":[51,52,58],"622":[58,60],"62w":55,"62x":53,"63":[51,53,55],"630":[52,54,55],"635":58,"636":58,"637":58,"638":58,"639":58,"64":[53,54,55,58,84],"640":58,"641":58,"642":58,"643":58,"644":58,"6442285180091858":55,"6445754766464233":54,"646":58,"649":58,"64bit":88,"65":[51,52,54,55,58],"6539":58,"655":58,"66":52,"668":51,"669":51,"67":[55,58],"6733":58,"677":58,"67mib":51,"68":[54,58],"6812":[52,54,55],"687":58,"688":58,"689":58,"69":[54,55],"690":58,"6f":[51,53],"6s":55,"7":[51,52,53,54,55,56,58,63,64,80,83,85],"70":[52,54,55,57],"700":[56,58],"701":58,"709":51,"7099":58,"71":[52,55,58],"716":58,"72":[52,54],"7203":58,"72048":85,"721":58,"724":58,"728":51,"729":51,"73":[51,52,54,55],"7302":77,"732":58,"735":58,"7376":58,"738":58,"74":[57,58],"742":58,"7454":58,"75":[52,54,55,58],"7537":58,"76":58,"781":58,"79":[54,58],"796":58,"797":58,"7ubuntu0":51,"8":[3,51,52,53,54,55,56,57,58,60,71,76,77,80,83,85],"80":[51,52,54,55,57,58],"800":[56,58],"801":58,"81":[57,58],"818":58,"818977576572eadaf62c80434a25afe44dbaa32ebda3a0919e389dcbe74f8656":85,"82":58,"8204":58,"821":58,"83":[52,55,58],"834":58,"8351":58,"837":58,"84":[55,56,58,82,83],"847":58,"84e944ff11f8":[52,54,55],"84x":54,"85":[52,55,58],"86":[52,55],"860":58,"86k":[52,55],"87":58,"8732":57,"877":58,"8791":58,"88":[52,55,57],"89":[52,55],"898":58,"89k":[52,55],"8ad572d":76,"8bit":58,"9":[51,52,53,54,55,56,57,58,80,83],"90":[52,54,55,57],"900":[56,58],"906":58,"90994":[52,55],"916":[51,58],"91a9cc5850784b2065e8a0aa3d526fd9":51,"92":[52,54,55],"9205bed204e2ae7aafd2e01cce0f21309e281e18d5bfd7172ef8541771539d41":85,"9223372036854775807":68,"923":[52,54,55],"927":58,"92k":54,"9367":58,"94":[52,54,55],"941":58,"94328":54,"944":58,"948":58,"94k":[52,54,55],"95":52,"951":53,"952":58,"953":[51,58],"955":51,"959":58,"96":[51,58],"9624":58,"9695423245429993":52,"97":[52,58],"98":58,"9899807572364807":54,"9899841547012329":55,"99":[51,52,53,54,55,57,58],"997":58,"999":58,"9999":58,"99th_p":[51,53],"9ab0":[52,54,55],"9x":51,"abstract":[63,66,77],"boolean":[58,71],"break":[58,76],"byte":[51,71,72],"case":[0,1,2,46,48,53,56,57,59,63,66,85,86,87],"catch":[60,83],"char":[3,4,44,83,88],"class":[17,29,30,44,45,46,50,52,53,54,55,56,57,58,63,66,69,76,77,82,83,84,86],"const":[0,1,2,3,4,29,30,31,32,33,35,37,44,45,46,60,66,68,83,86],"default":[0,1,2,3,4,16,29,30,43,45,46,47,48,51,52,54,55,56,57,71,72,74,75,76,83,85,86,88,89],"do":[51,52,54,56,57,59,60,66,75,77,82,83,84,86,90],"enum":[0,1,2,42,45,46,50,52,69,72,86],"export":[51,58,85],"final":[51,59,62,64,85],"float":[48,51,52,54,56,57,68,71,82,83,84,86,88,89],"function":[0,1,2,3,4,46,47,48,50,51,52,53,54,56,57,58,60,63,66,82,83,85,86,89,90],"import":[51,52,53,54,55,56,57,58,60,74,76,82,83,84,85,87,88,89],"int":[0,3,4,35,44,45,48,52,55,58,68,71,72,74,83,88],"long":[48,53,59,76,77,88],"new":[0,1,2,3,4,32,33,46,47,48,52,54,56,57,58,63,64,66,69,72,76,83],"null":51,"public":[0,1,2,3,4,44,45,46,47,48,77,86],"return":[0,1,2,3,4,23,24,29,30,31,32,33,34,37,42,43,44,45,46,51,52,53,54,55,56,58,60,62,63,64,66,69,71,72,82,83,84,86],"short":[60,76,77],"static":[47,48,59,66,71,72,74,83],"super":[44,56,82],"throw":[60,83,88],"true":[0,1,2,4,46,48,51,52,53,54,55,56,57,58,60,66,68,71,72,74,77,83,86,89,90],"try":[51,52,53,54,56,64,76,77,83,89],"var":68,"void":[3,4,25,26,27,28,35,36,42,44,45],"while":[58,85,86],A:[4,29,30,32,33,47,51,52,53,54,55,56,58,60,66,77,85,86],AS:[51,52,53,54,55,56,57],And:83,As:[55,83],At:75,But:[76,83],By:[29,30,50,56,57,74,82],For:[52,54,56,57,58,59,74,76,77,82,83,85,86,87,89],IS:[51,52,53,54,55,56,57],If:[27,51,52,53,54,56,57,58,59,60,69,71,74,76,83,85,86,87,90],In:[0,1,2,46,51,52,53,54,55,56,57,58,59,62,63,64,66,67,76,77,79,84,85,86,87],Is:[24,71],It:[51,52,53,54,55,56,57,60,61,62,64,66,74,76,85,88],Its:[66,76],NOT:53,No:[52,54,55,56],Not:3,OF:[51,52,53,54,55,56,57],OR:[51,52,53,54,55,56,57],On:[51,52,54,55,56],One:[53,76,77,83],Or:76,THE:76,TO:[83,85],That:76,Thats:83,The:[1,46,47,48,51,52,53,54,55,56,57,58,59,60,61,62,63,64,66,69,71,72,74,77,82,84,85,86,88,89],Then:[85,86,89],There:[4,53,57,58,59,64,66,77,82,85,86,87],These:[52,53,54,59,63,74,76,86],To:[1,46,55,56,57,58,74,82,83,84,85,89],Will:31,With:[52,53,54,55,74,76,83,86],_:[51,52,53,54,55,56,57,58,76],___torch_mangle_10:82,___torch_mangle_4847:63,___torch_mangle_5:82,___torch_mangle_9:82,__and__:68,__attribute__:43,__future__:51,__getitem__:68,__gnuc__:43,__init__:[56,70,71,76,82],__is__:68,__isnot__:68,__not__:68,__or__:68,__range_length:68,__round_to_zero_floordiv:68,__torch__:[63,82,83],__torch___pytorch_detection_ssd_src_model_ssd300_trt_engin:63,__torch___torchvision_models_resnet____torch_mangle_4847_resnet_trt_engin:63,__version__:58,__visibility__:43,__xor__:68,_affin:58,_all_:60,_b:51,_c:[72,89],_calibr:58,_convolut:[58,68,83],_input_quant:58,_jit_intern:51,_jit_to_backend:89,_pair:58,_quant:58,_script:72,_shapemod:71,_theme:81,_trace:51,_validate_not_a_forked_repo:[54,55,57],_weight_quant:58,a100:[51,52,53,54,56,57],a1b:77,aarch64:64,ab:68,abi:87,abil:55,abl:[52,53,54,55,56,57,59,60,66,67,86,89],about:[52,54,55,57,58,59,63,66,71,74,83,85,88],abov:[25,57,58,69,75,76,83,85],absl:51,absolut:58,absolute_import:51,ac:79,acc:58,acceler:[52,53,54,56,57,90],accept:[47,53,58,63,66,71,83,84,88],access:[55,57,60,66,67,74,83,89],accord:[66,72],accordingli:[58,74],accumsan:79,accumul:[48,72],accuraci:[57,58,86],achiev:[52,54,56,57,58],aco:68,acosh:68,acoust:51,acquir:83,across:[60,74],acthardtanh:66,action:76,activ:[58,72,76,83,86,90],activationtyp:66,actual:[56,58,60,63,66,69,82,83],ad:[25,59,88],adaptive_avg_pool1d:68,adaptive_avg_pool2d:68,adaptive_avg_pool3d:68,adaptive_max_pool1d:68,adaptive_max_pool2d:68,adaptive_max_pool3d:68,adaptiveavgpool2d:[54,55],add:[26,59,60,66,68,69,74,76,81,83,84,85],add_:[60,68,83],add_patch:57,addactiv:66,addit:[57,58,60,71,83],addlay:83,address:77,addshuffl:83,adipisc:[77,79],adjac:76,adjust:[58,76],adjust_lr:58,adopt:53,advanc:[77,86],advis:76,aenean:79,affin:[54,55],after:[55,57,58,59,60,67,82,83,84,87,88],again:[44,53,57,63,66,76],against:[83,88],agre:[51,52,53,54,55,56,57],agx:45,ahead:[55,83],aim:[53,60],aiohttp:51,aiosign:51,alabast:51,algo_typ:[70,86],algorithm:[3,4,29,30,44,53,70,86],alias:43,align:76,align_corn:68,aliquam:79,aliquet:[77,79],all:[16,42,43,44,45,48,51,52,53,54,55,56,57,58,60,63,69,71,76,77,82,83,84,85,86,87,88],alloc:66,allow:[47,48,52,54,56,57,59,60,71,74,88],allow_gpu_fallback:[45,46,71,72,86,89,90],allow_tf32:68,almost:83,alpha:[57,68,77],alreadi:[51,52,53,54,55,56,57,58,59,60,83,86,88],also:[30,48,52,53,54,55,56,57,59,66,67,74,76,77,83,84,85,86],alter:55,altern:47,although:76,altogeth:74,alwai:[3,4,27,76,88],amax:58,amax_sequeez:58,amazonaw:[52,54,55],amet:[77,79],amount:[53,58],amp:[52,54,55],amp_backend:51,an:[2,3,4,47,48,51,52,53,54,55,56,57,58,59,60,62,63,64,66,67,70,71,72,74,76,77,82,83,84,85,86,87,88],analogu:66,analysi:57,analyt:74,analytics_id:74,ancient:76,ani:[47,51,52,53,54,55,56,57,59,66,71,74,76,83,84,85,86,88],ann:76,anneal:58,annot:[57,66,83],anonym:76,anoth:[53,76,77,82,84],ant:79,antlr4:51,anyon:77,anyth:[76,77,87],aot:[55,67,83],apach:[51,52,53,54,55,56,57],apex:57,api:[51,55,57,58,64,66,71,72,75,83,84,86,87,89],appdir:51,appear:76,append:[51,52,53,54,55,56,57,58,68],applehelp:51,appli:[58,86],applic:[1,30,46,51,52,53,54,55,56,57,60,64,83,84,87,88,89,90],approach:[52,54,56,57],apr:[51,83],apt:51,ar:[42,46,48,51,52,53,54,55,56,57,58,59,60,63,64,66,67,71,72,74,76,77,78,82,83,85,86,87,88,89],arab:77,arang:68,architectur:[53,57,58,67,85],archiv:[51,54,57,85],arcu:[77,79],area:78,aren:83,arg:[51,59,70,71,80,83],argc:83,argmax:[52,53,54,55],argon2:[51,54,55,56,57],argpars:51,argument:[47,51,52,53,58,60,63,66,71,72,76,77,83,88],argv:83,around:[58,60,63,66,76,79,82],arrai:[3,4,33,51,53,59,72],arrayref:[45,47,48],arti:[52,54,55],arxiv:86,asin:68,asinh:68,aspect:88,asr:51,asr_model:51,assembl:[59,83],assign:[3,4,75],associ:[53,59,66,83],associatevalueandivalu:66,associatevalueandtensor:[66,83],assum:[51,58,89],ast:51,asttoken:[51,55,57],async:51,asyncio:[51,54,55,56,57],atan:68,atanh:68,aten:[48,57,58,60,65,66,68,72,83],attach:57,attent:53,attention_mask:53,attention_masks_tensor:53,attr:[51,54,55,56,57],attrdict:51,attribut:[60,63,76,83],auctor:79,audio:51,audioread:51,augment:53,augu:79,auth:51,author:77,auto:[44,66,76,77,83,86,90],autodoc:[76,77],automat:[52,54,56,57,76,83],av:[54,55,56],avail:[52,54,55,56,57,66,74,85,88,90],averag:[48,52,54,55,56,57,58,72,88],avg:[52,57,58,88],avg_pool1d:68,avg_pool2d:68,avg_pool3d:68,avgpool:[54,55,57,58],avoid:[52,53,54,55],awai:76,await:[52,54,55],awaken:76,ax:[52,54,55,57],axi:[52,54,55,58,68],b0:54,b:[54,55,57,68,77],b_hh:68,b_ih:68,babel:51,back:[60,63,64,71,76,82,83],back_insert:44,backbon:[53,57],backcal:[51,54,55,56,57],backend:[51,52,53,54,55,56,57,58,72,75,89],background:[76,82],backlink:76,backport:51,backward:58,bar:[74,76],base:[36,49,52,53,54,56,57,58,63,69,70,71,76,82,85,86],basebal:53,baselin:[55,58],bash:85,basi:[51,52,53,54,55,56,57,76],basic:[58,77,88],batch:[3,4,44,51,52,53,54,55,56,57,58,86,90],batch_norm:[66,68],batch_siz:[44,51,53,57,58,86],batched_attention_mask:53,batched_data_:44,batched_indexed_token:53,batched_segment_id:53,batchnorm2d:[54,55],batchnorm:[57,60],batchsiz:51,batchtyp:44,bathroom:76,bazel:[64,85],bazel_vers:85,bazelbuild:85,bazelisk:85,bazelvers:85,bbox:57,bdist_wheel:85,beat:77,beautifulsoup4:[51,55],becaus:[53,66,82,83,85],becom:[53,66],bee:76,been:[59,66,77,83],befor:[48,55,57,58,60,64,66,67,72,83,85],beforehand:83,begin:[44,53,76,85],beginn:82,begun:76,behav:[57,78],behavior:[48,57,71,72],behaviour:[51,52,53,54,55,56,57],behind:76,being:[52,54,56,57,83],belong:76,below:[53,57,66,76,83,85],benchmark:[52,53,54,56,68],benefit:[66,83],bertformaskedlm:53,bertforpretrain:53,bertforsequenceclassif:53,berttoken:53,besid:76,best:[52,54,55,56,57,76,85],best_result:57,best_results_per_input:57,best_results_per_input_trt:57,beta:68,better:[52,54,56,57,82,86],between:[57,60,66,76,77,85,86],bfe5ad2:52,bia:[53,54,55,56,58,60,68,83],bibendum:79,bibliograph:77,bibtex:51,bidirect:53,bigger:76,bin:85,binari:[44,86],bind:[3,4,33,44,51,54,55,56,57,72,76],bird:[52,54,55,58],bit:[48,53,66,71,72,83],bitbucket:74,bitbucket_url:74,black:[51,57],blandit:79,blank:76,bleach:[51,54,55,56,57],blob:[65,74,86],block0:60,block1:60,block:[59,60,80,88],blue:76,bmm:68,bn1:[54,55],bn2:[54,55],bn3:[54,55],bodi:[76,77],bold:76,bool:[0,1,2,3,4,24,27,29,31,42,44,45,46,48,60,66,68,69,71,72,74,83,86],border:76,bot:57,both:[52,54,56,57,74,76,82,85,86],boto3:51,botocor:51,bottleneck:[54,55],bottom:74,bound:[57,58],box:[57,76],braceexpand:51,bracket:76,branch:[53,85],bread:76,breed:[52,54,55],briefli:82,broadli:53,broken:[51,52,53,54,55,56,57],brontosaurus:76,browser:76,bsd:[42,43,44,45],bu:[51,52,54,55,56],buffer:[3,4],bug:85,bui:77,build:[29,30,34,48,51,52,59,62,64,66,71,75,80,83,86,88],build_fil:85,builderconfig:45,built:[33,63,64,72,85,88],bust:[52,54,55],button:[74,76],c10:[0,1,45,46,47,48,83,86],c96b:55,c:[42,43,44,45,51,52,54,55,56,57,58,64,68,77,87,88,90],c_api:65,c_str:[66,83],ca6b:[52,54],cach:[3,4,29,30,44,51,54,55,57,58,70,83,86,88],cache_:44,cache_fil:[44,70,86],cache_file_path:[3,4,29,30,44],cache_file_path_:44,cache_size_:44,cachecalibr:[70,86],cachetool:51,cackl:77,cadenc:55,calcuat:58,calcul:[47,59,83],calendar:51,calib:58,calib_output:58,calibr:[3,4,29,30,44,48,58,70,72,83,86,88],calibrate_model:58,calibration_cache_fil:[29,30,86],calibration_dataload:[29,86],calibration_dataset:86,calibrationalgo:[70,86],call:[29,30,32,48,51,52,53,54,56,57,58,60,63,66,72,76,82,83,89],callmethod:82,can:[0,1,4,29,30,37,46,47,48,51,52,53,54,55,56,57,58,59,60,62,63,64,66,71,72,74,76,82,83,84,85,86,87,88,89],canada:77,cannot:[47,56,57,58,60,71,72,75,82],canon:74,canonical_url:74,cap:[51,52,54,55,56],capabl:[17,45,48,63,71,72,88,89],capit:[53,76],caption:[76,79],captur:58,car:58,card:[52,53,54],cast:[3,4,60],cat:[58,68,85],caught:60,caus:[52,54,56,57,58,66,74,85],cd:85,cdll:83,ceil:68,ceil_mod:[54,55,68],cell:[53,57,77],center:[52,53,54],centercrop:[52,54,55],cerr:83,certain:[51,85],certifi:[51,53],cf0691493d05062fe3239cf76773bae4c5124f4b039050dbdd291c652af3ab2a:85,cffi:[51,54,55,56,57],chain:66,challeng:58,chanc:66,chang:[30,52,53,54,55,56,57,60,64,74,86],changelog:80,channel:[2,52,54,55,58,71,75],channel_last:[55,71,72],channels_last:71,charact:76,charset:[51,53],check:[0,1,31,46,55,57,60,66,72,83,85,87,88],check_method_op_support:72,check_method_operator_support:[21,41,45,49],checkmethodoperatorsupport:83,checkpoint:[51,53,54,57,58],child:77,chimpansee_amber_r_1920x1080:[52,54,55],chimpanze:[52,54,55],choic:[53,70],choos:[52,54,82],ci:[51,52,54,55,56],cifar10:[58,86],cifar:[58,86],circular:58,ckpt:58,ckpt_path:58,cl:53,clamp:[58,68],clamp_max:68,clamp_min:68,class_pr:58,class_prob:58,classes_to_label:57,classif:[56,57,58,82,83],classifi:[56,58,77],clean:76,clear:44,cli:88,clib:51,click:[51,53,57],clickabl:76,client:[51,54,55,56,57],clone:68,close:[58,83],closer:60,closet:76,cloud:51,cloudfront:[52,54,55],co:[68,77],coco:57,cocodataset:57,code:[52,53,54,55,56,57,64,67,75,77,82,83,86],collapse_navig:74,collat:77,collect:[51,52,54,56,57,58,83],collect_stat:58,colon:76,color:[24,27,69,76],colorama:51,colored_output_on:[27,42,69],column:77,com:[51,52,53,54,55,56,57,65,83,85,86,87],come:[52,54,55,56,57,75,85],command:[76,77,82,83,85,88],comment:[76,85],commodo:79,common:[51,54,57,59,60,76],common_subexpression_elimin:60,commonli:77,commun:83,compani:53,compar:[53,57,58],comparis:[0,2],comparison:[1,46],compat:[0,1,46,52,54,56,57,60,63,72,85],compil:[21,31,37,41,45,48,49,51,52,53,54,55,56,57,58,60,61,63,66,69,71,72,74,82,84,86,87,88,89,90],compile_set:[51,86],compile_spec:[58,86,90],compilegraph:[83,86],compilesepc:33,compilespec:[3,4,21,32,37,41,45,49,83,86,90],compilespecstruct:49,complet:[51,52,53,54,56,57,82,83],complex:[82,85],compli:57,complianc:[51,52,53,54,55,56,57,88],compliat:86,complic:85,compon:[53,56,62,64,82,87],compos:[52,54,55,56,57,58,82,86],composit:[58,83],comprehens:57,compris:53,comput:[48,51,52,53,54,55,56,57,58,76,85,86],compute_amax:58,conceiv:76,concern:53,conclus:[51,52,53,54],conda:[51,52,53,54,55,56,57,58],condimentum:79,condit:[51,52,53,54,55,56,57,76],conduc:55,conduct:53,conf:[74,81],confid:[52,54,55,57],config:[51,52,85],configur:[32,37,47,51,55,67,71,72,80,83,85,86],confirm:51,conflict:[51,52,53,54,55,56,57],congu:79,connect:[52,54,55,60,72,76,90],consectetur:[77,79],consid:[55,83],consist:[53,60,76],consol:88,consolid:82,constant:[55,58,59,60,83],constant_pad_nd:68,constexpr:[0,1,2,45,46],construct:[0,1,2,3,4,46,47,48,59,60,62,64,66,70,71,76,77,83,86],constructor:[0,2,46,47,48,63,82],consult:75,consum:[4,59,82],contact:77,contain:[29,31,51,52,53,54,55,56,57,59,60,66,71,76,77,82,83,85,86,87],content:[55,80,86],context:[52,56,58,59,62,63,64,69],contextnet:51,contigu:[2,47,48,71,72,88],continu:[52,53,54,56,57,76,87],contributor:83,control:[56,57,82],conv1:[54,55,56,82,83],conv2:[54,55,56,82,83],conv2d:[54,55,56,58,82],conv3:[54,55],conv4_x:57,conv5_x:57,conv:[48,58,83,88],conv_asr:51,conval:79,convect:47,conveni:[57,86],convent:[52,53,54,56,57],convers:[52,56,57,58,60,63,71,72,83],conversionctx:[66,83],convert:[3,4,31,32,37,51,52,54,55,56,57,58,60,61,62,64,67,71,72,84,87,89],convert_method_to_trt_engin:[21,41,45,49,71,72,89],convertgraphtotrtengin:83,convien:48,convienc:[3,4,48],convnet:57,convolut:[51,52,55,57,58,72,86,90],coordin:64,copi:[44,51,52,53,54,55,56,57,66,68,70,77],copy_:68,copyright:[42,43,44,45,51,52,53,54,55,56,57,77,83],core:[45,51,52,54,55,56,57,60,64,71,83,88,90],core_id:71,corpor:[42,43,44,45,51,52,53,54,55,56,57],correct:[58,63,74,85],correctli:85,correspond:[57,58,66],cosh:68,count_include_pad:68,counterpart:58,coupl:[52,54,56,57,59,64,87],cout:83,cp38:57,cp:85,cpp:[14,15,42,43,44,45,50,60,64,83,86],cpp_frontend:86,cppdirectori:49,cppdoc:83,cpu:51,cra:79,creat:[29,30,33,51,52,53,54,55,56,57,58,59,63,66,72,76,83,88],create_model:52,create_transform:52,creating_torchscript_module_in_python:84,credit:83,crit:58,criteria:[61,62,64],cross:[58,76],crossentropyloss:58,cs:86,csrc:[60,65],cstddef:86,ctc_bpe_model:51,ctx:[66,83],ctype:83,cu102:85,cuda113:85,cuda:[48,51,52,53,54,55,56,57,58,63,71,83,84,85,86,89],cuda_runtim:[21,45],cudafloattyp:83,cudasetdevic:35,cudnn8:85,cudnn:[51,52,53,54,55,56,57,58],cudnn_en:68,cumsum:68,curabitur:79,curl:[76,85],current:[23,52,54,63,66,72,74],cursu:79,custom:[52,54,85],cut:76,cxx11:87,cycler:51,cython:51,d17fnq9dkz9hgj:[52,54,55],d:[51,52,53,54,55,56,57,58,76,77,88,90],dapibu:79,data:[0,2,3,4,29,30,44,46,47,48,51,52,53,54,56,57,58,59,62,64,66,68,70,71,72,76,80,86,88],data_dir:86,data_item_1:75,data_load:58,databas:51,dataflow:[66,83],dataload:[4,29,30,44,48,58,70,86],dataloader_:44,dataloadercalibr:[70,86],dataloaderopt:86,dataloaderuniqueptr:[4,44],dataset:[30,57,58,70,86],datatyp:[1,21,38,45,46,47,48,49,52,71,72,84],datatypeclass:49,date:77,dateutil:[51,54,55,56,57],david:77,dbg:85,ddof:[51,53],dead_code_elimin:60,deal:66,debian_frontend:51,debug:[16,27,45,48,58,66,69,72,88,89],debugg:[72,88],debugpi:[51,54,55,56,57],decid:[56,71],declar:[58,85],decod:[52,53,54,55],decode_result:57,deconvolut:90,decor:[51,54,55,56,57],dedic:[60,77],deep:[52,53,54,55,56,57,58,66,67,74,86,90],deeplearn:65,deeplearningexampl:57,deer:58,def:[51,52,53,54,55,56,57,58,76,82],default_tim:[51,53],defer:55,defin:[0,1,2,3,4,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,43,46,47,48,50,51,53,55,56,58,71,74,82,83,84,86,88],definit:[50,66,76],defusedxml:[51,54,55,56,57],deiti:76,delet:[0,1,2,45,46,60],delimit:60,demo:[52,53,54,57,76,86],demonstr:[51,52,53,54,55,56,57,76,77,78,86],demonstrat:[52,54],denorm:57,denot:[53,76],dep:85,depend:[30,34,51,55,57,58,59,64,83,87],depickl:63,deploi:[52,54,55,56,57,62,64,67,83,86],deploy:[52,54,56,57,58,83,84,86,87,88,90],deprec:[51,68],depth:74,dequantizelay:58,descclassnam:76,descnam:76,describ:[48,54,56,57,66,82,89],descript:[55,77],deseri:[71,72,83],design:[52,53,54,56,57,90],desir:[58,77,86],destini:77,destroi:[66,77],destructor:66,detail:[52,54,55,58,82,83,87],detect:[47,54,58,63],detections_batch:57,determin:[52,60],determinist:68,develop:[51,52,53,54,56,57,67,76,77,83,85],devhelp:51,deviat:88,devic:[21,33,35,38,45,48,49,52,54,56,57,58,63,68,70,71,72,84,86,88,89,90],device_typ:[45,46,71,86,89,90],deviceclass:49,devicetyp:[21,38,45,46,49,71,86,89,90],devicetypestruct:49,diam:79,dict:[57,71,72],dictionari:[53,71,72,89],dictum:79,dictumst:79,did:76,didn:76,differ:[30,53,55,56,57,58,60,64,67,74,82],differenti:[52,54,56,57],digit:51,dignissim:79,dilat:[54,55,56,57,58,68],dim0:68,dim1:68,dim:[52,54,55,58,68],dim_int:68,dim_intlist:68,dimens:[47,55,60],dir:58,direct:[80,87],directli:[66,67,70,85,86],directori:[18,19,20,21,42,43,44,45,49,58,85,86],disabl:[52,54,55,56,57,58,69,74,75,85,88],disable_calib:58,disable_qu:58,disable_tf32:[45,48,72,86],disclos:85,disconnect:76,discret:76,discuss:55,disp:[51,52,54,55,56],displai:[69,74,88],display_github:74,display_gitlab:74,display_vers:74,disregard:52,dist:85,distanc:51,distdir:85,distribut:[51,52,53,54,55,56,57,71,83,86,87],div:68,div_:68,divis:51,divisor_overrid:68,django:75,dl:76,dl_open:87,dla:[1,45,46,67,71,72,88],dla_cor:[45,46,71,86,88,89,90],dla_standalon:88,dlacor:88,doc:[58,64,65,74,75,76,81,85],docker:[51,52,53,54,56,57],docopt:51,docsrc:64,docstr:[76,77],document:[42,43,44,45,49,52,54,55,64,74,76,77,81,82,83,86,87,89],docutil:[51,76,77],doe:[43,44,53,57,60,66,76,86],doesn:[58,76,82,83],dog:58,dolor:[77,79],domain:[77,86],don:[56,66,74,76,77,86],done:[51,55,57,59,64],donec:[77,79],dont:42,dothismethod:76,dotpai:75,dotpayprovid:75,doubl:[48,72,76,88],down:[52,54,56,57,74,85],download:[51,52,54,56,57,58,80,85,86],downsampl:[54,55],doxygen_should_skip_thi:[44,45],dpython:[71,72],dr:55,dream:77,driver:[51,52,54,55,56,85],drop:[57,74,85],dt:76,dtype:[45,47,48,51,52,53,54,55,56,57,58,68,71,72,84,88],dual:76,due:[3,4,52,54,56,57,58,75,76,85],dui:[77,79],dummi:53,dump:[36,85,88],dump_build_info:[21,38,45,49,71],durat:76,dure:[48,58,66,70,86,87,88],dynam:[47,48,57,58,71,72],e1109:58,e:[29,30,52,53,54,57,60,66,71,82,83,85,86,88],each:[3,4,48,53,57,58,59,60,63,66,74,76,83,85],eager:[52,54,56,57],ear:76,earliest:58,eas:43,easi:[59,60,83,86,88],easier:[53,58,62,64,66,83,86],easiest:85,easili:[3,4],ecc:[51,52,54,55,56],echo:76,ecosystem:[52,54,56,57],edg:76,edgecolor:57,edit:74,editdist:51,edu:86,effect:[51,58,60,74,83,86],effici:66,efficientnet:[54,57],efficientnet_b0:52,efficientnet_b0_model:52,efficientnet_preprocess:52,efficitur:79,effort:55,egesta:79,eget:79,either:[47,48,51,52,53,54,55,56,57,66,71,72,74,76,82,83,85,88],el:68,eleifend:77,element:[53,63,76,77,80],element_typ:44,elementum:79,elit:[77,79],elk:76,els:[43,44,47,51,58,72,76,77],elu:68,emb:[33,72,77,88],embed:[63,68,72,76,88,90],embed_engine_in_new_modul:[21,41,45,49,72],emit:59,emphasi:76,emploi:53,empti:[48,56,72,77,82],emum:[16,17],en:[51,74],enabl:[3,4,24,48,52,54,55,56,57,58,61,62,64,69,70,72,74,88],enable_calib:58,enable_precis:83,enable_qu:58,enabled_precis:[45,48,51,52,53,54,55,56,57,58,71,72,83,84,86,89,90],enalbed_precis:90,enc:53,enc_input:53,encdecctcmodelbp:51,encod:[51,53,63],encoded_input:53,encorag:[52,53,54,55],encount:85,end:[44,66,68,72,76,83,86,88],end_dim:[68,83],end_tim:[51,52,53,54,55,56,57,58],endif:[43,44,45],energi:76,enforc:83,engin:[0,1,17,32,33,37,45,46,47,48,51,53,55,59,62,64,67,71,72,74,83,84,86,87,88,89,90],engine_converted_from_jit:83,enginecap:[21,38,45,48,49,71,72,89],english:53,enhanc:[57,76],enim:79,enjoi:53,enough:58,ensur:[30,58,60],enter:[53,59],entir:[58,76],entiti:76,entri:[48,66],entropi:[29,30,58,86],entropy_calibr:70,entropy_calibration_2:[70,86],entrypoint:[51,54,55,56,57],enumer:[0,1,2,16,17,46,53,58,70],environ:[51,52,53,54,55,56,57],ep:[54,55,68],epoch:58,eq:[68,76],equat:76,equival:[32,56,57,62,64,66,72,82,83,86],equivil:37,erat:79,erf:68,eric:76,ero:79,error:[16,48,51,52,53,54,56,57,59,60,64,69,72,76,83,85,88],eskimo_dog:52,essenc:76,essenti:55,est:79,et:79,eta:[52,54,56,57],etc:[74,76,90],etiam:79,eu:79,euismod:79,eval:[51,52,54,55,56,57,58,83,84],evalu:[57,62,63,64],evaluated_value_map:[59,66],even:83,event:47,everi:83,everyth:16,ex:[0,1,2,33,46,72,77,79],exactli:[53,57],examin:53,exampl:[47,52,54,55,56,57,58,63,64,66,69,71,72,74,75,77,80,82,83,86,87],exceedingli:76,except:[51,52,53,54,55,56,57],exception_elimin:60,excerpt:77,excit:51,execpt:60,execut:[33,51,52,54,55,56,57,60,62,63,64,71,72,82,83,86,88],execute_engin:[63,83],exert:76,exeuct:63,exhaust:83,exist:[4,31,32,37,51,70,71,72,85,86],exp:68,expand:[60,68],expand_a:68,expanded_pad:58,expect:[47,48,52,53,54,55,56,57,60,66,71,83],experi:[52,53,54,56,57],experiment:58,explan:55,explic:[44,58],explicit:[0,1,2,3,4,45,46,55,60,67,76,86],explicitli:[53,58,61,62,64,86,89],explict:44,explictli:0,expon:68,export_util:51,expos:86,express:[51,52,53,54,55,56,57,76],ext:[76,77],extend:[51,62,64,66,68,83],extens:[51,53,57],extent:[55,67,83],extern:[74,76],extra:[48,83],extract:83,extractor:56,extrem:76,ey:76,f16:[83,88,90],f1:[52,54,55],f32:88,f:[51,56,58,76,82,85],facecolor:57,facilisi:79,fact:85,facto:76,factori:[4,29,30,86],fail:[83,90],fake:58,fake_quantize_per_:58,fake_quantize_per_channel_affin:[58,68],fake_quantize_per_tensor_affin:[58,68],fall:71,fallback:[61,62,64,66,88,90],fals:[0,1,2,3,4,44,45,46,48,51,54,55,57,58,68,71,72,74,75,76,77,83,86,89],fame:79,famili:[52,54,56,57,58],familyhandyman:[52,54,55],fan:[51,52,54,55,56],far:76,fashion:83,faster:58,fastjsonschema:55,fasttext:51,faucibu:79,fbed:[52,54,55],fc1:[56,82,83],fc2:[56,82,83],fc3:[56,82,83],fc:[48,54,55,57,58,60,88],feat:[56,82,83],featur:[51,52,53,54,55,56,57,58,83,86,88,89],feb:[52,54,56],fed:[3,4,47],feed:[29,30,58,83],feel:[55,67],feli:79,feugiat:[77,79],few:[52,54,56,57,71],ffmpeg:51,field:[3,4,86],fifth:77,fig:[52,54,55,57],figur:[77,79],file:[0,1,2,3,4,5,6,7,8,9,10,11,12,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,51,52,53,54,55,56,57,58,63,64,70,71,72,74,75,77,81,83,85,86,88],file_path:88,filelock:[51,53],filer_publ:[52,54,55],filer_public_thumbnail:[52,54,55],fill:[51,52,53,54,56],filter:[51,57,58],find:[4,53,57,83],fine:[51,58],finetun:58,finibu:79,finish:57,first:[47,51,53,56,57,58,59,60,76,77,83,84,86],fit:76,five:57,fix:[48,54,57,76,90],fixed_s:[45,48],flag:[58,61,62,64,70,85,87,88],flatten:[56,68,82,83],flatten_convert:83,flexibl:[52,54,56,57],float16:[51,52,54,56,57,71,88],float32:[47,48,51,52,53,54,55,58,71,72,88],float64:72,float_int:68,floor:68,floor_divid:68,floordiv:68,flow:[56,57,58,66,76,82],flox:76,fluent:53,flush:76,fly:82,fmax:51,fmin:51,focal:51,fold:77,follow:[33,51,52,53,54,55,56,57,58,63,72,74,76,77,81,82,83,85,86,87,88],fonttool:51,foo:[76,77],footprint:[52,54,56,57],forc:[72,74,88],form:[51,53,59,71,76],format:[33,45,47,48,51,52,53,54,55,56,57,58,68,71,72,76,77,84,88],forth:77,forum:85,forward:[29,30,32,33,56,58,63,66,71,72,82,83,86,89],found:[42,43,44,45,51,52,54,55,56,57,76,83,85,86,87],four:[76,77],fp16:[0,47,48,53,55,56,57,58,67,83,84,88,90],fp32:[0,47,48,53,55,56,57,58,67,72,86,88],frac:76,framework:[52,54,56,57],franc:53,freed:66,freeli:55,freeze_modul:60,fri:52,friend:45,fringilla:79,frog:58,from:[0,1,2,3,4,29,30,44,46,47,48,51,52,53,54,56,57,58,59,60,62,63,64,66,67,72,74,75,76,77,82,83,86,88],from_pretrain:[51,53],frozen:58,frozendict:51,frozenlist:51,fssl:85,fsspec:51,fstream:[20,44],full:[48,58,66,69,83,86,87,88,90],fulli:[31,60,72,83,86,88,90],fusc:79,fuse:[52,54,56,57],fuse_addmm_branch:60,fuse_flatten_linear:60,fuse_linear:60,fusion:66,futur:[51,52,53,54,56,58],futurewarn:51,g2p:51,g:[29,30,51,53,60,71,76,85,86,88],g_:76,gain:57,game:53,gamma:68,gatewai:75,gaurd:43,gcc:[64,83],gdown:51,ge:68,gear:86,geforc:[52,54,56],gener:[3,4,30,51,52,53,54,55,56,57,58,60,63,64,66,74,76,77,80,82,83,85,86,88],genutil:[51,54,55,56,57],geometr:53,get:[0,1,2,3,4,23,34,44,46,57,58,60,66,69,71,85,86],get_batch:70,get_batch_impl:44,get_batch_s:70,get_build_info:[21,38,45,49,71],get_cache_mode_batch:70,get_coco_object_dictionari:57,get_is_colored_output_on:[18,39,42,49,69],get_logging_prefix:[18,39,42,49,69],get_model_size_mb:51,get_reportable_log_level:[18,39,42,49,69],getattr:[51,60,63,82,83],getbatch:[3,4,44],getbatchs:[3,4,44],getdimens:[66,83],getoutput:[66,83],gi:[51,52,54,55,56],git:80,gitdb:51,github:[51,52,53,54,56,57,65,74,83,85,86,87],github_url:74,gitlab:74,gitlab_url:74,gitpython:51,give:[56,74,76],given:[47,48,53,57,60,70,71,72,82,83,88,89],global:[26,58,83],gnu:85,go:[44,52,54,55,56,57,58,60,67,82,83],goal:66,goe:[58,76],good:[44,66,76],goodger:77,googl:[51,53,74],got:[76,83],govern:[51,52,53,54,55,56,57],gpu:[1,32,35,37,45,46,51,52,53,54,55,56,57,58,71,72,83,86,88,89,90],gpu_id:[35,45,46,71,86,88,89,90],granular:56,graph:[16,31,32,37,45,51,52,54,55,56,57,58,59,62,64,66,67,69,72,82,83,88],graphic:55,graphnam:[51,53],gravida:79,great:[52,54,56,57,76,83],greater:69,green_mamba:[54,55],group:[58,68,76,77],grpcio:51,gru_cel:68,gt:[51,52,53,54,55,56,57,68],gtc:67,guangzhou:77,guard:60,guard_elimin:60,guess:53,gui:76,guid:75,gulf:[52,54,55],gz:[76,77,85,86],h5py:51,h:[0,1,2,3,4,5,6,7,8,9,10,11,12,15,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,49,50,52,54,57,60,83,86,88],ha:[51,52,53,54,55,56,57,58,59,60,61,62,64,66,76,77,82,83,86],habit:79,habitass:79,hac:79,hack:44,hakaimagazin:[52,54,55],half:[53,55,56,57,58,71,76,83,84,86,88,89,90],handl:[57,60,63],happen:[56,58,82],hardtanh:[66,68],hardtanh_:68,hardwar:[52,54,56,57,90],hasattr:51,hash:85,have:[30,33,44,51,52,53,54,55,56,57,59,60,66,67,71,72,76,82,83,85,86,88],haven:83,head:57,header:[52,54,55,74,76,77,83],heart:77,heaven:76,heck:76,heh:77,hehe:77,height:76,help:[27,51,52,53,54,56,58,59,66,83,87,88],helper:[51,56,57,58,66],henc:53,hendrerit:79,here:[44,51,52,53,54,55,56,57,59,63,74,76,77,82,83,85,86,87],hermet:85,hexagram:76,hfile:49,hi:[68,76,77],hidden:[43,53,74],hierarchi:58,high:[52,54,57,60,74],higher:[53,60,74,76,82],highfreq:51,highli:55,highlight:76,hinton:86,hist_percentil:58,histogram:58,historgram:58,hit:51,hold:[46,47,59,66,86],holder:[63,78],holi:76,home:85,hood:[64,84],hope:77,hors:58,host:[54,55,56,57,58,85],how:[3,4,52,53,54,55,57,58,76,78,80,82,87,89],howev:[30,52,54,56,57,74,75,85],html:[58,65,76,82,85,86],html_theme:81,html_theme_opt:74,html_theme_path:81,htmlhelp:51,http:[51,52,53,54,55,56,57,58,65,74,76,82,83,85,86,87],http_archiv:85,hub:[51,53,54,57],huge:53,huggingfac:[51,53],human:76,humankind:77,huski:[52,54,55],hx:68,hybrid:72,hydra:51,hyperlink:76,hyphen:76,i8:88,i:[51,52,53,54,55,56,57,58,60,66,76,77,82,83,86,88],iaculi:79,icon:[74,76],id:[35,45,51,52,54,55,56,57,71,74,75,79,88,90],idea:[60,76],ident:[53,88],idna:[51,53],idx:[57,68],ifndef:[44,45],ifstream:44,ignor:71,iii:77,iint8calibr:[3,4,29,30,44,45,48,72,86],iint8entropycalibrator2:[3,4,29,30,44,86],iint8minmaxcalibr:[29,30,86],ilay:66,illustr:58,imag:[52,54,55,57,58,86],image_classif:57,image_idx:57,imageio:57,imagenet:[52,54,55,58],imagenet_cla:[52,54,55],imagenet_class_index:[52,54,55],images:51,images_:86,img0:[52,54,55],img1:[52,54,55],img2:[52,54,55],img3:[52,54,55],img:[52,54,55],img_path:[52,54,55],impact:[52,53,54,56,57],imperdiet:79,implement:[3,4,52,53,54,55,56,57,60,63,75,83,86,87],impli:[51,52,53,54,55,56,57],implic:60,implicit:[68,76],implicitli:71,implictli:71,importlib:[51,54,55,56,57],improv:[58,77],imshow:[52,54,55,57],in_featur:[54,55,56],in_shap:83,in_tensor:82,incas:44,includ:[13,15,16,34,36,42,43,44,45,50,52,54,56,57,61,62,63,64,74,76,82,83,85,86,88],includedirectori:49,includehidden:74,incompat:85,incorpor:77,incorrect:58,ind:[52,54,55],inde:[52,54,56,57],indent:76,independ:57,index:[33,51,52,53,54,55,56,57,58,65,67,68,72,74,80,86],indic:[51,53,68,74,76],indigo_bunt:52,indirect:76,inetworkdefinit:59,infer:[51,52,53,54,56,58,60,71,72,83,86],inflect:51,info:[16,32,37,45,48,66,69,71,83,88],inform:[25,33,34,36,47,51,55,57,58,59,63,67,69,71,76,82,83,85,86,88,89],infrastructur:86,ingest:64,inherit:[49,86],iniconfig:51,init_weight:58,initi:[51,53,58,76],injuri:76,inlin:[0,1,2,3,4,29,30,44,46,48,51,54,55,56,57,60,77,80,83],inner:[48,77],innings:53,inplac:[54,55],input0:83,input1:83,input2:83,input:[3,4,21,30,33,38,44,45,48,49,51,52,53,54,55,56,57,58,59,60,63,66,68,69,71,72,77,82,83,84,86,88,89,90],input_0:[63,83],input_batch:[52,54,55],input_data:[52,54,55,56,57,58,82,84],input_file_path:[88,90],input_id:53,input_is_dynam:45,input_s:83,input_scal:68,input_shap:[51,52,54,55,56,57,58,86,90],input_spec:88,input_tensor1:53,input_tensor2:53,input_tensor3:53,input_tensor:[51,52,54,55],inputclass:49,inputrang:83,inreleas:51,insert:[58,83,86],insid:76,inspect:[52,54,56,57,66,82,83],instal:[51,52,53,54,55,56,57,58,67,80,83,87],instanc:[53,56,60,70,82,83],instance_norm:68,instanti:[51,62,63,64,66,83],instatin:[0,1,2,46],instead:[48,51,52,53,54,55,56,57,58,59,60,83,87,88],instnanti:63,instruct:[61,62,64,83,85],insur:85,int32:[53,55,71,72],int64:72,int64_t:[45,46,47,48,86,90],int8:[0,44,47,48,55,67,71,72,86,88,90],int8_t:[17,45],int8cachecalibr:[20,30,40,44,49],int8cachecalibratortempl:49,int8calibr:[3,20,29,40,44,49],int8calibratornamespac:49,int_float:68,integ:[58,71,79],integr:[52,53,54,55,56,57,67],intend:[51,85],intent:[60,76],interact:76,intercompat:57,interdum:79,interest:[60,76],interfac:[0,1,2,46,63,64,66,86],interfer:76,intermedi:[16,52,54,56,57,69,82],intern:[1,16,46,52,54,56,57,58,66,69,76,83],internal_error:69,internalerror:69,interpol:[52,76],interpolationmod:52,interpret:[52,54,56,57,63,76],intro_to_torchscript_tutori:82,introduc:[52,54,56,57,58],introduct:53,invalid:58,invok:[82,83],involv:[51,52,53,54,56],io:[44,51,52,53,54,55,56,57],iostream:[20,21,44,45,83],ipad:51,ipso:76,ipsum:[77,79],ipykernel:[51,54,55,56,57],ipython:[51,54,55,56,57],ipywidget:[51,54,55,56,57,58],ir:[52,54,56,57,62,64,66,71,82],is_avail:[52,54,55],is_floating_point:68,is_tar:51,is_train:86,iscustomclass:66,isinst:58,isn:[74,76],isort:51,issu:[3,4,51,52,53,54,56,83,85],istensor:66,istream_iter:44,it_:44,ital:76,item:[51,52,53,54,55,58,75,77],itensor:[59,66,83],iter:[20,44,48,51,52,53,54,55,56,57,58,59,70,72,88],its:[30,52,54,56,57,59,63,66,76],itself:[0,1,2,46,60,85,88,89],iv:77,ivalu:[59,63,66,83],ja:51,jan:77,jarowinkl:51,jedi:[51,54,55,56,57],jetpack:85,jetpack_4:85,jetson:[52,54,56,57,71],jieba:51,jinja2:[51,54,55,56,57],jit:[31,32,33,37,45,51,52,53,54,55,56,57,58,59,60,62,63,64,65,66,71,72,82,83,84,88,89],jit_model:58,jmespath:51,joblib:[51,53],join:58,jpeg:[52,54,55],jpg:[52,54,55,57],jpg__1920x1080_q85_subject_loc:[52,54,55],jsmath:51,json:[52,54,55],json_fil:[52,54,55],jsonschema:[51,54,55,56,57],jupyt:[51,54,55,56,57],jupyterlab:[51,54,55,56,57],jupyterlab_widget:[54,56,57],just:[44,45,52,53,54,55,57,60,67,69,76,78,82,83,84,87,89],justo:[77,79],k:[53,68,86],kaldi:51,kaldiio:51,kb:[52,54,55,56,57],kbool:[0,45],kchannelslast:[2,45],kchar:[0,45],kclip:66,kcontigu:[2,45,47],kcpu:[1,46],kcuda:[1,46,83],kdebug:[16,42,44],kdla:[1,45,46,90],kdla_standalon:[17,45],keepdim:68,kei:[53,58,76,82],kept:[58,77],kernel:[47,48,52,54,56,57,66,71,72,88],kernel_s:[54,55,56,68],kerror:[16,42],keyboard:76,keyword:[51,71,72],kf16:[86,90],kfloat:[0,45,48],kgpu:[1,45,46],kgraph:[16,42,60],khalf:[0,45,83],ki8:86,kind:[51,52,53,54,55,56,57,59,71],kinfo:[16,42,44],kint:[0,45],kinternal_error:[16,42],kiwisolv:51,know:[42,66,74,76],knowledg:76,kriz:86,krizhevski:86,ksafeti:[17,45],kstandard:[17,45,48],ktest:86,ktrain:86,kunknown:[0,2,45],kwarg:[58,70,71],kwarn:[16,42],l:68,label:[52,54,55,57,58,76,86],lacinia:79,lack:[61,62,64],lacu:79,laid:83,lambda:[54,55,57,66,76,83],lang:75,languag:[51,52,54,55,56,57,75,76,77,82],laoreet:79,larg:[52,53,54,56,57,58,62,64,74,76,83,86],larger:[74,86],largest:68,last:[2,51,57,60,71],latenc:[51,53],later:[30,53,83],latest:[52,53,54,74,85],latexcodec:51,law:[51,52,53,54,55,56,57],layer1:[54,55],layer2:[54,55],layer3:[54,55],layer4:[54,55],layer:[46,48,52,54,56,57,58,59,60,66,72,83,86,88,90],layer_norm:68,layout:[2,47,68,71,72],ld_library_path:85,ld_preload:87,ldd:85,le:68,lead:76,leader:76,leaky_relu:68,leaky_relu_:68,learn:[55,58,67,83,85,86,90],leas:77,least:[52,53,54,76,77],leav:[56,58,60],lectu:[77,79],left:[57,74,76],legacy_calibr:70,legend:76,len:[51,53,57,58,68],lenet:[82,83],lenet_script:[82,83],lenetclassifi:[56,82],lenetfeatextractor:[56,82],length:[3,4,44,52,53,54,55,68,77],leo:79,let:[46,51,52,54,55,56,57,60,66,71,72,74,76,88],letter:[51,77],level:[18,23,25,26,39,42,44,49,52,53,54,56,57,58,60,64,69,80,82],levelnamespac:49,leverag:[52,54,55,56,57,86],lib:[51,52,53,54,55,56,57,58,60,83,85],libero:[77,79],librari:[34,42,43,44,45,52,54,55,56,57,58,62,63,64,66,83],librosa:51,libsndfile1:51,libtorch:[4,36,52,54,56,57,66,83,85,86],libtorch_pre_cxx11_abi:85,libtorchtrt:[83,85,88],libtorchtrt_plugin:87,libtorchtrt_runtim:87,licens:[42,43,44,45,51,52,53,54,55,56,57,83],light:76,lightn:51,lightningdeprecationwarn:51,lightningmodul:51,ligula:79,like:[52,54,56,57,59,60,63,66,75,76,82,83,84,85,86,87,88],limit:[51,52,53,54,55,56,57,60,69,75,86],line:[77,83,88],linear:[2,54,55,56,58,68,71,82],linewidth:57,link:[59,67,74,75,80,83,87,88],linux:[64,83,85],list:[18,19,20,21,31,48,50,51,53,57,58,59,63,66,68,71,72,80,83,84,85],listconstruct:[59,63,83],listunpack:[63,83],liter:77,literal:77,literal_block:76,live:[66,76],ll:53,llvmlite:51,lo:68,load:[51,52,54,55,57,58,63,70,72,83,84,86,87,88,89],load_calib_amax:58,load_librari:87,load_state_dict:58,loader:[51,52,54,56,57],loading_data_recip:86,loborti:[77,79],local:[57,58,60,74,83],locat:[57,85,86],lock:75,log:[15,16,19,20,38,44,49,50,53,58,60,66,67,68,71],log_debug:66,logger:69,loggingenum:49,loglevel:69,logo_onli:74,lone:77,longer:[52,54,56,57,74,87],look:[51,52,53,54,55,56,57,58,59,60,82,86,89],loop_unrol:60,lorem:[77,79],lorikeet:[54,55],lose:74,loss:[58,86],lot:66,lower:[16,55,69,71,77],lower_graph:60,lower_tupl:60,loweralltupl:60,lowersimpletupl:60,lowfreq:51,lr:58,lstm_cell:68,lt:[51,53,54,55,56,57,58,68],ltorchtrt:87,luctu:79,lvl:[25,26,42],m:[51,52,54,55,56,77],machin:[52,54,56,57,63,85,86],macro:[5,6,7,8,9,10,11,12,15,18,21,42,45,49,50],mad:76,made:[57,60,62,64,76],maecena:79,magna:79,mai:[51,52,53,54,55,56,57,59,63,64,76,77,82,83,85,86],main:[57,60,62,63,64,66,74,76,78,83],maintain:[53,63,66],major:[52,54,56,57,64],make:[52,53,54,55,56,57,59,76,78,83,84,85,86,90],make_data_load:[4,86],make_int8_cache_calibr:[20,40,44,49,86],make_int8_calibr:[20,30,40,44,49,86],malesuada:79,man:[76,77],manag:[51,52,53,54,55,56,57,59,62,64,66,69,71,83],mangag:60,mani:[74,76,77],manifest_filepath:51,mantissa:[48,72],manual:[75,76,85],manual_se:51,manylinux2014_x86_64:57,manylinux_2_17_x86_64:57,map:[1,46,59,60,62,64,66,83,86,89],mark:[52,60,74],markdown:51,marknodesforfallback:60,markup:[77,80],markup_process:76,markupsaf:[51,54,55,56,57],marshmallow:51,mask:[51,68],masked_fil:68,masked_sent:53,massa:79,master:[65,76,85,86,87],mat2:68,match:[48,60,85],math:80,mathemat:53,matmul:[60,68,83],matplotlib:[51,52,54,55,56,57],matric:53,matrix:65,matti:77,matur:64,mauri:[77,79],max:[47,48,54,55,56,57,58,66,68,71,74,88],max_bound:58,max_c:88,max_dur:51,max_h:88,max_length:53,max_n:88,max_pool1d:68,max_pool2d:[56,68,82,83],max_pool3d:68,max_shap:[45,47,55,56,71,72,84],max_val:[66,68],max_valu:58,max_w:88,maxcalibr:58,maxim:55,maximu:79,maximum:[47,48,52,53,54,55,58,72,88],maxpool2d:[54,55],maxpool:[54,55],mayb:76,mb:[52,54,55,56,57,88],md:65,me:[76,77],mean:[51,52,53,54,55,56,57,58,66,67,68],mecab:51,mechan:[51,53,66],media:[52,54,55],median:[51,53],medium:76,meet:71,mel:51,member:[46,47,48,71],memeori:2,memori:[20,21,44,45,48,51,52,54,55,56,57,60,66,71,72,83,84],memory_format:[68,71],memoryformat:[2,45],men:76,mental:76,menu:[74,76,88],menuselect:76,messag:[16,25,26,69,88],meta:80,metadata:[51,63,66,74],meth:76,method:[31,32,33,37,47,51,52,54,55,56,57,58,60,66,71,72,76,82,83,85,88,89],method_nam:[31,37,45,71,72,83,88],metric:51,metu:79,mi:79,middl:76,mig:[51,52,54,55,56],might:[53,58,60,74,85],min:[47,48,66,68,71,88],min_block_s:[45,48,72],min_bound:58,min_c:88,min_h:88,min_n:88,min_shap:[45,47,55,56,71,72,84],min_val:[66,68],min_valu:58,min_w:88,mind:76,mine:76,mini:[52,54,55],minim:[48,72,86,88],minimum:[47,48,55,69,72,88],minmax:[29,30,86],minmax_calibr:70,misbuild:74,miss:[76,83],mistun:[51,54,55,56,57],mix:57,mixin:51,mkdir:[52,54,55,85],mlm_model_t:53,mm:51,mmb:76,mobilenet_v2:89,mod:[51,80,83,86,88],mode:[58,84,86],mode_:86,model:[51,63,69,82,83,84,86,88,89],model_math:57,model_nam:[51,58],model_s:51,model_state_dict:58,model_torchtrt:69,model_trt:69,modelpt:51,modern:57,modifi:[77,85],modified_state_dict:58,modul:[31,32,33,37,45,48,51,52,53,54,55,56,57,58,61,62,63,64,66,67,71,72,75,76,77,84,86,88,89,90],modular:83,module_fallback:60,module_nam:88,molesti:79,momentum:[54,55,58,68],mon:55,month:51,monthli:[51,55],morbi:79,more:[52,54,55,56,57,58,59,67,71,74,77,82,83,85,86,87,89],most:[53,64,85,87],most_likely_token_id:53,most_likely_token_ids_trt:53,mother:76,motion:76,mous:76,move:[29,44,45,52,54,55,56,57,60,63,72,83,86],mpmath:51,ms:[52,54,55,56,57,58],mse:58,msg:[26,42,51,53,69],mu:76,much:[66,74,76,86],mul:[58,68],mul_:68,multi:88,multidict:51,multipl:[63,76,77,86],multipli:[48,72],must:[33,47,48,53,57,60,66,71,72,76,77,83,85,87,88],mutil:77,my:76,myclass:76,mymodel:84,mypi:57,myself:77,n01537544:52,n01739381:52,n01749939:[54,55],n01820546:[54,55],n02109961:52,n02110185:[54,55],n02481823:[52,54,55],n:[51,52,53,54,56,66,83,86,88],n_fft:51,n_mel:51,nabla:76,nam:[77,79],name:[3,4,31,33,37,44,51,52,54,55,56,57,58,63,66,70,72,76,77,82,83,85,89],named_modul:58,namespac:[42,43,44,45,50,60,67,86],narrow:[58,68],nativ:[58,64,65,83],native_funct:65,natur:[53,76],nav:[74,80],navig:74,navigation_depth:74,nbbind:[3,4,44],nbclient:[51,54,55,56,57],nbconvert:[51,54,55,56,57],nbformat:[51,54,55,56,57],nchw:[2,71,72],ncol:[52,54,55],ne:[60,68],nec:79,necessari:[42,87],need:[0,1,2,25,30,43,46,52,54,55,57,59,60,66,76,83,84,85,86,87],neg:68,negative_slop:68,nemo:51,nemo_1:51,nemo_asr:51,nemo_log:51,nemo_toolkit:51,nequ:[77,79],nest:[49,51,54,55,56,57,76,77],net:[52,54,55,66,76,77,83],netu:79,network:[29,30,52,54,56,57,58,66,83,86,90],networkx:57,neural:[52,54,57,90],new_lay:66,new_level:53,new_local_repositori:85,new_lr:58,new_siz:86,newer:[52,54,56,57],newest:51,newli:51,next:[3,4,57,58,59,63,74,76,77,86],nfilt:51,ngc:[51,52,53,54,55,56,57,85],nhwc:[2,71,88],nibh:[77,79],nice:85,nickel:76,night:77,nine:53,ninja:85,nisi:79,nisl:79,nl:[52,54,55],nlp:[29,30,53,86],nltk:51,nn:[51,52,54,55,56,58,60,65,71,72,82,83,84],no_grad:[51,52,53,54,55,56,57,58],node:[58,60,61,62,64,66,83],node_info:[66,83],noexcept:[3,4,44,86],non:[77,79],non_block:[58,68],none:[52,54,56,57,58,66,68,71,72,74,76],nonetheless:76,nonexist:76,noninteract:51,norm:68,normal:[0,1,2,46,51,52,53,54,55,56,57,58,76,82,83,86,90],normalized_shap:68,noskipw:44,notatemoduleforfallback:60,note:[1,46,47,53,66,71,74,76,83,85,90],notebook:[51,52,53,54,55,56,57,58,64],notic:[56,57],now:[51,52,53,54,56,57,60,64,66,76,83,85,89],np:[51,52,53,54,55,56,57,58],nrow:[52,54,55],nrun:[52,54,55,56,57,58],nu:76,nulla:79,nullptr:[44,45,48],num:[51,53,88],num_avg_timing_it:[45,48,72,89],num_batch:58,num_bit:58,num_calib_batch:58,num_class:58,num_epoch:58,num_it:88,num_loop:[51,53],num_min_timing_it:[45,48,72,89],num_op:88,num_work:[58,86],numba:51,number:[3,4,48,51,52,53,54,58,60,66,71,72,74,83,88],numel:68,numer:[51,77,88],numpi:[51,52,53,54,55,56,57,58],nunc:79,nvcr:51,nvidia:[32,37,42,43,44,45,51,52,53,54,55,56,57,58,65,71,72,83,85,86,87,88,90],nvidia_convnets_processing_util:57,nvidia_deeplearningexamples_torchhub:57,nvidia_efficientnet:57,nvidia_efficientnet_b0:57,nvidia_efficientnet_b4:57,nvidia_efficientnet_widese_b0:57,nvidia_efficientnet_widese_b4:57,nvidia_resnet50:57,nvidia_resnext101_32x4d:57,nvidia_resnext:57,nvidia_se_resnext101_32x4d:57,nvidia_ssd:57,nvidia_ssd_processing_util:57,nvidia_ssdpyt_amp_200703:57,nvidia_tacotron2:57,nvidia_tts_util:57,nvidia_waveglow:57,nvinfer1:[3,4,29,30,44,45,48,66,86],nvinfer:[20,44],nwarmup:[52,54,55,56,57,58],o:[52,54,55,76,85],oauthlib:51,obj:68,object:[0,1,2,3,4,46,47,48,63,66,69,70,72,86,89],observ:[51,52,53,54,58],obsolet:57,obtain:[51,52,53,54,55,56,57,58,84],obvious:82,octet:[52,54,55],odio:[77,79],off:[51,52,54,55,56,57,63],offici:85,ofstream:[44,83],often:76,oh:77,ok:[52,54,55,76,83],okai:48,older:64,omegaconf:51,onc:[42,43,44,45,59,60,63,86,87],one:[53,57,58,60,66,69,71,76,82,83],ones:[42,52,54,56,57,61,62,64,76,83,85],onli:[1,3,4,16,30,44,46,47,56,57,60,64,66,69,71,76,85,86,87,88,90],onnx:[51,60],onto:[63,88],onward:[52,54,55],op:[52,53,54,55,57,58,59,60,62,64,66,71,83,87,88],op_nam:88,op_precis:[52,54,55,57],open:[52,54,55,56,57],opencc:51,oper:[0,1,2,3,4,31,44,45,46,48,52,54,55,56,57,58,59,60,61,62,63,64,66,67,71,72,84,86,88,90],oppos:72,opset:[62,64],opt:[47,48,51,52,53,54,55,56,57,58,71,85],opt_c:88,opt_h:88,opt_n:88,opt_shap:[45,47,55,56,71,72,84],opt_state_dict:58,opt_w:88,optim:[47,51,52,53,54,55,56,57,58,60,67,82,83,84,88],optimin:47,optimiz:[52,54,56,57,82],optimized_execut:51,option:[44,47,61,62,64,71,76,80,85,86,87,88,90],orchestra:76,orci:79,order:[48,57,66,72,83,84],org:[51,52,53,54,55,56,57,58,65,74,76,82,83,85,86],organ:77,origin:[51,53,57,58],original_nam:56,ornar:[77,79],os:[45,58],ostream:45,other:[0,1,2,45,46,52,54,55,56,57,58,59,60,63,67,68,75,76,83,84,85,87,88],otherwis:[52,53,54,85,87],our:[52,53,54,55,56,57,64,82,83],out:[31,44,51,52,53,54,55,56,58,59,60,62,64,66,69,72,76,83,85],out_dir:58,out_featur:[54,55,56],out_shap:83,out_tensor:[66,83],output0:60,output:[24,27,33,48,52,53,54,55,56,57,58,59,60,63,66,69,72,74,76,77,83,85,88],output_file_path:[88,90],output_pad:68,output_s:[54,55,68],output_trt:53,outself:83,outsid:76,over:[52,54,55,56,62,64,76],overkil:56,overrid:[3,4,29,30,44,71,86],overview:[53,65,67],own:[51,52,53,54,56,66,76,83],p0:55,p2:51,p8:[51,52,54,56],p:[52,54,55,68,83,88,90],packag:[51,52,53,54,55,56,57,58,60,83,88],pad:[51,53,54,55,58,68],padding_idx:68,padding_mod:58,page:[55,67,78,80],pair:[51,60,66,76,85,86],panda:51,pandocfilt:[51,54,55,56,57],pane:76,pangu:51,paper:[52,54,57],paragraph:[77,80],parallel:53,param:[70,75],param_group:58,paramet:[0,1,2,3,4,25,26,27,29,30,31,32,33,35,37,46,47,48,58,59,60,66,69,71,72,80,82,83],parameter:51,parent:[14,15,18,19,20,21],pari:53,pars:[58,76,83],parser:76,parso:[51,54,55,56,57],part:[51,64,74,75,76,88],parti:55,partial:[52,54,56,57,76,88],particular:56,particularli:53,partit:60,pass:[51,53,58,59,61,62,63,64,66,69,70,82,83,86],past:76,patch:57,path:[4,13,14,15,29,30,56,57,58,70,71,82,83,85,86,88],path_to_torchtrt_root:85,pathspec:[51,57],pathtool:51,pathwai:82,pattern:[66,71,83],payment:75,peephole_optimz:60,pellentesqu:79,peopl:76,pep:76,per:[55,57,58],percentil:[51,53,58],perf:[51,52,54,55,56],perfom:58,perform:[29,30,52,53,54,55,56,57,86],performac:86,permiss:[51,52,53,54,55,56,57],permit:76,permut:68,persist:[51,52,54,55,56,76],pesq:51,pexpect:[51,54,55,56,57],pharetra:79,phase:[16,58,66,83],phasellu:79,phi:76,philosoph:76,phrase:76,pi:76,pick:[56,82],pick_best:57,pickler:63,pickleshar:[51,54,55,56,57],pid:[51,52,54,55,56],piec:51,pil:[52,54,55],pillow:[51,52,57],pin:75,pin_memori:68,pip3:85,pip:[51,52,53,54,55,56,57,58,85],pipelin:[88,90],piplein:83,pipreq:51,pixel_shuffl:68,pl:75,place:[47,60,76,77,78,85,86],placerat:79,plan:[64,88],plane:58,platea:79,platform:[45,52,54,56,57,64,85,88,90],platformdir:57,pleas:[51,52,58,76,83,85],plot:57,plot_result:57,plt:[52,54,55,57],pluggi:51,plugin:51,po:53,point:[71,74,75,76,83],pointer:[3,4,86],polish:75,pooch:51,pool:[54,55,56,57,58,90],pop:63,popular:[53,75,85],portabl:[52,54,56,57,63,72],portalock:51,portion:76,porttitor:[77,79],pos_mask:53,posit:[51,53,71,74,88],possibl:[52,53,54,56,57,76],post1:51,post:[29,30,48,67,83,88],posuer:[77,79],potenti:[48,79],pow:68,power:[52,54,56,57,76,83],pr:83,practic:[52,54,56,57],praesent:79,pragma:[42,43,44,45,86],pre:[33,51,52,53,54,58,60,70,72,86,87],pre_cxx11_abi:85,preced:76,precis:[48,53,55,56,57,67,71,83,84,86,88,90],precisions_str:51,pred:[52,54,55,58],pred_label:57,pred_loc:57,predict:[52,53,54,55,57],prefer:83,prefix:[27,28,42,69,76],preinstal:85,prelu:68,prepar:[51,52,53,54,56,57],prepare_input:57,prepare_tensor:57,preprint:86,preproc:70,preprocess:[51,52,54,55,58,86],preserv:[58,76,82,86],prespect:82,press:76,pretium:79,pretrain:[51,52,53,54,55,57,89],pretti:83,prev_next_buttons_loc:74,prevent:[48,88],previou:[53,74],previous:[30,33,83],prim:[59,60,63,68,82,83],prim_devic:68,primal:76,primari:53,primarili:[64,83],print:[16,31,44,51,52,53,54,55,56,57,58,69,71,72,76,83,89],print_funct:51,printout:53,printstat:[51,53],priorit:85,privat:[3,4,44,45,86],prob:[52,54,55],probabl:[52,53,54,55,57],probablil:[52,54,55],problem:[53,76],problemat:76,proce:[52,54,55],process:[51,52,53,54,55,56,57,58,75,76,82,86,88,89],prod:68,produc:[47,59,63,66,76,83],product:[48,52,54,56,57],profil:[47,56],program:[18,19,20,21,30,50,55,56,57,62,63,64,67,82,88],programm:76,progress:77,proin:79,project:[75,80],prometheu:[51,54,55,56,57],promis:51,prompt:[51,54,55,56,57],properli:85,properti:[51,53,74],propog:60,prose:76,protobuf:51,provid:[3,4,48,51,52,53,54,55,63,66,71,72,76,83,84,85,86,87,88,89],providi:[62,64],provok:76,psutil:[51,55],pt:[53,57,58,83,88],pth:[54,57,58],ptq:[3,4,15,18,38,49,50,67,71,72,88],ptq_calibr:[3,4,45,48,86],ptqtemplat:49,ptyprocess:[51,54,55,56,57],pull:85,purchas:75,pure:[31,51,55,57],purpos:[57,85],puru:79,push:63,push_back:44,put:76,pwr:[51,52,54,55,56],py2:[54,56,57],py3:[51,52,53,54,56,57],py:[51,52,57,58,60,64,74,76,81,82,83,85,86],pyannot:51,pyasn1:51,pybind11:51,pybtex:51,pycpars:[51,54,55,56,57],pycr:51,pydeprec:51,pydub:51,pygment:[51,54,55,56,57],pypa:[51,52,53,54,55,56,57],pypars:[51,53,54,55,56,57],pypi:[51,52,53,54,55,56,57,58,85],pypinyin:51,pyplot:[52,54,55,57],pyrsist:[51,54,55,56,57],pysock:51,pystoi:51,pytest:51,python3:[51,52,53,54,55,56,57,58,60,83,85],python:[51,52,53,54,55,56,57,58,64,71,72,76,77,83,87,88,89,90],python_api:65,pythonhost:[54,55,56,57,58],pytorch:[47,48,51,52,53,54,55,57,58,60,61,62,63,64,66,70,71,72,82,83,84,85,86,87,88],pytorch_lightn:51,pytorch_quant:[57,58],pytorch_sphinx_them:[74,81],pytorch_vision_v0:55,pytz:51,pywavelet:57,pyyaml:[51,53],pyzmq:[51,54,55,56,57],qat:58,qat_model:58,qthelp:51,qualiti:[52,54,57],quant:58,quant_dim:58,quant_input:58,quant_max:68,quant_min:68,quant_modul:58,quant_nn:58,quant_weight:58,quantconv2d:58,quantdescriptor:58,quantiz:[29,30,57,67,83,88],quantizatiom:48,quantizelay:58,quantlinear:58,quantoz:58,quantpool:58,quartznet:51,question:83,qui:[77,79],quick:58,quickli:[52,54,83,86,88],quisqu:79,quit:[66,83],quot:77,r:[57,76],rais:60,raiseexcept:60,rand:83,randn:[51,52,54,55,56,57,58,71,72,83,89],random:51,randomcrop:58,randomhorizontalflip:58,rang:[47,48,51,52,53,54,55,56,57,58,71,88],rank:74,rapidfuzz:51,rate:58,rather:60,raw:[57,74],re:[51,76],read:[3,4,29,30,44,51,55,74,76,86],read_calibration_cach:70,readcalibrationcach:[3,4,44],reader:76,readi:[51,55],readm:[51,52,53,54,56,57],realiz:63,realli:66,reason:[0,57,82],reattribut:77,recalibr:30,recip:86,recipi:57,reciproc:68,recognit:[51,54,58,86],recomend:[29,30],recommend:[29,30,51,52,53,54,55,56,57,58,76,83,85],recompil:57,record:[56,58,59,82],rect:57,rectangl:57,recurs:59,recursivescriptmodul:56,redistribut:77,reduc:[52,54,56,57,58,60,62,64,86],ref:76,refer:[47,58,62,64,75,80,83,84,86],referenc:[57,85],refit:[45,48,72,89],reflect:45,reflection_pad1d:68,reflection_pad2d:68,regard:[76,85],regardless:77,regex:[51,53],regist:[33,63,66,72],registernodeconversionpattern:[66,83],registri:[59,83],regular:58,reinterpret_cast:44,relat:[46,76],relationship:49,releas:[51,53,76],relu:[54,55,56,68,82,83],relu_:68,remain:[52,53,54,56,57,60,86],remov:[51,52,54,56,57,58,74],remove_contigu:60,remove_dropout:60,remove_to:60,render:74,rent:77,repack:63,repeat:[68,88],replac:[53,57,60],replication_pad1d:68,replication_pad2d:68,replication_pad3d:68,report:[23,44],reportable_log_level:69,repositori:[52,54,57,64,74,81],repres:[47,48,58,66,69,76],represent:[52,53,54,56,57,60,66,82],request:[51,52,53,54,55,71,83],requir:[30,48,51,52,53,54,55,56,57,58,59,60,69,71,72,74,83,86,87,88],require_full_compil:[45,48,52,54,56,57,72],requires_grad:68,resampi:51,research:[52,54,56,57],reserv:[42,43,44,45,51,52,53,54,55,56,57],reset:44,reshap:68,residu:54,resiz:[52,54,55],resnet50:[54,55,57],resnet50_model:[54,55],resnet:[55,57,63],resnet_trt:63,resolv:[52,54,55,59,60,62,64],resolve_data_config:52,resourc:[51,54,55,56,57,59,86],respons:[30,52,54,55,58,63,76],respositori:53,rest:[76,77],restor:51,restrict:[48,72],restructuredtext:[76,77],result:[51,52,53,54,55,56,58,59,60,69,72,74,82,84],results_per_input:57,ret:60,rethink:52,return_tensor:53,reus:[60,86],revert:74,revis:[76,77],revisit:76,rfc:76,rgb:[52,54],rho_:76,rhoncu:79,right:[42,43,44,45,51,52,53,54,55,56,57,60,64,66,76],risu:79,rn50_preprocess:[54,55],role:76,roll:68,roman:77,room:76,root:[42,43,44,45,51,52,53,54,55,56,57,58,74,85,86],round:[48,58,72],round_:58,rounding_mod:68,row:77,rsa:51,rst:[74,76],rsub:68,ruamel:51,rule:[72,85],ruler:76,run:[1,37,46,48,51,52,53,54,55,56,57,58,59,60,61,62,63,64,66,67,71,72,76,82,83,84,85,86,87,88,89,90],runetim:55,runner:51,running_loss:58,running_mean:68,running_var:68,runtim:[51,52,54,55,56,57,67,83],rutrum:[77,79],s3:[52,54,55],s3transfer:51,s:[47,48,57,58,63,66,67,71,74,76,77,82,83,84,86],sacrebleu:51,sacremos:[51,53],safe:[66,72],safe_dla:71,safe_gpu:71,safeti:[48,71,88],sage:76,sagitti:[77,79],sai:77,said:76,same:[52,54,55,57,63,74,76,82,83,85,89],sampl:[51,52,54,76,86],sample_r:51,sapien:79,satisfi:[51,52,53,54,55,56,57],save:[30,44,51,52,54,55,56,57,58,63,71,72,83,84,87,88],save_checkpoint:58,save_restore_connector:51,saw:83,scalar:[66,68],scalaropt_dim:68,scalartyp:[0,45,68],scale:[52,58,68,86],scale_factor:68,scale_grad_by_freq:68,scales_d:68,scales_h:68,scales_w:68,scelerisqu:79,schedul:[58,71],schema:[66,83],scientist:76,scikit:[51,57],scikit_imag:57,scipi:[51,57],scope:60,score:[52,54,55,57],scratch:30,screen:74,script:[31,53,57,58,60,71,72,82,83,84,89],script_model:[56,82,89],scriptclass:72,scripted_model:90,scriptmodul:[71,72,83],scroll:[74,78],sdk:[51,52,54,56,57,65],se:51,seamlessli:[55,67],search:[53,67,74],second:[52,53,55,60,76],section:[55,58,74,76,77,78,80,83,86],secur:[51,85],sed:[77,79],see:[31,51,52,53,54,55,56,57,60,63,71,72,76,82,83,85],seen:[76,77],segment:51,segments_tensor:53,select:[17,29,30,37,48,52,54,56,57,63,68,71,72,75,78,85,86,88],self:[51,53,56,58,60,63,66,68,70,82,83,90],self_1:[63,83],self_int:68,sell:77,seller:75,seller_id:75,sem:79,semant:76,semper:79,send2trash:[51,54,55,56,57],senectu:79,sens:[76,83],sent:[52,54,55],sentenc:[53,76],sentencepiec:51,sentencepiecetoken:51,sentinel:[0,2],sentri:51,separ:[52,54,56,57,61,62,64],seq_relationship:53,sequenc:[51,53,76],sequenti:[54,55],serial:[33,37,62,64,71,72,83,88],seriali:72,serializ:[63,82],serialized_engin:72,serializinghtml:51,seril:63,serv:[63,88],server:51,servic:76,session:76,session_nam:76,set:[3,4,16,21,25,27,30,32,35,37,45,46,47,48,52,54,56,57,58,59,60,61,62,63,64,67,69,71,72,74,78,81,82,83,84,85,86,90],set_devic:[21,38,45,49,71],set_is_colored_output_on:[18,39,42,49,69],set_logging_prefix:[18,39,42,49,69],set_reportable_log_level:[18,39,42,49,53,58,69],set_typecheck_en:51,setalpha:66,setbeta:66,setnam:[66,83],setproctitl:51,setreshapedimens:83,setup:[43,51,58,86],setup_multiple_test_data:51,setup_multiple_validation_data:51,setup_test_data:51,setup_training_data:51,setup_validation_data:51,setuptool:[51,54,55,56,57],sever:[16,26,53,69],sgd:58,sh:85,sha256:85,shape:[45,47,48,51,52,53,54,56,57,58,66,68,71,72,84,88,90],shape_mod:71,share:85,shell_command:76,shellingham:51,shift:[68,76,85],ship:[58,83,87],shorthand:76,shortuuid:51,should:[0,3,4,30,45,48,52,55,58,59,60,61,62,64,66,67,69,71,74,76,79,86,88],show:[57,74,76],showcas:[52,54,55],shown:[53,74,76,83],shuffl:[51,58,83,86],shutterstock_780480850:[52,54,55],siberian:[52,54,55],siberian_huski:[54,55],side:[60,74,83],sidebar:[74,80],sigmoid:68,sigmoid_:68,signatur:72,signifi:[47,60],signific:[57,58,76],significantli:[60,74],similar:[57,66,83,87,89],simonyan:86,simpil:86,simpl:[51,52,53,54,56,57,58,76,77,82],simplejson:51,simplest:53,simpli:[55,56,60],simplic:[52,54,57],simplifi:59,simul:58,sin:[68,76],sinc:[53,56,60,76,82,83,86],sing:76,singl:[47,48,53,56,60,71,76,82,83,86,88],singular:66,sinh:68,sink:76,sit:[77,79],site:[51,52,53,54,55,56,57,58,60,76,83,85],six:[51,53,54,55,56,57,76],sixth:77,size:[3,4,44,47,48,51,52,53,54,55,56,57,58,60,68,71,72,74,83,86,88,90],size_t:[3,4,44,86],skip:88,slash:74,slice:68,slither:[52,54,55],sm:63,sm_output:[52,54,55],small:[58,60],smaller:51,smallest:53,smi:[51,52,54,55,56],smmap:51,snake:[52,54,55],snowballstemm:51,so:[0,44,52,54,55,56,58,59,60,63,64,66,67,75,76,77,83,85,86,88],sodal:79,softmax:[52,54,55,57,58,60,68],softwar:[51,52,53,54,55,56,57,76],sole:86,sollicitudin:79,some:[52,53,54,59,60,62,63,64,66,75,76,83,86],some_funct:76,someth:[43,60,76],someurl:76,sort:[66,68,89],sortedcontain:51,soundfil:51,soupsiev:[51,55],sourc:[42,43,44,45,52,54,57,64,69,70,71,72],sourceforg:[76,77],sox:51,space:[76,77,86],spaces_and_linebreak:76,span:77,spars:[68,88],sparse_weight:[45,48,72],sparsiti:[48,72,88],speak:53,speaker:53,spec:[47,48,52,54,56,57,69,71,72,88,89],specif:[32,48,51,52,53,54,55,56,57,60,62,64,71,72,76],specifi:[3,4,48,52,53,54,55,56,57,58,66,67,69,71,72,74,76,84,88,89],specifii:71,speech:51,speed:[51,52,53,54,55,57],speed_m:[51,53],speed_mean:[51,53],speedup:[51,52,53,54],sphinx:[51,74,75,76,77,81],sphinx_rtd_them:[76,77],sphinxcontrib:51,spirit:76,split:[53,68],split_siz:68,split_with_s:68,sqrt:68,squeez:[51,68],sr:51,src:[63,65,68],ss:44,ssd300:57,ssd300_trt:63,ssd:63,ssd_300_trace:57,ssd_pyt_ckpt_amp:57,ssd_trace:88,ssd_trt:88,sstream:[20,44],stabl:[58,65,74],stack:[51,55,57,58,63,68,86],stage:59,stand:[63,76],standalon:76,standard:[52,53,54,55,56,57,63,67,76,87,88,89],stapl:77,start:[53,55,57,58,59,68,77,85,89],start_dim:[68,83],start_step:68,start_tim:[51,52,53,54,55,56,57,58],startswith:58,stat:58,state:[51,52,53,54,58,59,66,83],state_dict:58,statement:[60,76],static_cast:44,statist:[53,58],statu:[44,77],std:[3,4,22,26,28,29,30,31,33,34,37,42,44,45,47,48,51,52,53,54,55,83,86,90],std_dev:[51,53],stderr:58,stdout:[36,69,71],steamlin:86,step:[51,52,53,54,55,56,57,58,67,68,86],stft:51,stick:74,sticki:[74,80],sticky_navig:[74,78],still:[44,57,86],stitch:[56,83],stop:83,storag:86,store:[2,4,59,63,66,82,83],str:[19,43,44,49,52,54,55,68,69,71,72],straight:66,strang:76,strategi:[53,71],stream:[52,54,55],street:77,strict:87,stride:[54,55,56,57,58,68],string:[3,4,18,20,21,22,26,28,29,30,31,33,34,37,42,44,45,48,63,66,71,74,83,86],stringstream:44,strip_prefix:85,strong:[52,54,56,57,76],strongli:76,struct:[1,21,38,41,45,86],structur:[30,46,48,52,54,56,57,64,66,74,76,80,82],structuredtext:76,stt_en_citrinet_256:51,stt_en_citrinet_256_bs128_torch:51,stt_en_citrinet_256_bs1_torch:51,stt_en_citrinet_256_bs32_torch:51,stt_en_citrinet_256_bs8_torch:51,stub:77,stuff:76,style:[42,43,44,45,74,76,77],style_external_link:74,sub:[68,76,82],sub_:68,subdirectori:50,subexpress:60,subgraph:[48,59,60,66,83,88],subject:64,submenu:80,submodul:[56,82],subplot:[52,54,55,57],subscript:76,subsect:76,subset:[58,86],substitut:76,subtitl:76,subtre:81,subword:51,successfulli:[51,52,54,56,57],sudo:85,suffic:60,suit:[55,67],sum:[48,58,68,72],summari:53,summarywrit:58,superscript:76,suppli:76,support:[0,1,2,27,31,46,47,48,52,54,55,56,57,58,65,67,71,72,74,75,82,83,85,88,90],sure:[83,84,85,90],suscipit:[77,79],suspendiss:79,swap:51,sy:58,symbol:[33,72,76,85,87],symlink:81,sympi:51,synchron:[51,52,53,54,55,56,57,58],system:[51,52,53,54,55,56,57,59,66,67,72,85],t1:68,t2:68,t:[0,1,2,45,46,55,56,58,60,66,68,74,76,77,82,83,85,86,88],t_:76,tabl:[80,85],tabul:51,tag:76,take:[31,32,33,37,51,52,54,56,57,59,62,63,64,66,71,72,74,76,83,86,89],taken:[52,54,57,76],talk:67,tan:68,tanh:68,tanh_:68,tar:[76,85,86],tarbal:[83,86],target:[1,33,45,46,47,48,52,54,55,56,57,63,64,67,71,72,84,86,88,89,90],targets_:86,tarred_audio_filepath:51,task:[29,30,51,53,86],techinqu:83,techniqu:[58,86],tell:[60,61,62,63,64,66,76],tellu:79,tem:88,temp:[51,52,54,55,56],templat:[20,40,44,45,49,74,83],tempu:79,tensor:[2,33,44,45,47,48,51,52,53,54,55,56,57,58,59,60,63,66,68,71,72,82,83,86],tensor_mod:68,tensor_qu:58,tensor_quant:58,tensor_scalar:68,tensor_tensor:68,tensorboard:[51,58],tensorcontain:66,tensorformat:[21,38,45,47,49,71],tensorformatenum:49,tensorlist:66,tensorquant:58,tensorrt:[0,1,3,4,29,30,31,32,33,36,37,44,45,46,47,48,53,59,60,61,62,64,66,70,71,72,82,86,88],tensorrtcompilespec:[72,89],teo:88,term:[71,76,77,86],termin:[27,83,88],terminado:[51,54,55,56,57],test:[51,52,53,54,55,56,57,58,64,76,77,86,88],test_acc:58,test_loss:58,test_pr:58,test_prob:58,test_ptq_dataloader_calibr:86,test_ptq_trt_calibr:86,test_py_modul:[76,80],testing_dataload:[58,86],testing_dataset:[58,86],testpath:[51,54,56,57],text:[51,53,57,69,77,79],tf32:[48,88],tgz:85,than:[51,53,55,60,67,75,76,87],thats:[59,86],thei:[46,53,57,58,59,60,63,66,71,74,76,85,88],them:[51,52,53,54,56,57,60,63,74,83,85],theori:[59,76],therebi:63,therefor:[30,51,52,54,56,57,63,76,83],theres:87,therfor:87,theta:76,thi:[0,1,2,29,30,42,43,44,45,46,47,48,51,52,53,54,55,56,57,58,59,60,62,63,64,66,71,72,74,75,76,78,79,82,83,85,86,87,88,89],thicker:76,thin:76,thing1:76,thing2:76,thing3:76,thing:[56,76,85],think:[66,76],third:[55,77],third_parti:[64,85],those:[53,59,76],though:[57,64,66,82,83,88],thought:76,threadpoolctl:51,three:[47,55,62,64,71,76,77],threshold:88,through:[47,51,52,53,54,55,56,57,59,60,63,67,69,70,76,83],throughout:[52,54],throughput:52,thrown:[48,72],thu:[51,56,76],tifffil:57,time:[48,51,52,53,54,55,56,57,58,59,60,62,63,64,66,72,74,76,83,86,88],time_99th:[51,53],time_m:[51,53],time_mean:[51,53],time_std:[51,53],timegraph:[51,53],timeit:[51,53],timeout:51,timm:[52,54],tincidunt:79,tini:86,tinycss2:55,titan:[51,52,54,56,57],titl:[52,54,55],titles_onli:74,tl:55,tmp:83,toctre:74,tocustomclass:66,todim:83,todo:74,togeth:[56,59,66,83],toilet:[52,54,55],token:[51,53],token_type_id:53,tokens_tensor:53,toml:51,tomli:57,too:[74,76,77,85],took:53,tool:[52,53,54,56,57,66,83],toolchain:[64,85],toolkit:[51,54,55,56,57,58],top:[57,64,74,78],topk:68,topolog:53,torch:[0,1,2,4,20,29,30,31,32,33,36,37,44,45,46,47,48,53,59,60,62,63,64,66,71,72,82,85,86,88,90],torch_executed_modul:[45,48,72],torch_executed_op:[45,48,72],torch_scirpt_modul:82,torch_script_modul:83,torch_tensorrt:[0,1,2,3,4,14,16,17,42,43,44,46,47,48,49,50,51,52,53,54,55,56,57,58,67,83,84,86,87,88,89,90],torch_tensorrt_major_vers:[19,43,49],torch_tensorrt_minor_vers:[19,43,49],torch_tensorrt_patch_vers:[19,43,49],torch_tensorrt_vers:[19,43,49],torch_tensorrtfil:49,torch_tensorrtnamespac:49,torchbind:63,torchhub:57,torchmetr:51,torchscript:[19,21,38,43,45,48,49,51,52,53,54,55,57,58,62,63,64,71,72,84,88,89,90],torchscriptstruct:49,torchtrt:[43,51],torchtrt_api:[19,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,42,43,44,45,49],torchtrt_check:66,torchtrt_exampl:87,torchtrt_hidden:[19,43,49],torchtrt_unus:66,torchtrtc:[67,90],torchvis:[51,52,54,55,58,63,86,89],tornado:[51,54,55,56,57],toronto:86,tortor:79,total:58,totensor:[52,54,55,58,86],tovec:83,toward:86,tqdm:[51,53,58],trace:[51,53,57,58,72,82,83,84],traced_mlm_model:53,traced_model:[56,57,82],tracerwarn:58,track:[66,86],track_running_stat:[54,55],trade:57,tradit:[47,72,86],traget:32,trail:74,train:[29,30,48,51,52,53,54,57,67,68,83,84,88],trainabl:60,trained_vgg16_qat:58,trainer:51,training_dataload:58,training_dataset:58,traitlet:[51,54,55,56,57],transcrib:51,transfer:75,transform:[51,52,54,55,56,57,58,83,86],transforms_factori:52,translat:[57,83],transmit:76,transpos:68,trash:76,travers:[62,64],treat:[58,88],tree:[42,43,44,45,51,74,86,87],trigger:[56,83],trim:86,trim_sil:51,tristiqu:79,trt:[0,1,3,4,46,47,51,59,60,63,66,68,83],trt_lenet_script:83,trt_mod:[58,83,86,90],trt_model:[53,57,89],trt_model_fp16:[52,53,54],trt_model_fp32:[52,54],trt_model_with_d:55,trt_model_without_d:55,trt_script_modul:56,trt_ts_modul:[51,56,84],trtorch:51,truck:58,truncat:[48,72,88],truncate_long_and_doubl:[45,48,51,53,72],trust:[54,55,56,57,58],ts:[43,51,56,67,71,82,83,84,88,89],ts_model:83,tt:76,tue:[54,77],tune:[51,52,54,56,57,58],tupl:[63,71,72],tupleconstruct:[60,63],tupleunpack:60,turn:51,turpi:79,tutori:[52,54,55,82,86],two:[51,56,57,60,66,76,77,81,82,85,86,88],type:[0,1,2,29,47,48,49,51,52,53,54,55,56,57,58,59,63,66,69,71,72,76,83,86,88],typecheck:51,typenam:[3,4,29,30,44],typer:51,typic:[59,66],typing_extens:52,ubuntu:[51,85],ugli:76,ui:75,uint64_t:[45,48],ultric:79,un:[52,54,86],unabl:[66,83],unbind:68,unbroken:76,uncas:53,unchang:53,uncom:85,uncorr:[51,52,54,55,56],undefin:57,under:[42,43,44,45,51,52,53,54,55,56,57,64,76,84],underli:[0,1,2,46,66],understand:[52,54],unidecod:51,union:[66,71,72,83],uniqu:4,unique_ptr:[4,29],unit:[53,56],univers:76,unknown:71,unless:[51,52,53,54,55,56,57],unlik:[55,67,85,89],unlimit:74,unmask:53,unmasked_sent:53,unmasked_sentences_trt:53,unmasked_token:53,unmasked_tokens_trt:53,unpack_addmm:60,unpack_log_softmax:60,unqiue_ptr:4,unreferenc:76,unrestrict:76,unsign:58,unsqueez:[52,54,55,68],unstabl:64,unsupport:[31,48],unsur:66,untest:64,until:[55,59,64,66,85],unwrap:66,unwraptodoubl:66,unwraptoint:83,unzip:85,up:[51,52,53,54,56,57,58,59,60,62,63,64,76,82],updat:[51,55,58],upgrad:51,upload:[52,54,55],upon:74,upper:[58,77],upsample_bilinear2d:68,upsample_linear1d:68,upsample_nearest1d:68,upsample_nearest2d:68,upsample_nearest3d:68,upsample_trilinear3d:68,upscale_factor:68,upstream:83,uri:[57,76],url:[74,85],urllib3:[51,53],urna:79,us:[0,1,2,3,4,29,30,32,35,37,43,44,45,46,47,48,51,52,53,54,56,57,59,63,64,66,67,69,70,71,72,74,75,76,77,82,86,87,88,90],usag:[51,52,54,55,56,70,76,83],use_amp:51,use_cach:[3,4,29,44,70,86],use_cache_:44,use_fb_fake_qu:58,use_input_stat:68,use_start_end_token:51,use_subset:86,usecas:85,user:[42,47,48,51,52,53,54,55,56,57,61,62,63,64,76,77,83,85,86],userguid:58,userwarn:[51,52,57],using_int:[68,83],usr:85,usual:[57,58,74],ut:79,utf:[76,77],util:[52,54,56,58,66,72,83,86],v0:[54,55,73],v1:51,v2:[29,30,57],v8:85,v:[51,52,53,54,56,57,77,88],val2017:57,val:[57,58],valid:[1,46,51,56,57,58,66],valu:[0,1,2,16,17,45,46,47,53,56,58,59,63,66,68,69,70,71,74,83],value_tensor_map:[59,66],vare:55,vari:[52,53,54],variabl:[47,71],variant:[51,87],varient:60,variou:[51,90],variu:79,vcs_pageview_mod:74,vec:68,vector:[20,21,44,45,47,48,63,83,86,90],vehicula:79,vel:79,velit:79,venenati:79,venv:[51,52,53,54,55,56,57],verbios:88,verbos:[77,88],veri:[58,77,78,86,89],verifi:[53,58],version:[34,36,51,52,53,54,55,56,57,58,64,74,77,85],vertic:[74,76],vestibulum:[77,79],vgg16:[58,86],vgg16_base_ckpt:58,vgg16_qat_ckpt:58,vgg:[57,58,86],vi:76,via:[51,55,57,67,71,72,74,80,84,86,87],view:[68,74],vine_snak:52,virtual:[51,52,53,54,55,56,57,86],vision:[52,53,54,55],visit:[52,54,55,57],visitor:74,visual:55,vita:[77,79],vivamu:79,viverra:79,vm:77,volatil:[51,52,54,55,56],volta:[52,54,56,57],volutpat:79,vs:[0,1,2,46,60,72,89],vulput:79,w1109:58,w:[51,52,54,57,88],w_hh:68,w_ih:68,wa:[51,52,53,54,56,57,60,63,76,83],wai:[52,54,58,82,83,85,86,88],walk:[51,52,53,54,56,57],wandb:51,want:[42,52,54,56,57,82,83,86,89],warm:[51,52,53,54,55,56,57,58],warn:[16,44,51,52,53,54,55,56,57,58,66,69,88],warranti:[51,52,53,54,55,56,57],wash:76,wcwidth:[51,54,55,56,57],we:[42,44,51,52,53,54,55,56,57,58,59,60,62,63,64,66,74,76,82,83,86],weak:76,web:76,webdataset:51,webencod:[51,54,55,56,57],websit:85,weight:[47,48,53,58,59,68,72,76,83,88],weight_decai:58,welcom:83,welecom:[52,54],well:[48,52,53,54,56,57,69,76,83,85,86],were:[53,57,83],werkzeug:51,wget:[51,52,54,55],what:[4,57,60,76,82,83],whatev:63,wheel:[51,85],when:[27,44,45,46,52,53,54,56,57,58,59,60,62,63,64,66,69,71,72,74,76,78,82,83,85,86,88],where:[51,52,54,56,59,60,66,72,77,83,86],whether:[4,71,75,86,88],which:[1,2,30,32,37,46,51,52,53,54,55,56,57,58,59,60,61,62,63,64,66,70,72,74,76,77,82,83,84,85,86,87,89],white:[57,76],whitespac:76,whl:[52,54,56,57,85],who:76,whole:[52,54,56,57],whose:60,why:76,wide:[55,80],widespread:53,widget:[51,54,55,56,57],widgetsnbextens:[51,54,55,56,57],width:[52,54,55,76],window:76,window_nam:76,wish:77,wit:51,within:[51,52,53,54,55,56,57,62,64,72,74,76],without:[51,52,53,54,56,57,58,66,74,76,83,86],wl:87,won:55,wooden:76,word:[51,53,76],wordninja:51,work:[44,56,60,64,66,76,77,86],worker:86,workflow:[58,89],workspac:[48,72,85,86,88,90],workspace_s:[45,48,51,52,53,54,55,57,72,86,88,90],world:[52,54,56,57,76],would:[66,83,85,87,88,89],wp:[52,54,55],wrap:[58,62,63,64,76,79,83,89],wrapper:66,wrapt:51,write:[3,4,29,30,44,51,52,53,54,55,56,57,59,67,76,83,86],write_calibration_cach:70,writecalibrationcach:[3,4,44],writer:58,written:[52,54],wrote:76,www:[51,52,53,54,55,56,57,74,76,83,85,86],x64:85,x86:87,x86_64:[64,85],x9:60,x:[5,10,33,43,52,54,56,57,58,60,72,77,82,83,85],x_0:76,x_1:76,x_2:76,x_3:76,x_4:76,x_:76,xavier:[45,52,54,56,57,90],xstr:[19,43,49],y:[33,51,57,72,77],yahoo:77,yaml:[51,65],yarg:51,yarl:51,year:51,yield:53,you:[0,1,2,29,30,46,47,48,51,52,53,54,55,56,57,58,59,60,63,64,66,67,71,72,74,76,77,78,82,83,84,85,86,87,88,89],your:[51,52,53,54,55,56,57,58,66,67,74,76,77,81,82,83,84,85,87,89],yourself:[52,53,54,83],youtokentom:51,yy:51,z:77,zero_grad:58,zero_point:68,zeroth:55,zip:[54,57,63,85],zipp:[51,54,55,56,57],zisserman:86},titles:["Class DataType","Class Device::DeviceType","Class TensorFormat","Template Class Int8CacheCalibrator","Template Class Int8Calibrator","Define STR","Define TORCH_TENSORRT_PATCH_VERSION","Define TORCH_TENSORRT_MAJOR_VERSION","Define TORCH_TENSORRT_MINOR_VERSION","Define TORCHTRT_API","Define XSTR","Define TORCHTRT_HIDDEN","Define TORCH_TENSORRT_VERSION","Directory cpp","Directory include","Directory torch_tensorrt","Enum Level","Enum EngineCapability","File logging.h","File macros.h","File ptq.h","File torch_tensorrt.h","Function torch_tensorrt::logging::get_logging_prefix","Function torch_tensorrt::logging::get_reportable_log_level","Function torch_tensorrt::logging::get_is_colored_output_on","Function torch_tensorrt::logging::set_reportable_log_level","Function torch_tensorrt::logging::log","Function torch_tensorrt::logging::set_is_colored_output_on","Function torch_tensorrt::logging::set_logging_prefix","Template Function torch_tensorrt::ptq::make_int8_calibrator","Template Function torch_tensorrt::ptq::make_int8_cache_calibrator","Function torch_tensorrt::torchscript::check_method_operator_support","Function torch_tensorrt::torchscript::compile","Function torch_tensorrt::torchscript::embed_engine_in_new_module","Function torch_tensorrt::get_build_info","Function torch_tensorrt::set_device","Function torch_tensorrt::dump_build_info","Function torch_tensorrt::torchscript::convert_method_to_trt_engine","Namespace torch_tensorrt","Namespace torch_tensorrt::logging","Namespace torch_tensorrt::ptq","Namespace torch_tensorrt::torchscript","Program Listing for File logging.h","Program Listing for File macros.h","Program Listing for File ptq.h","Program Listing for File torch_tensorrt.h","Struct Device","Struct Input","Struct CompileSpec","Torch-TensorRT C++ API","Full API","Torch-TensorRT Getting Started - CitriNet","Torch-TensorRT Getting Started - EfficientNet-B0","Masked Language Modeling (MLM) with Hugging Face BERT Transformer","Torch-TensorRT Getting Started - ResNet 50","Torch-TensorRT - Using Dynamic Shapes","Torch-TensorRT Getting Started - LeNet","Object Detection with Torch-TensorRT (SSD)","Deploying Quantization Aware Trained models in INT8 using Torch-TensorRT","Conversion Phase","Lowering Phase","Partitioning Phase","Compiler Phases","Runtime Phase","System Overview","Useful Links for Torch-TensorRT Development","Writing Converters","Torch-TensorRT","Operators Supported","torch_tensorrt.logging","torch_tensorrt.ptq","torch_tensorrt","torch_tensorrt.ts","Changelog","Configuration","5. :mod:`test_py_module`","3. Paragraph Level Markup","4. Lists & Tables","1. Long Sticky Nav","1. Structural Elements","<no title>","Installation","Creating a TorchScript Module","Getting Started with C++","Using Torch-TensorRT in Python","Installation","Post Training Quantization (PTQ)","Deploying Torch-TensorRT Programs","torchtrtc","Using Torch-TensorRT Directly From PyTorch","DLA"],titleterms:{"1":78,"10":78,"11":78,"12":78,"13":78,"14":78,"15":78,"16":78,"17":78,"18":78,"19":78,"2":[78,79],"20":78,"3":78,"4":78,"5":78,"50":54,"6":[57,78],"7":[57,78],"8":78,"9":78,"class":[0,1,2,3,4,20,21,38,40,41,49,70,71],"enum":[16,17,18,21,38,39,49,70,71],"function":[18,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,49,55,65,71,72],"long":[78,80],A:76,And:76,But:77,By:[18,19],Or:60,The:[76,83],To:60,aarch64:85,abi:[63,85],addmm:60,admonit:76,advic:66,ahead:67,an:80,api:[49,50,65,67,85],applic:86,arg:[66,75],avail:65,awar:58,b0:52,background:[63,66],base:[3,4,74],benchmark:[51,55,57,58],bert:53,binari:85,block:76,branch:60,build:[55,74,85],bullet:77,c:[49,65,67,83,85,86],can:77,caption:[77,80],center:76,ch:76,changelog:73,check_method_operator_support:31,choos:85,citat:[76,86],citrinet:51,cli:85,code:[60,76],compil:[32,62,64,67,83,85],compilespec:48,compound:76,conclus:[56,57],configur:74,construct:63,content:[18,19,20,21,38,39,40,41,51,52,53,54,56,57,74,75,76,77,78,79],context:[66,74],contigu:60,contract:66,contributor:67,convers:[59,62,64,66],convert:[59,66,68,83],convert_method_to_trt_engin:37,cpp:[13,18,19,20,21],creat:[82,86],creativ:76,cudnn:85,current:68,custom:83,cxx11:85,data:[55,75],datatyp:0,dead:60,debug:85,deeper:77,defin:[5,6,7,8,9,10,11,12,19,49],definit:[18,19,20,21,77],demo:80,depend:85,deploi:[58,87],descript:[52,54,57],deseri:63,detail:57,detect:57,detector:57,develop:65,devic:[1,46],devicetyp:1,dimens:65,direct:76,directli:89,directori:[13,14,15,50],disk:82,distribut:85,dla:90,doctest:76,documen:67,document:[0,1,2,3,4,5,6,7,8,9,10,11,12,16,17,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,46,47,48,65,67,79,80],down:77,download:[55,76,81],dropout:60,dump_build_info:36,dynam:55,easier:65,efficientnet:52,element:79,elimin:60,eliminatecommonsubexpress:60,embed_engine_in_new_modul:33,emphas:76,engin:63,enginecap:17,enumer:77,envior:85,evalu:[59,68],exampl:[76,78],execept:60,executor:63,expect:65,face:53,fallback:60,field:77,figur:76,file:[15,18,19,20,21,42,43,44,45,49,50],flatten:60,footnot:76,format:63,fp16:[51,52,54],fp32:[51,52,54],freez:60,from:[55,85,89],full:[49,50],fuse:60,gaurd:60,gener:75,get:[51,52,54,55,56,67,83],get_build_info:34,get_is_colored_output_on:24,get_logging_prefix:22,get_reportable_log_level:23,giant:77,git:81,glossari:76,gpu:67,graph:[60,63],grid:77,guarante:66,h:[18,19,20,21,42,43,44,45],half:[51,52,54],have:77,hierarchi:49,hlist:77,hole:77,hood:83,how:[74,86],html:74,hub:55,hug:53,ien:76,imag:[76,77],includ:[14,18,19,20,21],incred:80,index:75,indic:67,infer:57,inherit:[3,4],inlin:76,input:47,instal:[81,85],int8:58,int8cachecalibr:3,int8calibr:4,ir:65,jetson:85,jit:67,languag:53,layer:65,learn:[51,52,53,54,56,57],lenet:56,level:[16,74,76,77],librari:[85,87],libtorchtrt:87,like:77,line:76,linear:60,link:[65,76],list:[42,43,44,45,77],liter:76,local:85,log:[18,22,23,24,25,26,27,28,39,42,69],logsoftmax:60,loop:60,lower:[60,62,64],macro:[19,43],make_int8_cache_calibr:30,make_int8_calibr:29,markup:76,mask:53,math:76,measur:57,menu:[78,80],meta:76,mlm:53,mod:75,model:[52,53,54,55,56,57,58],modul:[60,82,83],multibox:57,namespac:[18,19,20,21,38,39,40,41,49],nativ:85,native_op:65,nav:78,nest:[1,46],next:[51,52,53,54,55,56],node:59,number:[76,77],nvidia:67,object:[51,52,53,54,56,57],one:77,op:63,oper:[68,83],optimz:60,option:[74,75,77],other:66,overview:[51,52,54,56,57,58,64],own:86,packag:[85,87],page:74,paragraph:[76,79],paramet:75,partit:[61,62,64],pass:60,pattern:60,peephol:60,perform:58,phase:[59,60,61,62,63,64],plugin:87,post:86,pre:85,precis:[51,52,54],precompil:85,prerequisit:85,program:[42,43,44,45,87],project:74,ptq:[20,29,30,40,44,70,86],python:[65,67,82,84,85,86],pytorch:[56,65,67,89],quantiz:[58,86],quickstart:83,quot:76,rabbit:77,read:65,redund:60,refer:[57,76],regist:83,relationship:[1,3,4,46],releas:85,remov:60,replac:76,resnet:54,respons:66,result:[57,63],right:85,rubric:76,runtim:[62,63,64,87],s:[51,52,53,54,55,56],sampl:[55,57],save:82,script:56,second:77,section:79,serial:63,set:55,set_devic:35,set_is_colored_output_on:27,set_logging_prefix:28,set_reportable_log_level:25,setup:85,shape:55,shot:57,sidebar:76,simpl:55,singl:[51,52,54,57],so:87,sometim:65,sourc:85,speedup:57,ssd:57,start:[51,52,54,56,67,83],sticki:78,str:5,struct:[46,47,48,49],structur:79,subdirectori:[13,14],submenu:78,submodul:71,subsect:79,subsubmenu:78,subsubsect:79,support:68,system:64,tabl:[74,75,76,77,78,79],tarbal:85,target:76,templat:[3,4,29,30],tensorformat:2,tensorrt:[49,51,52,54,55,56,57,58,63,65,67,83,84,85,87,89],test_py_modul:75,text:76,theme:[74,80],thi:[77,80],through:68,time:67,titl:76,toc:74,topic:76,torch:[49,51,52,54,55,56,57,58,65,67,83,84,87,89],torch_tensorrt:[15,18,19,20,21,22,23,24,25,26,27,28,29,30,31,32,33,34,35,36,37,38,39,40,41,45,69,70,71,72],torch_tensorrt_major_vers:7,torch_tensorrt_minor_vers:8,torch_tensorrt_patch_vers:6,torch_tensorrt_vers:12,torchscript:[31,32,33,37,41,56,67,82,83],torchtrt_api:9,torchtrt_hidden:11,torchtrtc:[83,88],trace:56,train:[58,86],transform:53,trt:55,ts:72,tupl:60,type:[3,4,46],under:83,unpack:60,unrol:60,unsupport:83,up:55,us:[55,58,60,65,83,84,85,89],util:[51,55,57],version:63,via:81,visual:57,wai:76,weight:66,what:[51,52,53,54,55,56,66],wide:74,without:55,work:[55,82,83],write:66,xstr:10,your:86}})
\ No newline at end of file
diff --git a/docs/src/pytorch-sphinx-theme/docs/changelog.html b/docs/src/pytorch-sphinx-theme/docs/changelog.html
index be26dadad2..3f21ecb8fa 100644
--- a/docs/src/pytorch-sphinx-theme/docs/changelog.html
+++ b/docs/src/pytorch-sphinx-theme/docs/changelog.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/src/pytorch-sphinx-theme/docs/configuring.html b/docs/src/pytorch-sphinx-theme/docs/configuring.html
index 782ffa526e..6081092325 100644
--- a/docs/src/pytorch-sphinx-theme/docs/configuring.html
+++ b/docs/src/pytorch-sphinx-theme/docs/configuring.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/api.html b/docs/src/pytorch-sphinx-theme/docs/demo/api.html
index f15faede5c..265ada600a 100644
--- a/docs/src/pytorch-sphinx-theme/docs/demo/api.html
+++ b/docs/src/pytorch-sphinx-theme/docs/demo/api.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/demo.html b/docs/src/pytorch-sphinx-theme/docs/demo/demo.html
index 980e041245..50bf748306 100644
--- a/docs/src/pytorch-sphinx-theme/docs/demo/demo.html
+++ b/docs/src/pytorch-sphinx-theme/docs/demo/demo.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
@@ -545,7 +545,7 @@ 3.4.4.
3.4.5. Code Blocks¶
# parsed-literal test
-curl -O http://someurl/release-master (1.2.0a0+d4b4041).tar-gz
+curl -O http://someurl/release-master (1.2.0a0+8ad572d).tar-gz
{
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
index b2c6d35f35..248f2be452 100644
--- a/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
+++ b/docs/src/pytorch-sphinx-theme/docs/demo/lists_tables.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/long.html b/docs/src/pytorch-sphinx-theme/docs/demo/long.html
index 9d4036ad95..cdbb653cea 100644
--- a/docs/src/pytorch-sphinx-theme/docs/demo/long.html
+++ b/docs/src/pytorch-sphinx-theme/docs/demo/long.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html
index f658fc4712..2390538fc8 100644
--- a/docs/src/pytorch-sphinx-theme/docs/demo/structure.html
+++ b/docs/src/pytorch-sphinx-theme/docs/demo/structure.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/src/pytorch-sphinx-theme/docs/index.html b/docs/src/pytorch-sphinx-theme/docs/index.html
index 985b48d9b6..01f3230b16 100644
--- a/docs/src/pytorch-sphinx-theme/docs/index.html
+++ b/docs/src/pytorch-sphinx-theme/docs/index.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/src/pytorch-sphinx-theme/docs/installing.html b/docs/src/pytorch-sphinx-theme/docs/installing.html
index 1245e35d33..acad79e831 100644
--- a/docs/src/pytorch-sphinx-theme/docs/installing.html
+++ b/docs/src/pytorch-sphinx-theme/docs/installing.html
@@ -197,7 +197,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/creating_torchscript_module_in_python.html b/docs/tutorials/creating_torchscript_module_in_python.html
index b8a4e434a5..db64175b34 100644
--- a/docs/tutorials/creating_torchscript_module_in_python.html
+++ b/docs/tutorials/creating_torchscript_module_in_python.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/getting_started_with_cpp_api.html b/docs/tutorials/getting_started_with_cpp_api.html
index b6f4959d70..5e688e922c 100644
--- a/docs/tutorials/getting_started_with_cpp_api.html
+++ b/docs/tutorials/getting_started_with_cpp_api.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/getting_started_with_python_api.html b/docs/tutorials/getting_started_with_python_api.html
index cee3e1e92b..73ec454b98 100644
--- a/docs/tutorials/getting_started_with_python_api.html
+++ b/docs/tutorials/getting_started_with_python_api.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/installation.html b/docs/tutorials/installation.html
index 6f3e6a1194..45bb8c6ca6 100644
--- a/docs/tutorials/installation.html
+++ b/docs/tutorials/installation.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/ptq.html b/docs/tutorials/ptq.html
index 77524dc5b6..4727b82c56 100644
--- a/docs/tutorials/ptq.html
+++ b/docs/tutorials/ptq.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/runtime.html b/docs/tutorials/runtime.html
index cf05e772b1..41ae60fbad 100644
--- a/docs/tutorials/runtime.html
+++ b/docs/tutorials/runtime.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/torchtrtc.html b/docs/tutorials/torchtrtc.html
index 18bbd96d06..51b61d44ce 100644
--- a/docs/tutorials/torchtrtc.html
+++ b/docs/tutorials/torchtrtc.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/use_from_pytorch.html b/docs/tutorials/use_from_pytorch.html
index a60d268bf2..7bae154ae2 100644
--- a/docs/tutorials/use_from_pytorch.html
+++ b/docs/tutorials/use_from_pytorch.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)
diff --git a/docs/tutorials/using_dla.html b/docs/tutorials/using_dla.html
index d5560b0169..dad15a3ee0 100644
--- a/docs/tutorials/using_dla.html
+++ b/docs/tutorials/using_dla.html
@@ -199,7 +199,7 @@
- master (1.2.0a0+d4b4041)
+ master (1.2.0a0+8ad572d)